content
stringlengths 1
15.9M
|
---|
\section{Introduction}\label{sec:introduction}
\IEEEPARstart{D}{eep} Neural Networks (DNNs)~\cite{vgg,he2016deep,huang2017densely,xie2017aggregated,hu2018squeeze,sandler18mobile,gao2019res2net}
have achieved remarkable performance in image recognition
~\cite{krizhevsky2009learning,deng2009imagenet}.
However, most DNNs tend to fall into over-confidence for training samples,
greatly influencing their generalization ability to test samples.
Recently, researchers have proposed many regularization
approaches,
including Label Smoothing~\cite{christian2016rethinking},
Bootstrap~\cite{bootstrap},
CutOut~\cite{devries2017cutout},
MixUp~\cite{zhang2018mixup},
DropBlock~\cite{ghiasi2018dropblock} and
ShakeDrop~\cite{yamada2019shakedrop},
to conquer the overfitting problem to the distribution of
the training set.
These methods attempt to tackle this problem from the views of data augmentation \cite{devries2017cutout,zhang2018mixup},
model design \cite{ghiasi2018dropblock,yamada2019shakedrop},
or label transformation \cite{christian2016rethinking,bootstrap,qi2020loss}.
Among them, label smoothing is a simple yet effective
regularization tool operating on the labels.
Label smoothing (LS),
aiming at providing regularization for a learnable classification model,
is first proposed in~\cite{christian2016rethinking}.
Instead of merely leveraging the hard labels
for training (\figref{f1a}),
Christian {\em et al.} \cite{christian2016rethinking} utilizes soft labels
by taking an average between the
hard labels and the uniform distribution over labels (\figref{f1b}).
Although such kind of soft labels can provide strong regularization and prevent the learned models from being
over-confident, it treats the non-target categories equally
by assigning them with fixed identical probability.
For example, a `cat' should be more like a `dog' rather than
an `automobile.'
Therefore, we argue that the assigned probabilities of
non-target categories should highly consider their
similarities to the category of the given image.
Equally treating each non-target category could weaken
the capability of label smoothing and limit the model performance.
\newcommand{\legnd}[2]{#1 -- \textsl{#2} ~~~~~}
\newcommand{\addImg}[2]{\label{#2}\includegraphics[width=0.31\linewidth]{labels/#1}}
\begin{figure*}[!th]
\centering
\label{f1}
\subfigure[Hard Label]{\addImg{3_onehot_newcrop.pdf}{f1a}}
\subfigure[LS]{\addImg{3_ls_newcrop.pdf}{f1b}}
\subfigure[Ours]{\addImg{3_ols_newcrop.pdf}{f1c}}
\fbox{\scriptsize
\legnd{0}{airplane} \legnd{1}{automobile} \legnd{2}{bird}
\legnd{3}{cat} \legnd{4}{deer} \legnd{5}{dog} \legnd{6}{frog}
\legnd{7}{horse} \legnd{8}{ship} 9 -- \textsl{truck}
}
\caption{Different kinds of label distributions
on the CIFAR-10 dataset. The target category is `cat.'
We scale the $y$-axis using the $log$ function
for visualization. (a) Original hard label.
(b) Soft label generated by LS
\cite{christian2016rethinking}. This soft label is a
mixture of the hard label and uniform distribution.
(c) Soft label generated by our OLS method during
the training process of ResNet-29.
}
\vskip -0.1in
\end{figure*}
It has been demonstrated in~\cite{hinton15KD} that
model predictive distributions provide a promising way
to reveal the implicit relationships among different
categories.
Motivated by this knowledge, we propose a simple
yet effective method to generate more reliable soft
labels that consider the relationships among
different categories to take the place of label smoothing.
Specifically, we maintain a moving label distribution
for each category, which can be updated during the training
process.
The maintained label distributions keep changing
at each training epoch and are utilized to supervise DNNs
until the model reaches convergence.
Our method takes advantage of the statistics of the
intermediate model predictions, which can better
build the relationships between the target categories
and the non-target ones.
It can be observed from \figref{f1c} that our method
gives more confidence to the animal categories
instead of those non-animal ones when the label is `cat.'
We conduct extensive experiments on CIFAR-100, ImageNet~\cite{deng2009imagenet} and four fine-grained datasets~\cite{nilsback2008automated,WahCUB_200_2011,krause20133d,maji2013fine}.
Our OLS can make consistent improvements over baselines.
To be specific, directly applying OLS to ResNet-56 and ResNeXt29-2x64d
yields 1.57\% and 2.11\% top-1 performance gains on CIFAR-100, respectively.
For ImageNet, our OLS can bring 1.4\% and 1.02\% performance improvements
to ResNet-50 and ResNet-101 \cite{he2016deep}, respectively.
On four fine-grained datasets,
OLS achieves an average 1.0\% performance improvement over LS~\cite{christian2016rethinking} on four different backbones, i.e.,
ResNet-50~\cite{he2016deep},
MobileNetv2~\cite{sandler18mobile},
EfficientNet-b7~\cite{efficientNet}
and SAN-15~\cite{zhao2020exploring}.
The proposed OLS can be naturally employed to tackle noisy labels
by reducing the overfitting to training sets.
Additionally,
OLS can be conveniently used in the training process of many models.
We hope it can serve as an effective regularization tool
to augment the training of classification models.
\section{Related Work} \label{sec:related work}
\begin{table*}[!thp]
\caption{Comparison between our method and knowledge distillation. Self-KD denotes self-Knowledge Distillation.} \label{tab:comKD}
\begin{center}
\begin{tabular}{c|cccc}
\toprule
~ & Vanilla KD~\cite{hinton15KD} & Arch.-based self-KD~\cite{zhang2019byot} & Data-based self-KD~\cite{xu2019data} & OLS (Ours) \\
\midrule
Label & sample-level & sample-level & sample-level & class-level \\
\midrule
Trained teacher model & \ding{51} & \ding{55} & \ding{55} & \ding{55}\\
\midrule
Special network architecture & \ding{55} & \ding{51} & \ding{55} & \ding{55} \\
\midrule
Forward times in one training iteration & 2 & 1 & 2 & 1 \\
\bottomrule
\end{tabular}
\end{center}
\vskip -0.2in
\end{table*}
\textbf{Regularization tools on labels.}
Training DNNs with hard labels (assigning 1
to the target category and 0 to the non-target ones)
often results in over-confident models.
Boosting labels is a straightforward yet effective way
to alleviate the overfitting problem and improve the accuracy
and robustness of DNNs.
Bootstrapping~\cite{bootstrap} provided two options, Bootsoft and Boothard,
which smoothed the hard labels using
the predicted distribution and the predicted class, respectively.
Xie {\em et al.}~\cite{Xie2016disturb} randomly perturbed
labels of some samples in a mini-batch to regularize
the networks.
To further prevent the training models from
overfitting to some specific samples,
Dubey {\em et al.}~\cite{dubey2018pairwise} added pairwise confusion to the output
logits of samples belonging to different categories
in training so that the models can learn slightly less
discriminative features for specific samples.
Li {\em et al.}~\cite{li2020reconstruction} used two networks to
embed the images and the labels in a latent space
and regularize the network via the distance between these embeddings.
Christian {\em et al.}~\cite{christian2016rethinking} leveraged soft labels
for training, where the soft labels are generated
by taking an average between the hard labels
and the uniform distribution over labels.
Our OLS also focuses on generating soft labels
that can provide stable regularization for models.
Following AET~\cite{zhang2019aet,qi2020learning} and AVT~\cite{qi2019avt},
Wang~{\em et al.}~\cite{wang2020enaet} proposed an innovative framework, EnAET~\cite{wang2020enaet},
that combined semi-supervised and self-supervised training.
It learned feature representation by predicting non-spatial and spatial transformation parameters.
Both our method and EnAET~\cite{wang2020enaet} obtained soft labels by accumulating predictions of multiple samples.
However,
our method is very different from EnAET~\cite{wang2020enaet}.
It obtained soft labels by accumulating the augmented views of the same sample by different transformation functions.
This consistency constraint is also often used in self-Knowledge Distillation.
In contrast,
our method is to encourage the predictions of all samples in the same class to become consistent
by the accumulated class-level soft labels.
Unlike the mentioned approaches above, the soft
labels generated by OLS take advantage of the statistical
characteristics of model predictions of intermediate states.
\textbf{Knowledge distillation.}
Knowledge distillation~\cite{hinton15KD,passalis19unsupervised,tommaso2018ban},
is a popular way to compress models, which can significantly
improve the performance of light-weight networks.
Knowledge distillation has been widely used in
many tasks~\cite{ge2020distilling,wang2020real,ge2019low,peng2019few}.
Hinton~{\em et al.}~\cite{hinton15KD} show that the success of knowledge distillation
is due to the model's response to the non-target classes.
It shows that DNNs can discover the similarities
among different categories~\cite{hinton15KD,tommaso2018ban}
hidden in the predictions.
Inspired by knowledge distillation, some works
\cite{zhang2019byot,xu2019data,tommaso2018ban}
utilized a self-distillation strategy to improve
classification accuracy.
BYOT~\cite{zhang2019byot} designed a network architecture-based self-Knowledge Distillation,
which distilled the knowledge from the deep layers to the shallow layer.
Xu {\em et al.}~\cite{xu2019data} applied a data-based self-Knowledge Distillation
and encouraged the output of the augmented samples (using data augmentation methods)
to be consistent with the original samples.
Furlanello {\em et al.}~\cite{tommaso2018ban} proposed to
distill the knowledge of the teacher model
to the student model with the same architecture.
The student model obtained a higher accuracy
than the teacher model.
At the same time, Tommaso {\em et al.}~\cite{tommaso2018ban} also
verified the importance of the similarity between categories
in the soft labels.
Our work is inspired by knowledge distillation,
aiming to find a reasonable similarity among categories.
Both knowledge distillation and our method use the output logits of the network
as soft labels and benefit from the similarities hidden in the logits~\cite{hinton15KD,tommaso2018ban}.
But there are many differences between our method and the knowledge distillation.
We summarize the main differences in~\tabref{tab:comKD}.
Without any teacher models,
compared with knowledge distillation,
our method could save the training cost,
\emph{i.e.,~}{our method does not bring extra forward propagations}.
Besides,
our method is applicable to any network architecture without special modification.
\textbf{Classification against noisy labels.}
Noisy labels in current datasets are inevitable due to
the incorrect annotations by humans.
To deal with this problem, many researchers
explored solutions to this problem
from both models~\cite{yao2019deep,duncan1992reinforcement},
data~\cite{wang2018multiclass,wei2020harness}
and training strategies~\cite{han2018progressive,tanaka2018joint,han2019deep}.
A typical idea~\cite{Ren2018reweight,metaweight,liu2015classification} is to
weight different samples to reduce the influence of noisy samples
on training.
Ren {\em et al.}~\cite{Ren2018reweight} verified each mini-batch on
the clean validation set to adjust each sample's weight
in a mini-batch dynamically.
MetaWeightNet~\cite{metaweight} also exploited the clean
validation set to learn the weights for samples by
a multilayer perceptron (MLP).
Moreover, some researchers solve this problem from the optimization
perspective~\cite{sl,tanno2019learn}.
Wang {\em et al.}~\cite{sl} improved the
robustness against noisy labels by replacing the normal
cross-entropy function with the symmetric cross-entropy function.
Arazo {\em et al.}~\cite{unsupervised} observed that noisy
samples often have higher losses than
the clean ones during the early epochs of training.
Based on this observation, they proposed to use the beta mixture
model to represent clean samples and noisy samples
and adopt
this model to provide estimates of the actual class
for noisy samples.
Another kind of idea \cite{zhang2018improving,fang2018data}
is to train the network with only the right labels.
PENCIL~\cite{yi2019probabilistic} proposed a novel framework
to learn the correct label and model's weights at the same time.
This method maintained a learnable label for each sample.
Han~{\em et al.}~\cite{han2019deep} designed the label correction phase and
performed the training phase and label correction phase iteratively.
They got multiple prototypes for each class and redefined the labels for all samples.
Different from these two methods,
our method does not specifically design the process of label correction.
Therefore,
our method does not bring extra learnable parameters and
does not conflict with the label correction strategy designed in Han~{\em et al.}~\cite{han2019deep}.
On the other hand,
we accumulate the output of correctly predicted samples during training to get the soft labels for each class.
These soft labels bring intra-class constraints to reduce the over-fitting to the wrong labels,
which improves the robustness to noisy labels.
Although the proposed OLS is not specifically designed
for noisy labels, the classification accuracy on noisy
datasets is largely improved when training models with OLS.
The performance gain owes to the ability of OLS
to reduce the overfitting to noisy samples.
\begin{figure*}[!th]
\begin{small} \label{f2}
\begin{overpic}[width=1.0\textwidth, tics=2]{pipeline/pipeline_v7_crop.pdf}
\put(22.5, 18.7){\textbf{Supervise}}
\put(23.3, 6.7){\textbf{Update}}
\textcolor{mygray}{\put(32.4, 6.5) {$S^1$}}
\put(35.4, 6.5) {$S^2$}
\textcolor{mygray}{
\put(38.4, 6.5) {$S^3$}
\put(41.4, 6.5) {$\cdot$}
\put(41.8, 6.5) {$\cdot$}
\put(42.2, 6.5) {$\cdot$}
\put(43.6, 6.5) {$S^{t}$}
\put(46.4, 6.5) {$\cdot$}
\put(46.8, 6.5) {$\cdot$}
\put(47.2, 6.5) {$\cdot$}
\put(48.8, 6.5) {$S^{T}$}
}
\textcolor{mygray}{
\put(32, 18.5) {$S^0$}
}
\put(35, 18.5) {$S^1$}
\textcolor{mygray}{
\put(38, 18.5) {$S^2$}
\put(41, 18.5) {$\cdot$}
\put(41.4, 18.5) {$\cdot$}
\put(41.8, 18.5) {$\cdot$}
\put(42.5, 18.5) {$S^{t-1}$}
\put(46.2, 18.5) {$\cdot$}
\put(46.6, 18.5){$\cdot$}
\put(47, 18.5) {$\cdot$}
\put(48, 18.5) {$S^{T-1}$}
}
\put(26, 12.6) {\textbf{epoch}}
\textcolor{mygray}{
\put(32, 12.6) {$\#$1}
}
\put(35, 12.6) {$\#$\textbf{2}}
\textcolor{mygray}{
\put(38, 12.6) {$\#3$}
\put(41, 12.6){$\cdot$}
\put(41.4, 12.6){$\cdot$}
\put(41.8, 12.6){$\cdot$}
\put(43, 12.6) {$\#t$}
\put(46.2, 12.6) {$\cdot$}
\put(46.6, 12.6){$\cdot$}
\put(47.0, 12.6){$\cdot$}
\put(47.6, 12.67){$\#T$}
}
\put(56.4, 24.7) {\textbf{Supervise}}
\put(67, 0.3) {\textbf{Update}}
\put(68.7, 24) {$S^1$}
\put(88.7, 24) {$S^2$}
\put(14, 2) {Predicted category: 1}
\put(14, 0) {Ground-Truth: 1}
\put(60.8, 2){0}
\put(64.2, 2){1}
\put(67.6, 2){2}
\put(71, 2){$\cdots$}
\put(76.0, 2){$K$}
\put(81.5, 2){0}
\put(85, 2){1}
\put(88.5, 2){2}
\put(91.7, 2){$\cdots$}
\put(96.7, 2){$K$}
\end{overpic}
\end{small}
\vskip -0.1in
\caption{The illustration of training DNN with our online label smoothing method.
The left part of the figure shows the whole training process.
We simply divided the training process into T phases according to the training epochs.
$K$ denotes the number of categories in datasets.
We define each column of $S^t$ to represent the soft label for a target category.
At each epoch, we use the soft labels generated in the previous epoch to supervise the model,
and meanwhile, we generate the soft labels for the next epoch.
In the right, we show a detailed example of the training process in epoch$\#2$.
The generation of $S^t$ is depicted in \secref{sec:methods}.}
\end{figure*}
\section{Method} \label{sec:methods}
\subsection{Preliminaries}
Given a dataset $\mathcal{D}_{\tt train}=\{(\bm{x_i}, y_i)\}$
with $K$ classes, where $\bm{x_i}$ denotes
the input image and $y_i$ denotes the corresponding
ground-truth label.
For each sample $(\bm{x_i}, y_i)$, the DNN model
predicts a probability $p(k|\bm{x_i})$ for the
class $k$ using the softmax function.
The distribution $q$ of the hard label $y_i$ can
be denoted as
$q(k=y_i|\bm{x_i})=1$ and $q(k \ne y_i|\bm{x_i})=0$.
Then, the standard cross-entropy loss used in image
classification for $(\bm{x_i}, y_i)$ can be written as
\begin{equation}
\begin{aligned}
L_{hard} = - \sum_{k=1}^K q(k|\bm{x_i})\log{p(k|\bm{x_i})} \\
=-\log{p(k=y_i|\bm{x_i})}. \label{eq:hardce}
\end{aligned}
\end{equation}
Instead of using hard labels for model training,
LS~\cite{christian2016rethinking} utilizes soft labels that are
generated by exploiting a uniform distribution to smooth
the distribution of the hard labels.
Specifically, the probability of $\bm{x_i}$ being class $k$
in the soft label can be expressed as
\begin{equation}
q'(k|\bm{x_i})=(1-\varepsilon)q(k|\bm{x_i})+\frac{\varepsilon}{K},
\end{equation}
where $\varepsilon$ denotes the smoothing parameter that \
is usually set to 0.1 in practice.
The assumption behind LS is that
the confidence for the non-target categories is treated
equally as shown in \figref{f1b}.
Although combining the uniform distribution with the original
hard label is useful for regularization, LS itself
does not consider the genuine relationships among different
categories~\cite{MullerKH19}.
We take this into account and present our online
label smoothing method accordingly.
\subsection{Online Label Smoothing} \label{sec:algorithm}
According to knowledge distillation,
the similarity among categories can be effectively discovered
from the model predictions~\cite{tommaso2018ban,hinton15KD}.
Motivated by this fact, unlike LS utilizing a static soft label,
we propose to exploit model predictions to continuously update the
soft labels during the training phase.
Specifically, in the training process, we maintain
a class-level soft label for each category.
Given an input image $\bm{x_i}$, if the classification is correct,
the soft label corresponding to the target class $y_i$ will be
updated using the predicted probability $p(\bm{x_i})$.
Then the updated soft labels will be subsequently utilized
to supervise the model.
The pipeline of our proposed method is shown in \figref{f2}.
Formally, let $T$ denote the number of training epochs.
We then define $\mathcal{S} = \{S^0, S^1, \cdots, S^t, \cdots, S^{T-1}\}$
as the collection of the class-level soft labels
at different training epochs.
Here, $S^t$ is a matrix with $K$ rows and $K$ columns,
and each column in $S^t$ corresponds to the soft
label for one category.
In the $t_{th}$ training epoch, given a sample $(\bm{x_i}, y_i)$,
we use the soft label $S^{t-1}_{y_i}$ to form a temporary label
distribution to supervise the model, where $S^{t-1}_{y_i}$ denotes
the soft label for the target category $y_i$.
The training loss of the model supervised by $S^{t-1}_{y_i}$
for $(\bm{x_i}, y_i)$ can be represented by
\begin{equation}
L_{soft} = - \sum_{k=1}^{K}S^{t-1}_{y_i, k} \cdot \log{p(k|\bm{x_i})}. \label{eq:softce}
\end{equation}
It is possible that we directly use the above soft label to
supervise the training model, but we find that the model is
hard to converge due to the random parameter initialization
at the beginning and the lack of the hard label.
Thus, we utilize both the hard
label and soft label as supervision to train the model.
Now, the total training loss can be represented by
\begin{equation}
L = \alpha L_{hard} + (1-\alpha) L_{soft}, \label{eq:olsloss}
\end{equation}
where $\alpha$ is used to balancing $L_{hard}$ and $L_{soft}$.
\begin{algorithm}[t!]
\caption{\small{The pipeline of the proposed OLS}}
\label{alg:ols}
\begin{algorithmic}
\STATE {\bfseries Input:} Dataset $\mathcal{D}_{\tt train}=\{(\bm{x_i}, y_i)\}$,
model $f_{\theta}$, training epochs $T$
\STATE {\bfseries Initialize:} Soft label matrix $\bm{S^0} = \frac{1}{K}\bm{I}$,
$\bm{I}$ denotes unit matrix, $K$ denotes the number of classes
\FOR{current epoch $t=1$ {\bfseries to} $T$}
\STATE {\bfseries Initialize:} $\bm{S^t} = \bm{0}$
\FOR{$iter=1$ {\bfseries to} $iterations$}
\STATE Sample a batch $\mathcal{B}\subset\mathcal{D}_{\tt train}$, input to $f_{\theta}$
\STATE Obtain predicted probabilities $\{f(\theta,\bm{x_i}), \bm{x_i} \in \mathcal{B}\}$
\STATE Compute loss by \eqref{eq:olsloss}, backward to update the parameter $\theta$
\FOR{$i=1$ {\bfseries to} $|\mathcal{B}|$}
\STATE Update $\bm{S_{y_i}^{t}} \leftarrow \bm{S_{y_i}^{t}} + f(\theta,\bm{x_i})$
\ENDFOR
\ENDFOR
\STATE Normalize $\bm{S^t}$ at each column
\ENDFOR
\end{algorithmic}
\end{algorithm}
\begin{figure*}[!ht]
\begin{small}
\centering
\begin{minipage}{\linewidth}
\centering
\subfigure[Hard Label]{
\begin{minipage}{0.31\linewidth}
\includegraphics[width=\linewidth]{embedding/resnet56/ce_train_crop.pdf}\\
\includegraphics[width=\linewidth]{embedding/resnet56/ce_train_patch_crop.pdf}
\end{minipage}
}
\subfigure[Label Smoothing (LS)]{
\begin{minipage}{0.31\linewidth}
\includegraphics[width=\linewidth]{embedding/resnet56/ls_train_crop.pdf}\\
\includegraphics[width=\linewidth]{embedding/resnet56/ls_train_patch_crop.pdf}
\end{minipage}
}
\subfigure[OLS (Ours)]{
\begin{minipage}{0.31\linewidth}
\includegraphics[width=\linewidth]{embedding/resnet56/ols_train_crop.pdf}\\
\includegraphics[width=\linewidth]{embedding/resnet56/ols_train_patch_crop.pdf}
\end{minipage}
}
\vskip -0.1in
\caption{Visualization of the penultimate layer representations of ResNet-56 on CIFAR-100 training set
using t-SNE~\cite{tsne}.
Note that we use the same color for every 10 classes.
We visualize the representations of all 100 classes (\textbf{top}).
We zoom the patch in red boxes for better visualization. (\textbf{bottom}).
} \label{fig:embedding}
\end{minipage}
\end{small}
\vskip -0.1in
\end{figure*}
In the $t_{th}$ training epoch, we also use the predicted probabilities
of the input samples to update $S^{t}_{y_i}$, which will be utilized
to supervise the model training in the $t+1$ epoch.
At the beginning of the $t_{th}$ training epoch,
we initialize the soft label $S^t$ as a zero matrix.
When an input sample $(\bm{x_i}, y_i)$ is correctly
classified by the model, we utilize its predicted score $p(\bm{x_i})$
to update the $y_i$ column in $S_{t}$, which can be formulated as
\begin{equation}
S_{y_i, k}^t = S_{y_i, k}^t + p(k|\bm{x_i}), \label{eq:accumulate}
\end{equation}
where $k \in \{1, \cdots, K\}$, indexing the soft label $S_{y_i}^t$.
At the end of the $t_{th}$ training epoch, we normalize
the cumulative $S^t$ column by column as represented by
\begin{equation}
S_{y_i, k}^{t} \leftarrow \frac{S_{y_i, k}^{t}}{\sum_{l=1}^{K}S_{y_i,l}^{t}}.
\end{equation}
We can now obtain the normalized soft label $S^t$ for all $K$
categories, which will be used to supervise the model
at the next training epoch.
Notice that we cannot obtain the soft label at the first epoch.
Thus, we use the uniform distribution to initialize each column
in $S^0$.
More details for the proposed approach are described
in Algorithm~\ref{alg:ols}.
\paragraph{Discussion}
The soft label $S^{t-1}_{y_i, k}$ generated from the $t-1$ epoch can
be denoted as
\begin{equation}
S^{t-1}_{y_i, k} = \frac{1}{N}\sum_{j=1}^N p^{t-1}(k | \bm{x_j}),
\end{equation}
where $N$ denotes the number of correctly predicted samples
with label $y_i$.
$p^{t-1}(k | \bm{x_j})$ is the output probability of category $k$
when input $x_j$ to the network at the $t-1$ epoch.
Then \eqref{eq:softce} can be rewritten as
\begin{equation}
\begin{aligned}
L_{soft} = -\sum_{k=1}^K \frac{1}{N} \sum_{j=1}^N p^{t-1}(k|\bm{x_j}) \cdot \log{p(k|\bm{x_i})} \\
= -\frac{1}{N} \sum_{j=1}^N \sum_{k=1}^K p^{t-1}(k|\bm{x_j}) \cdot \log p(k|\bm{x_i}).
\end{aligned} \label{eq:intraclass}
\end{equation}
This equation indicates that all correctly classified samples $\bm{x_j}$ will impose
a constraint to the current sample $\bm{x_i}$.
The constrain encourages the samples belonging to the same category to be much closer.
To give a more intuitive explanation, we utilize t-SNE~\cite{tsne}
to visualize the penultimate layer representations of ResNet-56
on CIFAR-100 trained with the hard label, LS, and OLS,
respectively.
\figref{fig:embedding} shows that
our proposed method provides a more recognizable difference
between representations of different classes
and tighter intra-class representations.
Besides, our method does not have the problem of training divergence in the early stages of training.
This is because we use a uniform distribution as the soft label
in the first epoch of training,
which is equivalent to the vanilla label smoothing.
In the entire training process afterwards,
we only accumulate correct predictions,
which guarantees the correctness of
the generated soft labels.
\input{tables/cifarclassification}
\section{Discussion}
\textbf{Comparison with Tf-KD~\cite{yuan2020revisiting}.}
The output of the teacher model in Label Smoothing~\cite{christian2016rethinking} is a uniform distribution.
Yuan~{\em et al.}~\cite{yuan2020revisiting} argue that this uniform distribution could not
reflect the correct class information,
so they propose a teacher-free knowledge distillation method,
called Tf-KD$_{reg}$.
They design a teacher with correct class information.
The output of the teacher model can be denoted as:
\begin{equation}
u(k) = \begin{cases}
a & \text{ if } k=c \\
\frac{1-a}{K-1} & \text{ if } k \ne c
\end{cases} \label{eq:tfkd}
\end{equation}
where $u(k)$ is the hand-designed distribution,
$c$ is the correct class and $K$ is the number of classes.
They set the hyper-parameter $a > 0.9$.
Although both this distribution and our method could contain the correct class information,
the hand-designed distribution of Tf-KD$_{reg}$ is still uniform distribution among non-target classes.
The distribution of Tf-KD~\cite{yuan2020revisiting} still does not imply similarities between classes.
On the contrary,
our motivation is to find a non-uniform distribution that can reflect the relationship between classes.
Hinton~{\em et al.}~\cite{hinton15KD}, Borns Again Network~\cite{tommaso2018ban} and Tf-KD~\cite{yuan2020revisiting} have emphasized this view
that knowledge distillation benefits from the similarities among classes implied in the output of the teacher model.
We conduct experiments on four fine-grained datasets as shown in~\tabref{tab:fine}.
Our method benefits from the similarities between classes,
so it can perform better than Tf-KD~\cite{yuan2020revisiting}.
\begin{table*}[!htp]
\centering
\caption{The Top-1 Error of model ensemble. We integrate 6, 10, 15, and 20 models trained at different epochs, respectively.
The models are selected uniformly from all training epochs (300 epochs).} \label{tab:ensem}
\renewcommand{\tabcolsep}{4mm}
\begin{tabular}{c|c|cccc}
\toprule
Method & 1 Model & 6 Models & 10 Models & 15 Models & 20 Models \\
\midrule
HardLabel & 26.41 & 26.07 & 25.93 & 25.87 & 25.88 \\
LS~\cite{christian2016rethinking} & 26.37 & 25.30 & 25.11 & 24.97 & 24.96 \\
OLS (ours) & 25.27 & 24.52 & 24.22 & 24.10 & 23.91 \\
\bottomrule
\end{tabular}
\end{table*}
\textbf{Connection with the model ensemble.}
Integrating models trained at different epochs
is an effective and cost-saving ensemble method.
The way to integrate the outputs of models trained at
different epochs is described as follows:\\
\begin{equation}
\begin{aligned}
z_{i} =\frac{1}{||T||} \sum_{t\in T} softmax(W(x_{i}|\theta_{t})),
\end{aligned}
\end{equation}
where $z_{i}$ denotes the ensemble predictions,
$T$ denotes the set of selected models in different epochs,
$W$ denotes the network,
$\theta_{t}$ denotes the network parameters in t-th
epoch and $x_{i}$ denotes the input sample.
Both our method and the model ensemble utilize the knowledge from
different training epochs.
The model ensemble averages the outputs of models
at different epochs to make predictions.
However,
different from the ensemble method,
our method utilize the knowledge from the previous epoch to help
the learning in the current epoch.
Specifically,
our method generates the soft labels in one training epoch,
and the soft labels are used to supervise the network training.
It is worth noting that our method does not conflict
with this ensemble strategy.
To verify this point,
we conduct experiments on CIFAR-100 using ResNet-56.
We apply the same experimental setup described in the~\secref{sec:experiments}.
Experimental results are shown in~\tabref{tab:ensem}.
For all methods,
we apply the same ensemble strategy.
We select models uniformly from the whole training schedule (300 epochs).
We choose 6, 10, 15 and 20 models for ensemble respectively.
In \tabref{tab:ensem}, our method achieves 25.27\% Top-1 Error.
When our method equipping with the ensemble method, the performance is further
improved by a large margin (`20 Models': 23.91\%).
The experiments show that there is no conflict between our method
and the model ensemble.
\section{Experiments} \label{sec:experiments}
In \secref{sec:generalimagerecognition}, we first present and analyze
the performance of our approach on CIFAR-100, ImageNet, and some
fine-grained datasets.
Then,
we test the tolerance to symmetric noisy labels in \secref{sec:tolerance}
and robustness to adversarial attacks in \secref{sec:robustness},
respectively.
In \secref{sec:objectdet},
we apply our OLS to object detection.
Moreover, in \secref{sec:ablation}, we conduct extensive ablation experiments
to analyze the settings of our method.
All the experiments are implemented based on PyTorch \cite{paszke2017automatic}
and Jittor \cite{hu2020jittor}.
\subsection{General Image Recognition} \label{sec:generalimagerecognition}
\textbf{CIFAR Classification.} \label{para:cifar}
First, we conduct experiments on CIFAR-100 dataset to compare
our OLS with other related methods, including regularization
methods on labels (Bootstrap~\cite{bootstrap},
Disturb Label~\cite{Xie2016disturb},
Symmetric Cross Entropy~\cite{sl},
Label Smoothing~\cite{christian2016rethinking}
and Pairwise Confusion~\cite{dubey2018pairwise})
and self-knowledge distillation methods
(Xu {\em et al.}~\cite{xu2019data} and BYOT~\cite{zhang2019byot}).
For a fair comparison with them, we keep the same experimental setup
for all methods.
Specifically, we train all the models for 300 epochs with a batch size of 128.
The learning rate is initially set to 0.1 and decays at the
150$th$ and 225$th$ epoch by a factor of 0.1, respectively.
For other hyper-parameters in different methods, we keep
their original settings.
Additionally, for a fair comparison with BYOT~\cite{zhang2019byot}
and Xu {\em et al.}~\cite{xu2019data}, we remove the feature-level supervision in
them and only use the class labels to supervise models.
\tabref{tab:cifar} shows the classification
results of each method based on different network architectures.
It can be seen that our method significantly improves
the classification performance on both lightweight
and complex models, which indicates its robustness
to different networks.
Since BYOT~\cite{zhang2019byot} is learned with deep supervision,
it performs better on deeper models, like ResNet-50 and
ResNet-101, than our method.
However, our method can be easily plugged into BYOT~\cite{zhang2019byot}
and achieves better results than BYOT on deeper models.
In addition, comparing to LS~\cite{christian2016rethinking},
our method achieves stable improvement on different models.
Especially, our method outperforms LS by about 1.5\%
on ResNeXt29-2x64d.
We argue that the performance gain owes to the useful relationships
among categories discovered by our soft labels.
In \secref{sec:ablation}, we will further analyze the importance
of building relationships among categories.
\textbf{ImageNet Classification.}
We also evaluate our method on a large-scale dataset, ImageNet.
It contains 1K categories with a total of 1.2M training images and
50K validation images.
Specifically, we use the SGD optimizer
to train all the models for 250 epochs with a batch size of 256.
The learning rate is initially set to 0.1 and decays
at the 75$th$, 150$th$, and 225$th$ epochs, respectively.
We report the best performance of each method.
The classification performance on ImageNet dataset
is shown in \tabref{tab:imagenet}.
Applying our OLS to ResNet-50 achieves 22.28\% Top-1 Error,
which is better than the result with LS~\cite{christian2016rethinking}
by 0.54\%.
Additionally, ResNet-101 with our OLS can achieve 20.85\% top-1
error, which improves ResNet-101 by 1.02\% and ResNet-101 with
LS by 0.42\%, respectively.
This demonstrates that our OLS still performs well on
the large-scale dataset.
Moreover, we explore the combination of our method with other strategies, i.e.,
data augmentation (CutOut~\cite{devries2017cutout}) and self-distillation (BYOT~\cite{zhang2019byot}).
In \tabref{tab:imagenet},
we observe the combination with them brings extra performance gains
to ResNet50 and ResNet101.
Our OLS can be utilized as a plug-in regularization module, which is
easy to be combined with other methods.
\input{tables/imagenet-new}
\input{tables/dataset_info}
\input{tables/finegrained-new}
\input{tables/noisyLabelsResNet56-new}
\textbf{Fine-grained Classification.}
The fine-grained image classification task~\cite{iscen2015comp,zhang2017fine,zhang2016weak,shi2019fine,shu2016image}
focuses on distinguishing subordinate categories
within entry-level categories~\cite{dubey2018pairwise,peng2018object,zheng2020learn,lin2018bilinear}.
We conduct experiments on four fine-grained image
recognition datasets,
including CUB-200-2011~\cite{WahCUB_200_2011},
Flowers-102~\cite{nilsback2008automated},
Cars~\cite{krause20133d}
and Aircrafts~\cite{maji2013fine}
, respectively.
In \tabref{tab:info}, we present the details of these datasets.
For all experiments, we keep the same experimental setup.
Specifically, we use SGD as the optimizer and train all models for
100 epochs.
The initial learning rate is set as 0.01 and it decays at the 45$th$
epoch and 80$th$ epoch, respectively.
In \tabref{tab:fine}, we report the average
Top-1 Error(\%) and Top-5 Error(\%) of three runs.
Experiment results demonstrate that
OLS can also improve classification performance
on the fine-grained datasets, which indicates
our soft labels can benefit fine-grained category
classification.
\subsection{Tolerance to Noisy Labels}\label{sec:tolerance}
As demonstrated in~\cite{sl,xiao2015learning},
there exist noisy (incorrect) labels in datasets,
especially those obtained from webs.
Due to the powerful fitting ability of DNNs,
they can still fit noisy labels easily~\cite{ZhangBHRV17}.
But this is harmful for the generalization of DNNs.
To reduce such damage to the generalization ability of DNNs,
researchers have proposed many methods,
including weighting the samples~\cite{Ren2018reweight,metaweight}
and inferring the real labels of the noisy samples~\cite{bootstrap,unsupervised}.
We notice that our method can improve the performance of DNNs
on noisy labels by reducing the fitting to noisy samples.
We conduct experiments on CIFAR-100 to verify the regularization
capability of our method on noisy data.
We follow the same experimental settings as in~\cite{sl,unsupervised}.
We randomly select a certain number of samples according to
the noisy rate and flip the labels of these samples to the
wrong labels uniformly (symmetric noise) before training.
Since both Ren {\em et al.}~\cite{Ren2018reweight} and
MetaWeightNet~\cite{metaweight} need to
split a part of the clean validation set from the training set,
we keep their default optimal number of samples
in the validation set.
In \tabref{tab:noisylabels}, we report the classification
results based on the ResNet-56 model when the noisy rate is set
to $\{0\%, 20\%, 40\%, 60\%, 80\%\}$, respectively.
It can be seen that our method achieves comparable results
with those methods~\cite{sl,Ren2018reweight,metaweight,unsupervised}
that are specifically designed for noisy labels.
Comparing with LS, our method achieves stable improvement
under different noisy rates.
We also visualize training and test errors during the training
process.
As shown in \figref{fig:noise}, our method achieves higher
training errors than models trained with hard labels and LS.
However, our method has lower test errors.
This demonstrates that our method can effectively reduce the
overfitting to noisy samples.
\begin{figure*}[!ht]
\begin{small}
\centering
\subfigure{
\begin{overpic}[width=0.31\linewidth, tics=5]{noise/noise02_hard_last.pdf}
\end{overpic}
}
\subfigure{
\begin{overpic}[width=0.31\linewidth, tics=5]{noise/noise04_hard_last.pdf}
\end{overpic}
}
\subfigure{
\begin{overpic}[width=0.31\linewidth, tics=5]{noise/noise06_hard_last.pdf}
\end{overpic}
}
\end{small}
\vskip -0.1in
\caption{We display the training error and test error under different noise rates (20\%, 40\%, 60\%).} \label{fig:noise}
\vskip -0.1in
\end{figure*}
Furthermore,
as shown in~\figref{fig:whyisnoisy},
we visualize the Top-1 Error for the set of samples with wrong labels in the training set during the training process.
Note that the error rate calculation uses the wrong labels,
\emph{i.e.,~} the higher the error rate for the wrong labels, the lower the fit to the wrong labels.
Our method fits the wrong labels worse than baselines.
This phenomenon demonstrates that our method is robust to noisy labels by reducing the fitting to wrong labels.
Our method brings intra-class constraints,
which makes it more difficult for the model to fit the data with the wrong labels.
\begin{figure}[!thp]
\vskip -0.2in
\begin{small}
\begin{center}
\subfigure{
\begin{overpic}[width=0.6\linewidth, tics=5]{figures/noise/noisy.pdf}
\end{overpic}
}
\end{center}
\end{small}
\vskip -0.1in
\caption{We show the error rate in the training process on all images with wrong labels in the training set.
The error rate calculation is still based on the wrong labels, \emph{i.e.,~} the labels of the images are wrong.
Experiments are conducted on CIFAR-100 under a 40\% noise rate.} \label{fig:whyisnoisy}
\vskip -0.1in
\end{figure}
\subsection{Robustness to Adversarial Attacks} \label{sec:robustness}
In this section, we first explain why our method is more robust to adversarial attacks.
To get the adversarial example for $x$,
FGSM looks for points that cross the decision boundary in the neighborhood $\epsilon$-ball of sample $x$,
so that $x$ is misclassified.
The adversarial example $x_{adv}$ could be denoted as:
\begin{equation}
\begin{aligned}
x_{adv} = x + \gamma sign(\nabla_{x} L(\theta, x, y)),
\label{eq:fgsm}
\end{aligned}
\end{equation}
where $L$ denotes the loss function and $\gamma$ is a coefficient denoting the optimization step.
The $sign()$ is
\begin{equation}
sign(z) = \begin{cases}
1 & \text{ if } z > 0 \\
0 & \text{ if } z = 0 \\
-1 & \text{ if } z < 0.
\end{cases} \label{eq:sign}
\end{equation}
As shown in~\figref{fig:adv}(a),
the purpose of FGSM~\cite{fgsm} is to find a perturbation point that can be misclassified
in the neighborhood ($\epsilon$-ball) for each sample.
Therefore,
it is easy to find the adversarial example for samples near the decision boundary.
In our method,
for each class $k$,
the soft label is accumulated by all predictions of samples in the same class.
The loss function as~\eqref{eq:intraclass} indicates that all correctly classified samples $x_i$ will impose the intra-class
constraints to the current training sample $x_i$.
The constraints encourage the samples belonging to the same class to be much closer.
As shown in~\figref{fig:adv}(b),
in one training iteration,
the intra-class constraints in our method will drive the current training sample
to become more closer with samples in the same class.
Thus,
the intra-class will lead to the compactification of samples in the same class,
as shown in~\figref{fig:adv}(c).
Compared to~\figref{fig:adv}(a),
the number of samples near the decision boundary will be reduced.
This will make the model more robust against adversarial attacks.
\begin{figure*}[!tp]
\begin{small}
\begin{overpic}[width=1.0\textwidth,tics=2]{figures/adv_2.pdf}
\put(1, 6){(a)Training w/o intra-class constraints}
\put(34, 6){(b)Training w/ intra-class constraints for a sample}
\put(75, 6){(c)Training w/ intra-class constraints}
\put(15,1.5){samples}
\put(37, 2.5){neighborhood}
\put(37, 0.5){($\epsilon$-ball)}
\put(50,2.5){optimization}
\put(50,0.5){target}
\put(72,2.5){optimization}
\put(72,0.5){direction}
\put(85,2.5){adversarial}
\put(85,0.5){example}
\end{overpic}
\end{small}
\vskip -0.1in
\caption{The impact of intra-class constraints on training.
(a) After being trained with hard labels,
it is easy to get the adversarial example with the $\epsilon$-ball of it crossing the decision boundary.
(b) In one training iteration,
the OLS makes consistency constraints between current training samples and samples in the same class,
which makes the current training samples far away from the decision boundary.
The dotted line indicates that each sample in the same class will have a consistency constraint on the current training sample.
The solid line denotes the optimization direction of this training sample.
(c) The intra-class constraints make the samples in the same class closer,
and further away from the decision boundary. It will be more difficult to find adversarial samples.
} \label{fig:adv}
\end{figure*}
And we evaluate the robustness of the models trained by different methods
against adversarial attack algorithms on CIFAR-10 and ImageNet,
respectively.
We use the Fast Gradient Sign Method (FGSM)~\cite{fgsm} and
Projected Gradient Descent (PGD)~\cite{pgd} to generate adversarial
samples.
For FGSM, we keep its default setup.
Therefore, the $\ell_\infty$ bound is set to 8 for all methods.
For PGD, we apply the same experimental setup as in~\cite{Peterson_2019_ICCV}
except that we increase the iteration times to 20, which is enough
to get better attack effects.
\input{tables/cifar10_adversarial}
\input{tables/imagenet_adversarial}
In \tabref{tab:cifar10adversarial}, we have reported the Top-1 Error
after the adversarial attack from the FGSM and PGD algorithms
on the CIFAR-10 dataset.
After the FGSM and PGD attack, the models trained with our method
keep the lowest Top-1 Error rate.
We can see that the models trained with our OLS algorithm are much more
robust to the adversarial attack than those trained with other methods.
Moreover, we apply the same experiments on ImageNet, as shown in \tabref{tab:imagenetadversarial}.
Compared with the hard label,
OLS achieves an average 17.9\% gain in terms of Top-1 Error
and an average 13.9\% gain in terms of Top-5 Error.
Our method can also outperform LS~\cite{christian2016rethinking} by
2.3\% and by 2.4\% on Top-1 Error and Top-5 Error,
respectively.
We argue that the soft labels generated in our algorithm
contain similarities between categories,
making the distances of the embedding of samples in the same class
closer.
Experiments show that OLS can effectively improve the robustness of the model to adversarial examples.
\input{tables/detection}
\subsection{Object Detection} \label{sec:objectdet}
Our OLS can be easily applied to the object detection framework~\cite{CRM2020Fang,FPR2019Sun,faster2017Ren,liu2016ssd,tian2019fcos}.
We select YOLO \cite{redmon2016you} as our basic detector.
We train the detector on the popular PASCAL VOC dataset
\cite{everingham2010pascal}.
As shown in \tabref{tab:det}, when YOLO is equipped
with our OLS, it obtains a 1.1\% gain over the hard label
and a 0.4\% gain over LS in terms of mean
average precision (mAP),
indicating OLS has stronger regularization ability than LS
on the object detection.
\textbf{Implement details.}
We use MobileNetv2~\cite{sandler18mobile} as the backbone of YOLO~\cite{redmon2016you}.
We regard the combination of the training set and validation set from PASCAL VOC 2012
and PASCAL VOC 2007 as the training set.
And we test the model on the PASCAL VOC 2007 test set.
During training, we use standard training strategies,
including warming up, multi-scale training, random crop, etc.
We train the model for 120 epochs using SGD optimizer with an initial learning rate 0.0001
and cosine learning rate decay schedule.
During tests,
we also use multi-scale inference.
\input{tables/calibration}
\subsection{Ablation Study} \label{sec:ablation}
In this subsection, we first conduct experiments to study
the hyper-parameters in our method.
Then we analyze the relationships among categories
indicated by our soft labels.
Besides, we also present a variant of OLS.
Finally, we present the calibration effect of our method.
All the experiments are conducted on the CIFAR dataset.
\textbf{Impact of Hyper-parameters.}
We first analyze the hyper-parameter $\alpha$
in \eqref{eq:olsloss} using ResNet-29.
Unlike previous experiments that directly set $\alpha$ to 0.5,
we enumerate possible values with
$\alpha\in\{0.1, 0.2,\cdots ,1.0\}$.
We plot the experiment results as shown in
\figref{fig:impactofhyper}(a).
It can be seen that the model achieves the lowest top-1
error when $\alpha$ is set to 0.5.
Since the model lacks guidelines for the correct category,
we observe that when $\alpha$ is set to 0, the model is
hard to convergent.
When $\alpha$ changes from 0.1 to 0.5, the error rate gradually
decreases.
This fact suggests that the model still needs the correct
category information provided by the original hard labels.
\begin{figure}[!ht]
\centering
\begin{small}
\centering
\subfigure[Impact of $\alpha$]{
\includegraphics[width=0.45\linewidth]{ablation/alpha_newcrop.pdf}
}
\subfigure[Impact of the updating period]{
\includegraphics[width=0.45\linewidth]{ablation/phase_newcrop.pdf}
}
\end{small}
\vskip -0.1in
\caption{Impact of hyper-parameters. The Top-1 Error of different $\alpha$ and updating period.
}
\label{fig:impactofhyper}
\vskip -0.1in
\end{figure}
Moreover, we also conduct experiments to study the impact
of the updating period for the soft label matrix $S$
in the training process.
In the previous experiments in \secref{sec:generalimagerecognition},
we set the updating period to one epoch.
As shown in \figref{fig:impactofhyper}(b), we evaluate
our approach with different updating periods (
iteration times
$\in\{12, 24, 48, \cdots , 1536, 3072\}$).
The best performance is obtained when the updating
period is set to one epoch.
We observe that the classification performance is very close
when the updating period is less than one epoch
(1 epoch is approximately 384 iterations).
However, when the updating period is longer than one training epoch,
the performance decreases sharply.
We analyze that with the training of the network, the predictions
become better and better.
When using more iterations to update soft labels, the relationships
indicated by the early predictions will be very different from
that of late ones.
The early predictions become out of date for current training.
\textbf{Importance of relationships among categories.}
We argue that classification models can benefit from soft labels
that contain the knowledge of relationships among
different categories.
Specifically, we utilize a human uncertainty dataset \cite{Peterson_2019_ICCV}
called CIFAR-10H to verify the reliability of the
relationships among different categories.
CIFAR-10H captures the full distribution of the
labels by collecting votes from more than 50 people
for each sample in the CIFAR-10 test set.
The human uncertainty labels can be regarded as a kind of
soft label that considers the similarities among different
categories.
They find that models trained on the human uncertainty
labels will have better accuracy and generalization
than those trained on hard labels.
To explore the rationality of relationships among categories
found by our approach, we use KL divergence
to measure the difference between the predicted probability
distribution of the model and the human uncertainty distribution
on CIFAR-10H.
\input{tables/similarity}
For a fair comparison, we only consider the correctly predicted
samples by each model, when computing the KL Divergence on CIFAR-10H.
As shown in Table \ref{tab:similarity}, we list the average
KL divergence of different methods on CIFAR-10H~\cite{Peterson_2019_ICCV}
and Top-1 Error(\%) on CIFAR-10.
The results show that the prediction distribution of the model
trained by our method is closer to that of humans.
Also, this indicates that the model trained by our approach
finds more reasonable and correct relationships among
categories.
\textbf{Sample-level soft labels.}
To verify the effectiveness of the statistical characteristics of
accumulating model predictions, we use the predicted distribution
of a single sample (denoted as OLS-Single for short) to regularize
the training process.
To be specific, for each training sample, we randomly select
another training sample with the same category.
We then acquire the randomly selected training sample's predictive
distribution and utilize this distribution as the soft label
to serve as supervision for the current training sample.
Based on the ResNet-56,
OLS ($25.24\pm 0.18$) outperforms OLS-Single ($26.18\pm 0.30$)
by about 1\%.
This result demonstrates that the accumulation of the predictions from
different samples can well explore the relationships among categories.
\textbf{Calibration effect.}
The confidence calibration is proposed in~\cite{guo2017calibration},
which is used to measure the degree of
overfitting of the model
to the training set.
We use the Expected Calibration Error (ECE)~\cite{guo2017calibration} to measure
the calibration ability of OLS.
In \tabref{tab:calibration}, we report the Top-1 Error(\%) and ECE
on several models,
which denotes our method can calibrate neural networks.
Experimental results show that our method
achieves a lower Top-1 Error than LS
by an average of 1.14\%.
Meanwhile, our method also achieves lower
ECE values on three different depth models.
This indicates that the proposed method
can more effectively prevent over-confident predictions
and show better calibration capability.
\section{Conclusion} \label{sec:Conclusion}
In this paper, we propose an online label smoothing
method.
We utilize the statistics of the intermediate model
predictions to generate soft labels, which are
subsequently used to supervise the model.
Our soft labels considering the relationships among
categories are effective in preventing the overfitting problem
of DNNs to the training set.
We evaluate our OLS on CIFAR, ImageNet and four fine-grained datasets,
respectively.
On CIFAR-100, ResNeXt-2x64d trained with our OLS achieves
18.81\% Top-1 Error, which brings an 2.11\%
performance gain.
On ImageNet dataset, our OLS brings 1.4\% and 1.02\%
performance gains to ResNet-50 and ResNet-101, respectively.
On four fine-grained datasets,
OLS outperforms the hard label by 2\% in terms of Top-1 Error.
\bibliographystyle{IEEEtran}
|
\section{Introduction}
Artificial Intelligence for games, a.k.a. Game AI, has been actively studied for decades.
We have witnessed the success of AI agents in many game types, including board games like Go~\cite{silver2016mastering}, Atari series~\cite{mnih2015human}, first-person shooting (FPS) games like Capture the Flag~\cite{jaderberg2019human}, video games like Super Smash Bros~\cite{chen2017game}, card games like Poker~\cite{brown2018superhuman}, etc.
Nowadays, sophisticated strategy video games attract attention as they capture the nature of the real world \cite{berner2019dota}, e.g., in 2019, \textit{AlphaStar} achieved the grandmaster level in playing the general real-time strategy (RTS) game - StarCraft 2 \cite{vinyals2019grandmaster}.
As a sub-genre of RTS games, Multi-player Online Battle Arena (MOBA) has also attracted much attention recently \cite{ye2020mastering,wu2019hierarchical,berner2019dota}.
Due to its playing mechanics which involve multi-agent competition and cooperation, imperfect information, complex action control, and enormous state-action space, MOBA is considered as a preferable testbed for AI research \cite{silva2017moba,robertson2014review}.
Typical MOBA games include \textit{Honor of Kings}, \textit{Dota}, and \textit{League of Legends}.
In terms of complexity, a MOBA game, such as \textit{Honor of Kings}, even with significant discretization,
could have a state and action space of magnitude $10^{20000}$~\cite{wu2019hierarchical}, while that of a conventional Game AI testbed, such as Go, is at most $10^{360}$~\cite{silver2016mastering}.
MOBA games are further complicated by the real-time strategies of multiple heroes (each hero is uniquely designed to have diverse playing mechanics), particularly in the 5 versus 5 (5v5) mode where two teams (each with 5 heroes selected from the hero pool) compete against each other \footnote{In this paper, MOBA refers to the standard MOBA 5v5 game, unless otherwise stated.}.
In spite of its suitability for AI research, mastering the playing of MOBA remains to be a grand challenge for current AI systems.
State-of-the-art work for MOBA 5v5 game is \textit{OpenAI Five} for playing \textit{Dota 2} \cite{berner2019dota}.
It trains with self-play reinforcement learning (RL).
However, \textit{OpenAI Five} plays with one major limitation \footnote{\textit{OpenAI Five} has two limitations from the regular game: 1) the major one is the limit of hero pool, i.e., only a subset of 17 heroes supported; 2) some game rules were simplified, e.g., certain items were not allowed to buy.},
i.e., only 17 heroes were supported, despite the fact that the hero-varying and team-varying playing mechanism is the soul of MOBA \cite{ye2020mastering,silva2017moba}.
As the most fundamental step towards playing full MOBA games,
scaling up the hero pool is challenging for self-play reinforcement learning,
because the number of agent combinations, i.e., lineups, grows polynomially with the hero pool size.
The agent combinations are 4,900,896 ($C_{17}^{10} \times C_{10}^5$) for 17 heroes, while exploding to 213,610,453,056 ($C_{40}^{10} \times C_{10}^5$) for 40 heroes.
Considering the fact that each MOBA hero is unique and has a learning curve even for experienced human players, existing methods by randomly presenting these disordered hero combinations to a learning system can lead to ``learning collapse'' \cite{bengio2009curriculum}, which has been observed from both \textit{OpenAI Five} \cite{berner2019dota} and our experiments.
For instance, OpenAI attempted to expand the hero pool up to 25 heroes, resulting in unacceptably slow training and degraded AI performance, even with thousands of GPUs (see Section ``More heroes'' in \cite{OpenAI_dota} for more details).
Therefore, we need MOBA AI learning methods that deal with scalability-related issues caused by expanding the hero pool.
In this paper, we propose a learning paradigm for supporting full MOBA game-playing with deep reinforcement learning.
Under the actor-learner pattern \cite{espeholt2018impala}, we first build a distributed RL infrastructure that generates training data in an off-policy manner.
We then develop a unified actor-critic \cite{konda2000actor} network architecture to capture the playing mechanics and actions of different heroes.
To deal with policy deviations caused by the diversity of game episodes, we apply off-policy adaption, following that of \cite{ye2020mastering}.
To manage the uncertain value of state-action in game, we introduce multi-head value estimation into MOBA by grouping reward items.
Inspired by the idea of curriculum learning \cite{bengio2009curriculum} for neural network,
we design a curriculum for the multi-agent training in MOBA, in which we ``start small'' and gradually increase the difficulty of learning.
Particularly, we start with fixed lineups to obtain teacher models, from which we distill policies \cite{rusu2015policy}, and finally we perform merged training.
We leverage student-driven policy distillation \cite{czarnecki2019distilling} to transfer the knowledge from easy tasks to difficult ones.
Lastly, an emerging problem with expanding the hero pool is drafting, a.k.a. hero selection, at the beginning of a MOBA game. The Minimax algorithm \cite{knuth1975analysis} for drafting used in existing work with a small-sized hero pool \cite{berner2019dota} is no longer computationally feasible. To handle this, we develop an efficient and effective drafting agent based on Monte-Carlo tree search (MCTS) \cite{coulom2006efficient}.
Note that there still lacks a large-scale performance test of Game AI in the literature, due to the expensive nature of evaluating AI agents in real games, particularly for sophisticated video games.
For example, \textit{AlphaStar Final} \cite{vinyals2019grandmaster} and \textit{OpenAI Five} \cite{berner2019dota} were tested: 1) against professionals for 11 matches and 8 matches, respectively; 2) against the public for 90 matches and for 7,257 matches, respectively (all levels of players can participate without an entry condition).
To provide more statistically significant evaluations, we conduct a large-scale MOBA AI test.
Specifically, we test using \textit{Honor of Kings}, a popular and typical MOBA game, which has been widely used as a testbed for recent AI advances~\cite{wu2019hierarchical,ye2020mastering,ye2020supervised}.
AI achieved a 95.2\% win-rate over 42 matches against professionals, and a 97.7\% win-rate against players of High King level \footnote{In \textit{Honor of Kings}, a player's game level can be: No-rank, Bronze, Silver, Gold, Platinum, Diamond, Heavenly, King (a.k.a, Champion) and High King (the highest), in ascending order.}
over 642,047 matches.
To sum up, our contributions are:
\begin{itemize}
\item We propose a novel MOBA AI learning paradigm towards playing full MOBA games with deep reinforcement learning.
\item We conduct the first large-scale performance test of MOBA AI agents. Extensive experiments show that our AI can defeat top esports players.
\end{itemize}
\section{Related Work}\label{sec:related}
Our work belongs to system-level AI development for strategy video game playing, so we mainly discuss representative works along this line, covering RTS and MOBA games.
\paragraph{General RTS games}
StarCraft has been used as the testbed for Game AI research in RTS for many years.
Methods adopted by existing studies include rule-based, supervised learning, reinforcement learning, and their combinations~\cite{ontanon2013survey,vinyals2017starcraft}.
For rule-based methods, a representative is \textit{SAIDA}, the champion of StarCraft AI Competition 2018~(see \url{https://github.com/TeamSAIDA/SAIDA}).
For learning-based methods, recently, \textit{AlphaStar} combined supervised learning and multi-agent reinforcement learning and achieved the grandmaster level in playing StarCraft 2~\cite{vinyals2019grandmaster}.
Our value estimation (Section \ref{sec:reinforce}) shares similarity to \textit{AlphaStar}'s by using invisible opponent's information.
\paragraph{MOBA games}
Recently, a macro strategy model, named \textit{Tencent HMS}, was proposed for MOBA Game AI \cite{wu2019hierarchical}.
Specifically, HMS is a functional component for guiding where to go on the map during the game, without considering the action execution of agents, i.e., micro control or micro-management in esports, and is thus not a complete AI solution.
The most relevant works are \textit{Tencent Solo} \cite{ye2020mastering} and \textit{OpenAI Five} \cite{berner2019dota}.
Ye et al. \cite{ye2020mastering} performed a thorough and systematic study on the playing mechanics of different MOBA heroes.
They developed a RL system that masters the micro control of agents in MOBA combats.
However, only 1v1 solo games were studied without the much more sophisticated multi-agent 5v5 games.
On the other hand, the similarities between this work and Ye et al. \cite{ye2020mastering} include: the modeling of action heads (the value heads are different) and off-policy correction (adaption).
In 2019, OpenAI introduced an AI for playing 5v5 games in Dota 2, called \textit{OpenAI Five}, with the ability to defeat professional human players \cite{berner2019dota}.
\textit{OpenAI Five} is based on deep reinforcement learning via self-play.
It trains using Proximal Policy Optimization (PPO) \cite{schulman2017proximal}.
The major difference between our work and \textit{OpenAI Five} is that the goal of this paper is to develop AI programs towards playing full MOBA games. Hence, methodologically, we introduce a set of techniques of off-policy adaption, curriculum self-play learning, value estimation, and tree-search that addresses the scalability issue in training and playing a large pool of heroes.
On the other hand, the similarities between this work and \textit{OpenAI Five} include: the design of action space for modeling MOBA hero's actions, the use of recurrent neural network like LSTM for handling partial observability, and the use of one model with shared weights to control all heroes.
\section{Learning System}
To address the complexity of MOBA game-playing, we use a combination of novel and existing learning techniques for neural network architecture, distributed system, reinforcement learning, multi-agent training, curriculum learning, and Monte-Carlo tree search.
Although we use \textit{Honor of Kings} as a case study, these proposed techniques are also applicable to other MOBA games, as the playing mechanics across MOBA games are similar.
\subsection{Architecture}
MOBA can be considered as a multi-agent Markov game with partial observations.
Central to our AI is a policy $\pi_\theta(a_t|s_t)$ represented by a deep neural network with parameters $\theta$.
It receives previous observations and actions $s_t=o_{1:t},a_{1:t-1}$ from the game as inputs, and
selects actions $a_t$ as outputs.
Internally,
observations $o_t$ are encoded via convolutions and fully-connected layers, then combined as vector representations, processed by a deep sequential network, and finally mapped to a probability distribution over actions.
The overall architecture is shown in Fig. \ref{fig:network_arch}.
The architecture consists of general-purpose network components that model the raw complexity of MOBA games.
To provide informative observations to agents, we develop multi-modal features, consisting of a comprehensive list of both scalar and spatial features.
Scalar features are made up of observable units' attributes, in-game statistics and invisible opponent information, e.g., health point (hp), skill cool down, gold, level, etc.
Spatial features consist of convolution channels extracted from hero's local-view map.
To handle partial observability, we resort to LSTM \cite{hochreiter1997long} to maintain memories between steps.
To help target selection, we use target attention \cite{ye2020mastering,berner2019dota}, which treats the encodings after LSTM as query, and the stack of game unit encodings as attention keys.
To eliminate unnecessary RL explorations, we design action mask, similar to \cite{ye2020mastering}.
To manage the combinatorial action space of MOBA, we develop hierarchical action heads and discretize each head.
Specifically, AI predicts the output actions hierarchically: 1) what action to take, e.g., move, attack, skill releasing, etc; 2) who to target, e.g., a turret or an enemy hero or others; 3) how to act, e.g., a discretized direction to move.
\begin{figure}
\centering
\includegraphics[width=\linewidth]{architecture.pdf}
\caption{Our neural network architecture. }
\label{fig:network_arch}
\end{figure}
\subsection{Reinforcement Learning} \label{sec:reinforce}
We use the actor-critic paradigm \cite{konda2000actor}, which trains a value function $V_\theta(s_t)$ with a policy $\pi_\theta(a_t|s_t)$.
And we use off-policy training, i.e., updates are applied asynchronously on replayed experiences.
MOBA game with a large hero pool poses several challenges when viewed as a reinforcement learning problem:
off-policy learning can be unstable due to long-term horizons, combinatorial action space and correlated actions;
a hero and its surroundings are evolving and ever-changing during the game, making it difficult to design reward and estimate the value of states and actions.
\textbf{Policy updates}.
We assume independence between action heads, so as to simplify the correlations between action heads, e.g., the direction of a skill (``How'') is conditioned on the skill type (``What''), which is similar to \cite{ye2020mastering,vinyals2019grandmaster}.
In our large-scale distributed environment, the trajectories are sampled from various sources of policies, which can differ considerably from the current policy $\pi_{\theta}$.
To avoid training instability, we use Dual-clip PPO \cite{ye2020mastering}, which is an off-policy optimized version of the PPO algorithm \cite{schulman2017proximal}.
Considering that when $\pi_{\theta}(a_t^{(i)}|s_t) \gg \pi_{\theta_{\text{old}}}(a_t^{(i)}|s_t)$ and the advantage $\hat{A}_t < 0$, ratio $r_t(\theta) = \frac{\pi_{\theta}(a_t|s_t)}{\pi_{\theta_{\text{old}}}(a_t|s_t)}$ will introduce a big and unbounded variance since $r_t(\theta)\hat{A}_t \ll 0$.
To handle this, when $\hat{A}_t < 0$, Dual-clip PPO introduces one more clipping hyperparameter $c$ in the objective:
\begin{equation}
\footnotesize
\begin{split}
\mathcal{L}^{policy}(\theta) =
\hat{\mathbb{E}_{t}}\Big[\max\Big( \min\Big( r_t(\theta)\hat{A}_t, \text{clip}\big(r_t(\theta), 1 - \epsilon, 1 + \epsilon\big)\hat{A}_t \Big), c\hat{A}_t\Big) \Big],
\end{split}
\end{equation} where $c >1$ indicates the lower bound, and $\epsilon$ is the original clip in PPO.
\textbf{Value updates}.
To decrease the variance of value estimation, similar to \cite{vinyals2019grandmaster}, we use full information about the game state, including observations hidden from the policy, as input to the value function.
Note that this is performed only during training, as we only use the policy network during evaluation.
In order to estimate the value of the ever-changing game state more accurately,
we introduce multi-head value (MHV) into MOBA by decomposing the reward, which is inspired by the hybrid reward architecture (HRA) used on the Atari game Ms. Pac-Man \cite{van2017hybrid}.
Specifically, we design five reward categories as the five value heads, as shown in Fig. \ref{fig:network_arch}, based on game expert's knowledge and the accumulative value loss in each head.
These value heads and the reward items contained in each head are: 1) Farming related: gold, experience, mana, attack monster, no-op (not acting); 2) KDA related: kill, death, assist, tyrant buff, overlord buff, expose invisible enemy, last hit; 3) Damage related: health point, hurt to hero; 4) Pushing related: attack turrets, attack enemy home base; 5) Win/lose related: destroy enemy home base.
\begin{equation}
\footnotesize
\begin{split}
\mathcal{L}^{value}(\theta) =
\hat{\mathbb{E}_{t}}[\sum_{head_k}(R_{t}^{k}-\hat{V}_{t}^{k})^2], ~~~
\hat{V}_t = \sum_{head_k}w_k\hat{V}_{t}^{k},
\end{split}
\end{equation}
where $R_{t}^{k}$ and $\hat{V}_{t}^{k}$ are the discounted reward sum and value estimation of the $k^{th}$ head, respectively. Then, the total value estimation is the weighted sum of the head value estimates.
\subsection{Multi-agent Training} \label{sec:multiagent}
As discussed, large hero pool leads to a huge number of lineups.
When using self-play reinforcement learning, the 10 agents playing one MOBA game is faced with a non-stationary moving-target problem \cite{bu2008comprehensive,hernandez2017survey}.
Furthermore, the lineup varies from one self-play to another, making policy learning even more difficult.
Presenting disordered agent combinations for training leads to degraded performance \cite{OpenAI_dota}.
This calls for a paradigm to guide agents learning in MOBA.
Inspired by the idea of curriculum learning \cite{bengio2009curriculum}, i.e., machine learning models can perform better when the training instances are not randomly presented but organized in a meaningful order which illustrates gradually more concepts, we propose curriculum self-play learning (CSPL) to guide MOBA AI learning.
CSPL includes three phases, shown in Fig. \ref{fig:CSPL}, described as follows.
The rule of advancing to the next phase in CSPL is based on the convergence of Elo scores.
In Phase 1, we start with easy tasks by training fixed lineups.
To be specific, in the 40-hero case, we divide the heroes to obtain four 10-hero groups.
The self-play is performed separately for each group.
The 10-hero grouping is based on the balance of two 5-hero teams, with a win-rate close to 50\% to each other.
The win-rate of lineups can be obtained from the vast amount of human player data.
We select balanced teams because it is practically effective to policy improvement in self-play \cite{vinyals2019grandmaster,jaderberg2019human}.
To train teachers, we use a smaller model with almost half parameters of the final model in Phase 3, which will be detailed in Section \ref{sec:experiment}.
\begin{figure}[t!]
\centering
\includegraphics[width=\linewidth]{curriculum.pdf}
\caption{The flow of curriculum self-play learning: \textbf{1)} Small task with small model. We divide heroes into groups, and start with training fixed lineups, i.e., 5 fixed heroes VS another 5 fixed heroes, via self-play RL. \textbf{2)} Distillation. We adopt multi-teacher policy distillation. \textbf{3)} Continued learning.}
\label{fig:CSPL}
\end{figure}
In Phase 2, we focus on how to inherit the knowledge mastered by the fixed-lineup self-plays.
Specifically, we apply multi-teacher policy distillation \cite{rusu2015policy}, using models from Phase 1 as teacher models ($\pi$), which are merged into a single student model ($\pi_\theta$).
The distillation is a supervised process, based on the loss function in Eq. \ref{eq:pd}, where $H^\times(p(s)||q(s))$ denotes Shannon’s cross entropy between two distributions over actions $-E_{a \sim p(s)}[\log q(a|s)]$, $q_\theta$ is the sampling policy, $\hat{V}^{(k)}(s)$ is the value function, and $head_k$ denotes the $k$-th value head mentioned in the previous section.
\begin{equation}
\footnotesize
\label{eq:pd}
\mathcal{L}^{distil}(\theta) = \sum_{teacher_i} \hat{\mathbb{E}}_{\pi_{\theta}}[\sum_t H^\times(\pi_{i}(s_t)||\pi_{\theta}(s_t)) + \sum_{head_k}(\hat{V}_{i}^{k}(s_t)-\hat{V}_{\theta}^{k}(s_t))^2].
\end{equation}
With the loss of cross entropy and mean square error of value predictions, we sum up these losses from all the teachers. As a result, the student model distills both of policy and value knowledge from the fixed-lineup teachers.
During distillation, the student model is used for exploration in the fixed-lineup environments where teachers are trained, known as student-driven policy distillation \cite{czarnecki2019distilling}.
The exploration outputs actions, states and the teacher's predictions (used as guidance signal for supervised learning) into the replay buffer.
In Phase 3, we perform continued training by randomly picking lineups in the hero pool, using the distilled model from Phase 2 for model initialization.
\subsection{Learning to draft}
An emerging problem brought by expanding the hero pool is drafting, a.k.a. hero pick or hero selection.
Before a MOBA match starts, two teams go through the process of picking heroes, which directly affects future strategies and match result.
Given a large hero pool, e.g., 40 heroes (more than $10^{11}$ combinations), a complete tree search method like the Minimax algorithm used in \textit{OpenAI Five} \cite{berner2019dota} will be computationally intractable \cite{chen2018art}.
To manage this, we develop a drafting agent leveraging Monte-Carlo tree search (MCTS) \cite{coulom2006efficient} and neural networks.
MCTS estimates the long-term value of each pick, and the hero with the maximum value will be picked.
The particular MCTS version we use is Upper Confidence bounds applied to Trees (UCT) \cite{kocsis2006bandit}.
When drafting, a search tree is built iteratively, with each node representing the state (which heroes have been picked by both teams) and each edge representing the action (pick a hero that has not been picked) resulting to a next state.
The search tree is updated based on the four steps of MCTS for each iteration, i.e., selection, expansion, simulation, and backpropagation, during which the simulation step is the most time-consuming.
To speed up simulation, different from \cite{chen2018art}, we build a value network to predict the value of the current state directly instead of the inefficient random roll-out to get the reward for backpropagation, which is similar to AlphaGo Zero \cite{silver2017mastering}.
The training data of the value network is collected via a simulated drafting process played by two drafting strategies based on MCTS.
When training the value network, Monte-Carlo roll-out is still performed until reaching the terminal state, i.e., the end of the simulated drafting process.
Note that, for board games like Chess and Go, the terminal state determines the winner of the match.
However, the end of the drafting process is not the end of a MOBA match, so we cannot get match results directly.
To deal with this, we first build a match dataset via self-play using the RL model trained in Section \ref{sec:multiagent}, and then we train a neural predictor for predicting the win-rate of a particular lineup.
The predicted win-rate of the terminal state is used as the supervision signal for training the value network.
The architectures of the value network and the win-rate predictor are two separate 3-layer MLPs.
For the win-rate predictor, the input feature is the one-hot representation of the 10 heroes in a lineup, and the output is the win-rate ranged from 0 to 1.
For the value network, the input representation is the game state of the current lineup, containing one-hot indexes of picked heroes in the two teams, default indexes of unpicked heroes, and the index of the team which is currently picking, while the output is the value of the state.
On the other hand, the selection, expansion and backpropagation steps in our implementation are the same as the normal MCTS \cite{kocsis2006bandit,chen2018art}.
\subsection{Infrastructure}
To manage the variance of stochastic gradients introduced by MOBA agents, we develop a scalable and loosely-coupled infrastructure to construct the utility of data parallelism.
Specifically, our infrastructure follows the classic Actor-Learner design pattern \cite{espeholt2018impala}.
Our policy is trained on the Learner using GPUs while the self-play happens on the Actor using CPUs.
The experiences, containing sequences of observations, actions, rewards, etc., are passed asynchronously from the Actor to a local replay buffer on the Learner.
Significant efforts are dedicated to improving the system throughput, e.g., the design of transmission mediators between CPUs and GPUs, the IO cost reduction on GPUs, which are similar to \cite{ye2020mastering}.
Different from \cite{ye2020mastering}, we further develop a centralized inference module on the GPU side to optimize resource utilization, similar to the Learner design in a recent infrastructure called Seed RL \cite{espeholt2019seed}.
\section{Evaluation}
\subsection{Experimental Setup} \label{sec:experiment}
We test on \textit{Honor of Kings}, which is the most popular MOBA game worldwide and has been actively used as the testbed for recent AI advances~\cite{eisenach2018marginal,wang2018exponentially,jiang2018feedback,wu2019hierarchical,ye2020mastering,ye2020supervised}.
Our RL infrastructure runs over a physical computing cluster.
To train our AI model, we use 320 GPUs and 35,000 CPUs, referred to as \texttt{one resource unit}.
For each of the experiments conducted below, including ablation study, time and performance comparisons, we use the same quantity of resources to train, i.e., one resource unit, unless otherwise stated.
Our cluster can support 6 to 7 such experiments in parallel.
The mini-batch size per GPU card is 8192.
We develop 9,227 scalar features containing observable unit attributions and in-game stats, and 6 channels of spatial features read from the game engine with resolution 6*17*17.
Each of the teacher models has 9 million parameters, while the final model has 17 million parameters.
LSTM unit sizes for teacher and final models are 512 and 1024, respectively.
LSTM time step is 16 for all models.
For teacher models, we train using half resource unit, since they are relatively small-sized.
To optimize, we use Adam \cite{kingma2014adam} with initial learning rate 0.0001.
For Dual-clip PPO, the two clipping hyperparameters $\epsilon$ and $c$ are set as 0.2 and 3, respectively.
The discount factor is set as 0.998.
We use generalized advantage estimation (GAE)~\cite{schulman2015high} for reward calculation, with $\lambda = 0.95$ to reduce the variance caused by delayed effects.
For drafting, the win-rate predictor is trained with a match dataset of 30 million samples. These samples are generated via self-play using our converged RL model trained from CSPL.
And the value network is trained using 100 million samples (containing 10 million lineups; each lineup has 10 samples because we pick 10 heroes for a completed lineup) generated from MCTS-based drafting strategies. The labels for the 10 samples in each lineup are the same, which is calculated using the win-rate predictor.
To evaluate the trained AI's performance, we deploy the AI model into \textit{Honor of Kings} to play against top human players.
For online use, the response time of AI is 193 ms, including the observation delay (133 ms) and reaction delay (about 60 ms), which is made up of processing time of feature, model, result, and the network delay.
We also measure the APM (action per minute) of AI and top human players.
The averaged APMs of our AI and top players are comparable (80.5 and 80.3, respectively).
The proportions of high APMs (APM $\ge$ 300 for \textit{Honor of Kings}) during games are 4\% for top players and 5\% for our AI, respectively.
We use the Elo rating~\cite{coulom2008whole} for comparing different versions of AI, similar to other Game AI programs \cite{silver2016mastering,vinyals2019grandmaster}.
\subsection{Experimental Results}
\subsubsection{AI Performance}
We train an AI for playing a pool of 40 heroes \footnote{40-hero pool:
\textit{Di Renjie, Consort Yu, Marco Polo, Lady Sun, Gongsun Li, Li Yuanfang, Musashi Miyamoto, Athena, Luna, Nakoruru, Li Bai, Zhao Yun, Wukong, Zhu Bajie, Wang Zhaojun, Wu Zetian, Mai Shiranui, Diaochan, Gan\&Mo, Shangguan Wan'er, Zhang Liang, Cao Cao, Xiahou Dun, Kai, Dharma, Yao, Ma Chao, Ukyo Tachibana, Magnus, Hua Mulan, Guan Yu, Zhang Fei, Toro, Dong Huang Taiyi, Zhong Kui, Su Lie, Taiyi Zhenren, Liu Shan, Sun Bin, Guiguzi}.} in \textit{Honor of Kings}, covering all hero roles (tank, marksman, mage, support, assassin, warrior).
The scale of hero pool is 2.4x larger than previous MOBA AI work \cite{berner2019dota}, leading to $2.1 \times 10^{11}$ more agent combinations.
During the drafting phase, human players can pick heroes from the 40-hero pool.
When the match starts, there are no restrictions to game rules, e.g., players are free to build any item or use any summoner ability they prefer.
We invite professional esports players of \textit{Honor of Kings} to play against our AI.
From Feb. 13th, 2020 to Apr. 30th, 2020, we conduct weekly matches between AI and current professional esports teams.
The professionals were encouraged to use their skilled heroes and to try different team strategies.
In a span of 10-week's time, a total number of 42 matches were played.
Our AI won 40 matches of them (win rate 95.2\%, with confidence interval (CI) \cite{morisette1998exact} [0.838, 0.994]).
By comparison, professional tests conducted by other related Game AI systems are: 11 matches for \textit{AlphaStar Final} (10 win 1 lose, CI [0.587, 0.997]), and 8 matches for \textit{OpenAI Five} (8 win 0 lose, CI [0.631, 1]).
A number of episodes and complete games played between AI and professionals are publicly available at: \url{https://sourl.cn/NVwV6L}, in which various aspects of the AI are shown, including long-term planning, macro-strategy, team cooperation, high-level turret pushing without minions, solo competition, counter strategy to enemy's gank, etc.
Through these game videos, one can clearly see the strategies and micro controls mastered by our AI.
From May 1st, 2020 to May 5th, 2020, we deployed our AI into the official release of \textit{Honor of Kings} (Version 1.53.1.22, released on Apr. 29th, 2020; AI-game entry switch-on at 00:00:00, May 1st), to play against the public.
To rigorously evaluate whether our AI can counter diverse high-level strategies, only top ranked human players (at about the level of High King in \textit{Honor of Kings})
are allowed to participate, and participants can play repeatedly.
To encourage engagement, players who can defeat the AI will be given a honorary title and game rewards in \textit{Honor of Kings}.
As a result, our AI was tested against top human players for 642,047 matches. AI won 627,280 of these matches, leading to a win-rate of 97.7\% with confidence interval [0.9766, 0.9774].
By comparison, public tests from the final version of \textit{AlphaStar} and \textit{OpenAI Five} are 90 matches and 7,257 matches, respectively, with no requirements of game level to the participated human players.
Prior to supporting 40 heroes, we trained a 20-hero \footnote{20-hero pool: \textit{Athena, Consort Yu, Wu Zetian, Zhang Fei, Cao Cao, Nakoruru, Di Renjie, Wang Zhaojun, Dharma, Toro, Luna, Marco Polo, Diaochan, Sun Bin, Kai, Li Bai, Gongsun Li, Mai Shiranui, Magnus, Guiguzi}.} AI version, using the same training paradigm. The AI was tested against professional teams for 30 matches, and AI dominated the matches with 100\% win rate (30:0).
We are in the process of training a complete pool of heroes (there are 101 heroes in total in \textit{Honor of Kings} as per Oct. 2020) using our paradigm.
\subsubsection{Training Process}
In this section, we compare the training process between our paradigm and OpenAI's method \cite{berner2019dota}, i.e., randomly picking heroes, when trained with different hero pool sizes, including 20-hero and 40-hero.
\begin{figure}
\centering
\includegraphics[width=0.9\linewidth]{data.pdf}
\caption{The training process: \textbf{a)} The training of a teacher model, i.e., Phase 1 of CSPL. \textbf{b)} The Elo change during distillation, i.e., Phase 2 of CSPL. The student's converged Elo is marginally below the teacher. \textbf{c)} and \textbf{d)} Compare the Elo change of CSPL with the baseline method, for the 20-hero and 40-hero cases, respectively. Note that the baseline has no Phase 1 and Phase 2. CSPL has better scalability than the baseline when expanding the hero pool.
}
\label{fig:CSPL_experiment}
\end{figure}
\begin{table}[t]
\begin{center}
\scriptsize
\caption{Comparing training time of CSPL and the baseline. }
\label{tab:CSPL}
\begin{tabular}{lllllll}
\toprule
\#Heroes & Training method & Phase1 & Phase2 & Phase3 & Total time & Note\\
\midrule
20 & Baseline & 0 & 0 & 192 h & 192 h & slow convergence\\
20 & CSPL & 72 h & 48 h & 24 h & 144 h & fast convergence\\
\midrule
40 & Baseline & 0 & 0 & NA (> 480 h) & > 480 h & very slow or non convergence\\
40 & CSPL & 144 h & 48 h & 144 h & 336 h & fast convergence \\
\bottomrule
\end{tabular}
\end{center}
\end{table}
Both \textit{OpenAI Five} \cite{berner2019dota} and our development experience confirm that training with the minimal hero pool (10-hero) is able to reach professional esports player's level rapidly, whose Elo score is thereby used as the upper limit criterion in our experiments.
With this criterion, we can evaluate the detailed learning process of different sizes of hero pools using the two methods.
The 10 heroes chosen are also included in the 20- and 40-hero pools.
Note that the 10-hero lineup used for computing upper limit Elo score does not have an overlap with the lineups for preparing teacher models during the Phase 1 of CSPL, for fairness of evaluation.
In Fig. \ref{fig:CSPL_experiment}, we illustrate the whole training process of CSPL and the baseline. And in Table \ref{tab:CSPL}, we compare the concrete training time between the two methods.
Specifically, the Elo growing trend of a teacher model is shown in Fig. \ref{fig:CSPL_experiment}-a., from which we observe that the Elo score grows with the training length and becomes relatively steady after about 72 hours.
As mentioned, each teacher is trained with half resource unit. Therefore, one resource unit is used to train two teacher models in parallel in Phase 1 in practice.
Fig. \ref{fig:CSPL_experiment}-b shows the policy distillation process, from which we can see that the AI ability rapidly increases in the beginning, and soon converges to an Elo score that is marginally below the teacher's score.
We empirically observe that the convergence in student-driven policy distillation is not sensitive to the hero pool size. Both 20-hero and 40-hero cases can converge rapidly within two days.
Fig. \ref{fig:CSPL_experiment}-c and Fig. \ref{fig:CSPL_experiment}-d provide a direct comparison between the two training processes.
For 20-hero, we see that both CSPL and the baseline converge within a reasonable amount of time, while CSPL can converge faster than the baseline.
However, for 40-hero, the baseline method results in unacceptably slow training, which fails to converge, with an Elo score 400 lower than the upper limit even being trained for 480 hours.
By comparison, CSPL converges much faster using a total amount of training time of about 336 hours.
Overall, training MOBA AI playing a large hero pool benefits significantly from our proposed method.
\begin{figure}[t!]
\centering
\includegraphics[width=\linewidth]{ablation.pdf}
\caption{Ablations for key components: \textbf{a}) comparing training methods using Elo (with CSPL and without CSPL); \textbf{b}) comparing different compositions of value functions using Elo; \textbf{c}) comparing ways of policy updates using Elo; \textbf{d}) Elo scores of built-in bots and supervised learning agents using human game data and the final reinforcement learning agents; \textbf{e}) comparing averaged win-rates when using different drafting methods (RD: picking heroes randomly, HWR: picking heroes with highest win-rates, MCTS: picking heroes with our drafting method).}
\label{fig:ablation}
\end{figure}
\subsubsection{Ablations}
To further analyze the components in our method, we have run several internal ablations, as shown in Fig. \ref{fig:ablation}. All these comparative experiments are carried out based on the final 40-hero AI version with equal training time and resource.
We observe that, for multi-agent training, training with CSPL is helpful to the final AI performance (Fig. \ref{fig:ablation}-a).
For value estimation, using invisible opponent information and multi-head value can both increase the Elo score effectively (Fig. \ref{fig:ablation}-b), when compared with the baseline value estimation method in \textit{OpenAI Five} \cite{berner2019dota}.
Fig. \ref{fig:ablation}-c indicates that applying dual-clip PPO is beneficial to
the ability of our agents, due to its training stability, as analyzed in Section \ref{sec:reinforce}.
In Fig. \ref{fig:ablation}-d, the Elo scores of built-in bots, supervised learning agents and the final reinforcement learning agents are provided. Ratings are anchored by a bot that never acts.
Finally, drafting methods are compared in Fig. \ref{fig:ablation}-e.
The number of matches played for each pair of drafting strategies is 1000.
We can see that our proposed drafting method (MCTS-based) outperforms RD (each time, sample an unpicked hero \textbf{r}an\textbf{d}omly) and HWR (pick the hero with \textbf{h}ighest \textbf{w}in-\textbf{r}ates based on frequency counts), with 0.86 and 0.68 mean win-rates, respectively.
\section{Conclusion and Future Work}
In this paper, we proposed a MOBA AI learning paradigm towards playing full MOBA games with deep reinforcement learning.
We developed a combination of novel and existing learning techniques, including off-policy adaption, multi-head value estimation, curriculum self-play learning, multi-teacher policy distillation, and Monte-Carlo tree search, to deal with the emerging problems caused by training and playing a large pool of heroes.
Tested on \textit{Honor of Kings}, the most popular MOBA game at present, our AI can defeat top human players with statistical significance.
To the best of our knowledge, this is the first reinforcement learning based MOBA AI program that can play a pool of 40 heroes and more.
Furthermore, there has been no AI program for sophisticated strategy video games working with our large-scale, rigorous, and repeated performance testing.
In the future, we will continue to work on complete hero pool support, and to investigate more efficient training methods to further shorten the MOBA AI learning process.
To facilitate research on game intelligence, we will also develop subtasks of MOBA-game-playing for the AI community.
\newpage
\section{Broader Impact}
\textbf{To the research community}.
MOBA (Multiplayer Online Battle Arena) poses a grand challenge to the AI community.
We would believe that mastering a typical MOBA game without restrictions will become the next AI milestone like \textit{AlphaGo} or \textit{AlphaStar}. To this end, this paper is introducing a MOBA AI learning paradigm towards this goal. Moreover, the proposed methodology is based on general-purpose machine learning components that are applicable to other similar multiplayer domains.
Our results suggest that curriculum-guided reinforcement learning can help handle very complex tasks involving multi-agent competition and cooperation, real-time decision-making, imperfect observation, complex strategy space, and combinatorial action space. We herewith expect this work to provide inspirations to other complex real-world problems, e.g., real-time decisions of robotics.
\textbf{To the game industry}.
\textit{Honor of Kings}, published by Tencent, has a tremendously large user group. It was reported to be the world's most popular and highest-grossing game of all time, as well as the most downloaded App worldwide \footnote{\url{https://en.wikipedia.org/wiki/Honor_of_Kings}}.
Our AI has found several real-world applications in the game, and is changing the way that MOBA game designers work, particularly game balance designers, elaborated as follows: 1) Game balance testing. In MOBA and many other game types, balancing the ability of each character is essential. The numerical values and skill-sets design of a MOBA hero, e.g., the physical/magical attack value, blood, and skill types, are traditionally set based on the experience of game balance designers.
Value adjustments to a hero must be tested in the Beta game servers for months, to see its win-rate in the hero pool through a significantly large number of human matches.
In self-play reinforcement learning, the agents are very sensitive to feature changes and hero adjustments affect the win-rate of the team.
Using similar techniques presented in this paper, we have constructed a balance testing tool for \textit{Honor of Kings}.
2) PVE (player vs environment) game mode. We had deployed earlier checkpoints trained by our method (with a much weaker ability than the AI in this paper, mainly for entertainment) into \textit{Honor of Kings}. These checkpoints are for players at all levels.
3) AFK hosting.
It happens that players in casual matches drop offline or AFK (away from the keyboard) during a game due to an unstable network, temporary emergencies, etc. We have developed a preliminary learning-based AI to host the dropped players.
\textbf{To the esports community}.
The playing style of our AI is different from normal playing of human esports players \footnote{Matches played by AI can be found from the Google Drive link: \url{https://sourl.cn/NVwV6L}}.
For example, in MOBA, a commonly seen opening-strategy for human teams is the three-lane-strategy, i.e., marksman and warrior heroes go to bottom and top lanes, respectively, while the mage hero plays the middle.
However, such a strategy has seldom been adopted by the AI team.
Our AI has its way of fast upgrading and team cooperation, which has inspired new strategies to professional players. As commented by a professional coach, ``AI's resource allocation is a bit weird but effective. After trying out some of AI's playing style, we observe a slight increase of gold and experience gained during certain game phases. Another finding given by AI is that some marksman heroes are suitable to play middle, apart from playing bottom. These are interesting and helpful to us.''
In the future, we would believe that with larger hero pool support, the strategies explored by self-play reinforcement learning will have an even broader impact on how esports players play the game.
\section{Funding Disclosure}
This work is supported by the Tencent AI Department and the Tencent TiMi Studio.
\bibliographystyle{abbrv}
|
\section{Introduction}
Global symmetries are instrumental in organizing our understanding of phases of matter. The celebrated Landau paradiagm classifies phases according to broken symmetries, which also determines the universality classes of transitions between phases.
Symmetry principles become even more powerful from the point of view of long wavelength, low-energy physics, as the renormalization group fixed points (i.e. IR) often embody more symmetries than the microscopic lattice model (i.e. UV), which is the phenomenon of emergent symmetry~\cite{Moessner2001,Isakov2003,Senthil2004,YYHe2016,NvsenMa2019}. A common example is the emergence of continuous space-time symmetries in the field-theoretical description of a continuous phase transition~\cite{altland2010condensed}. It is even plausible that a critical point is determined up to finite choices by its full emergent symmetry, which is the basic philosophy (or educated guess) behind the conformal bootstrap program~\cite{Poland2019}.
Modern developments in quantum many-body physics have significantly broadened the scope of quantum phases beyond the Landau classification~\cite{Wen2019}. For these exotic phases, more general notions of global symmetry are called for to completely characterize the phases and the associated phase transitions. Intuitively, these ``beyond Landau'' phases do not have local order parameters. Instead, non-local observables are often needed to characterize them. For a well-known example, confined and deconfined phases of a gauge theory are distinguished by the behavior of the expectation value of Wilson loop operators~\cite{fradkin2013field,Gregor2011}. To incorporate such extended observables into the symmetry framework, higher-form symmetries~\cite{Nussinov2006, Nussinov2009, Gaiotto_2015}, and more generally algebraic symmetries~\cite{ji2019categorical, kong2020algebraic} have been introduced. These are symmetries whose charged objects are spatially extended, e.g. strings and membranes. In other words, their symmetry transformations only act nontrivially on extended objects. Most notably, spontaneous breaking of such higher symmetries can lead to highly entangled phases, such as topological order~\cite{Gaiotto_2015}. Therefore, even though topologically ordered phases are often said to be beyond the Landau paradiagm, they can actually be understood within a similar conceptual framework once higher symmetries are included. In addition, just as the usual global symmetries, higher-form symmetries can have quantum anomalies~\cite{Gaiotto_2015}, which lead to strong non-perturbative constraints on low-energy dynamics~\cite{Gaiotto2017}.
In this work, we make use of the prototypical continuous quantum phase transition, the Ising transition, to elucidate the functionality of the higher-form symmetry. The motivation to re-examine the well-understood Ising transition is the following: in addition to the defining 0-form $\mathbb{Z}_2$ symmetry, the topological requirement that $\mathbb{Z}_2$ domain walls must be closed (in the absence of spatial boundary) can be equivalently formulated as having an unbreakable $\mathbb{Z}_2$ $(D-1)$-form symmetry, where $D$ is the spatial dimension. Gapped phase on either side of the transition spontaneously breaks one and only one of the two symmetries. Therefore to correctly determine the full emergent internal symmetry in the Ising CFT, the $\mathbb{Z}_2$ higher-form symmetry should be taken into account. For $D=2$, the $1$-form symmetry manifests more clearly in the dual formulation~\cite{Wegner1971}, namely as the confinement-deconfinement transition of a $\mathbb{Z}_2$ gauge theory, which will shed light on higher-form symmetry breaking transitions in a concrete setting.
A basic question about a global symmetry is whether it is broken spontaneously or not in the ground state. For clarity, let us focus on the $D=2$ case. It is well-known that the Ising symmetric, or ``quantum disordered'' phase, spontaneously breaks the higher-form symmetry, and the opposite in the Ising symmetry-breaking phase. The fate at the critical point remains unclear to date. To diagonose higher-form symmetry breaking, we compute the ground state expectation value of the ``order parameter'' for the higher-form symmetry -- commonly known as the disorder operator in literature~\cite{KadanoffPRB1971,Fradkin2016,XCWu2020,YCWang2021,XCWu2021}, which creates a domain wall in the Ising system. Spontaneous breaking of the $\mathbb{Z}_2$ $1$-form symmetry is signified by the perimeter law for the disorder operator. In the dual formulation, the corresponding object is the Wilson loop operator. Through large-scale QMC simulations, we find numerically that at the transition, the disorder operator defined on a rectangular region scales as $l^s e^{-a_1l}$, where $l$ is the perimeter of the region, and $s>0$ is a universal constant. We thus conclude that the 1-form symmetry is spontaneously broken at the (2+1)d Ising transition, and it remains so in the disordered phase of the model. This is in stark contrast with the $D=1$ case, where the disorder operator has a power-law decay.
To corroborate the numerical results, we consider generally disorder operator corresponding to a 0-form $\mathbb{Z}_2$ symmetry in a free scalar theory in $D$ dimensions, which is a stable fixed point for $D\geq 3$. We show that for the kind of $\mathbb{Z}_2$ symmetry in this case, the disorder operator can be related to the 2nd Renyi entropy. Therefore, the disorder operator also obeys a ``perimeter'' (i.e. volume of the boundary) scaling, with possibly multiplicative power-law correction. Whether the higher-form symmetry is broken or not is determined by the subleading power-law corrections. We also discuss other free theories, such as a Fermi liquid, where the decay of the disorder operator is in between the ``perimeter'' and the ``area'' laws, and therefore no higher-form symmetry breaking.
The rest of the paper is organized as follows. In Sec.~\ref{sec:ii} we review higher-form symmetry and its spontaneous breaking, and its relevancy in conventional phases. We also consider higher-form symmetry breaking in free and interacting conformal field theories. In Sec.~\ref{sec:iii} we specialize to the setting of quantum Ising model in (2+1)d and define the disorder operator. Sec.~\ref{sec:iv} presents the main numerical results from quantum Monte Carlo simulations, which reveal the key evidence of the 1-form symmetry breaking at the $(2+1)$d Ising transition. Sec.~\ref{sec:v} outlines a few immediate directions about the higher-form symmetry breaking and their measurements in unbiased numerical treatments in other quantum many-body systems.
\section{Generalized global symmetry}
\label{sec:ii}
Consider a quantum many-body system in $D$ spatial dimensions. Global symmetries are unitary transformations which commute with the Hamiltonian. Typically the symmetry transformation is defined over the entire system, and charges of the global symmetry are carried by particle-like objects.
An important generalization of global symmetry is the higher-form symmetry~\cite{Gaiotto_2015}. For an integer $p\geq 0$, $p$-form symmetry transformations act nontrivially on $p$-dimensional objects. In other words, ``charges'' of $p$-form symmetry are carried by extended objects. In this language, the usual global symmetry is 0-form as the particle-like object is of 0-dimension. $p$-form symmetry transformations themselves are unitary operators supported on each codimension-$p$ (i.e. spatial dimension $(D-p)$) closed submanifold $M_{D-p}$. In particular, it means that there are infinitely many symmetry transformations in the thermodynamic limit. In this work we will only consider discrete, Abelian higher-form symmetry, so for each submanifold $M_{D-p}$ the associated unitary operators form a finite Abelian group $G$.
Physically, higher-form symmetry means that the certain $p$-dimensional objects are charged under the group $G$, and the quantum numbers they carry constrain the processes of creation, annihilation and splitting etc. In particular, these extended objects are ``unbreakable'', i.e. they are always closed and can not end on $(p-1)$-dimensional objects.
For a concrete example, let us consider (2+1)$d$ $\mathbb{Z}_2$ gauge theory definend on a square lattice. Each edge of the lattice is associated with a $\mathbb{Z}_2$ gauge field (i.e. a qubit), subject to the Gauss's law at each site $v$:
\begin{equation}
\prod_{e\ni v}\tau_e^x=1.
\label{eqn:gauss}
\end{equation}
Here $e$ runs over edges ending on $v$.
The divergence-free condition implies that there are no electric charges in the gauge theory. In other words, all $\mathbb{Z}_2$ electric field lines must form loops. An electric loop can be created by applying the following operator along any closed path $\gamma$ on the lattice:
\begin{equation}
W_e(\gamma)=\prod_{e\in \gamma}\tau_e^z.
\label{}
\end{equation}
The corresponding $\mathbb{Z}_2$ 1-form symmetry operator is defined as
\begin{equation}
W_m(\gamma^\star)=\prod_{e\perp \gamma^\star} \tau_e^x
\label{eqn:Wm}
\end{equation}
for any closed path $\gamma^\star$ on the dual lattice. Here the subscript $m$ in $W_m$ indicates that this is actually the string operator for $\mathbb{Z}_2$ flux excitations. In field theory parlance, $W_e$ is the Wilson operator of the $\mathbb{Z}_2$ gauge theory, and $W_m$ is the corresponding Gukov-Witten operator~\cite{gukov2008rigid}.
\begin{figure}[t]
\centering
\includegraphics[width=\columnwidth]{figure/braiding}
\caption{(a) 0-form symmetry charge is a point-like object, measured by the symmetry transformation defined on the entire system (i.e. at a fixed time slice) (b) 1-form symmetry charge is a loop (the solid line), measured by the symmetry transformation defined on a loop as well when the two are linked. }
\label{fig:braiding}
\end{figure}
We notice that the $W_m(\gamma^\star)$ operator is in fact the product of Gauss's law term $\prod_{v\in e}\tau_e^x$ for all $v$ in the region enclosed by $\gamma^\star$. In other words, the smallest possible $\gamma^\star$ is a loop around one vertex $v$, and the fact tht $W_m(\gamma^\star)$ is conserved by the dynamics means that the gauge charge at site $v$ must be conserved (mod 2) as well. Therefore, the $\mathbb{Z}_2$ gauge theory with electric 1-form symmetry is one with completely static charges, including the case with no charges at all. For applications in relativistic quantum field theories, it is usually further required that the 1-form symmetry transformation is ``topological'', i.e. not affected by local deformation of the loop $\gamma^\star$, which is equivalent to the absence of gauge charge as given in Eq. \eqref{eqn:gauss}.
It is instructive to consider how the 1-form charge of an electric loop can be measured. This is most clearly done in space-time: to measure a $p$-dimensional charge, one ``wraps'' around the charge by a $(D-p)$-dimensional symmetry operator. Appying the symmetry transformation is equivalent to shrinking the symmetry operator, and in $(D+1)$ spacetime, because of the linking the two must collide, and the non-commutativity (e.g. between $W_e$ and $W_m$) measures the charge value. We illustrate the process for $p=0$ (Fig. \ref{fig:braiding}(a)) and $p=1$ (Fig. \ref{fig:braiding}(b)), in three-dimensional space-time.
Now consider the following Hamiltonian of Ising gauge theory:
\begin{equation}
H=-J\sum_e\tau_e^x - K\sum_p \prod_{e\in \partial p}\tau_e^z,
\label{}
\end{equation}
where $J,K > 0$. When $J\ll K$, the ground state is in the deconfined phase, which can be viewed as an equal-weight superposition of all closed $\mathbb{Z}_2$ electric loops. In this phase, the $\mathbb{Z}_2$ 1-form symmetry is spontaneously broken. When $J\gg K$, the ground state is a product state with $\tau_e^x=1$ everywhere, and the 1-form symmetry is preserved. This is the confined phase. Similar to the usual boson condensation, the expectation value of the electric loop creation operator $W_e(\gamma)$ can be used to characterize the 1-form symmetry breaking phase, which obeys perimeter law in the deconfined phase.
This example shows that higher-forms symmetry naturally arises in gauge theories. In condensed matter applications, gauge theories are usually emergent~\cite{Senthil2004,NvsenMa2018}, which means that dynamical gauge charges are inevitably present and the electric 1-form symmetry is explicitly broken. Even under such circumstances, at energy scales well below the electric charge gap, the theory still has an emergent 1-form symmetry~\cite{WenPRB2019}.
Let us now discuss more generally the spontaneous breaking of higher-form symmetry~\cite{Gaiotto_2015, Lake2018, Hofman2018}. We will assume that the symmetry group is discrete. For a $p$-form symmetry, a charged object is created by an extended operator $W(C)$ defined on a $p$-dimensional manifold $C$. When the symmetry is unbroken, we have
\begin{equation}
\langle W(C)\rangle \sim e^{-t_{p+1} \mathrm{Area}(C)},
\label{eq:eq5}
\end{equation}
where $\mathrm{Area}(C)$ is the volume of a minimal $(p+1)$-dimensional manifold whose boundary is $C$. $t_{p+1}$ can be understood as the ``tension'' of the $(p+1)$-dimensional manifold. This generalizes the exponential decay of charged local operator for the 0-form case. On the other hand, when the symmetry is spontaneously broken,
\begin{equation}
\langle W(C)\rangle \sim e^{-t_p \mathrm{Perimeter}(C)},
\label{}
\end{equation}
where $\mathrm{Perimeter}(C)$ denotes the ``volume'' of $C$ itself. Importantly the expectation value only depends locally on $C$, which is the analog of the factorization of the correlation function of local order parameter $\langle O(x)O^\dag(y)\rangle \approx \langle O(x)\rangle \langle O^\dag(y)\rangle$ for $0$-form symmetry. One can then redefine the operator $W(C)$ to remove the perimeter scaling and in that case $\langle W(C)\rangle$ would approach a constant in the limit of large $C$~\cite{HastingsPRB2005}. At critical point, however, subleading corrections become important, which will be examined below.
The $\mathbb{Z}_2$ gauge theory is famously dual to a quantum Ising model~\cite{Kogut1979}. In fact, more generally, there is a duality transformation which relates a system with global $\mathbb{Z}_2$ 0-form symmetry (in the $\mathbb{Z}_2$ even sector) to one with global $\mathbb{Z}_2$ $(D-1)$-form symmetry, a generalization of the Kramers-Wannier duality in (1+1)d.
Let us now review the duality in (2+1)d. The dual Ising spins are defined on plaquettes, whose centers form the dual lattice. For a given edge $e$ of the original lattice, denote the two adjacent plaquettes by $p$ and $q$, as shown in the figure below:
\begin{center}
\begin{tikzpicture}
\draw[thick] (-1.3, 0) -- (1.3, 0);
\draw[thick] (-1.3, 1) -- (1.3, 1);
\draw[thick] (-1.3,-1) -- (1.3,-1);
\draw[thick, dashed] (-1.3,-0.5) -- (1.3,-0.5);
\draw[thick, dashed] (-1.3,0.5) -- (1.3,0.5);
\draw[thick] (-1, -1.3) -- (-1, 1.3);
\draw[thick] (0, -1.3) -- (0, 1.3);
\draw[thick] (1, -1.3) -- (1, 1.3);
\draw[thick, dashed] (0.5, -1.3) -- (0.5, 1.3);
\draw[thick, dashed] (-0.5, -1.3) -- (-0.5, 1.3);
\filldraw (-0.5, -0.5) circle (1.5pt);
\filldraw (0.5, -0.5) circle (1.5pt);
\filldraw (-0.5, 0.5) circle (1.5pt);
\filldraw (0.5, 0.5) circle (1.5pt);
\node at (-0.35, 0.3) {$p$};
\node at (0.61, 0.3) {$q$};
\node at (0.13, 0.7) {$e$};
\end{tikzpicture}
\end{center}
The duality map is defined as follows:
\begin{equation}
\sigma_{p}^z\sigma_{q}^z \leftrightarrow \tau_e^x, \sigma^x_{p} \leftrightarrow \prod_{e\in \partial p}\tau_e^z.
\label{}
\end{equation}
Note that the expression automatically ensures $\prod_p\sigma^x_p=1$ in a closed system, so the dual spin system has a $\mathbb{Z}_2$ 0-form symmetry generated by $S=\prod_p \sigma_p^x$, and the map can only be done in the $\mathbb{Z}_2$ even sector with $S=1$~\footnote{In a sense the $\mathbb{Z}_2$ symmetry is gauged. In fact one way to derive the duality is to first gauge the $\mathbb{Z}_2$ symmetry and then perform gauge transformations to eliminate the Ising matter.}. Conversely, the mapping also implies $\prod_{v\in e}\tau_x^e=1$, and in fact $W_m(\gamma^\star)=1$ for any $\gamma^*$, i.e. the $\mathbb{Z}_2$ 1-form symmetry is strictly enforced.
In the dual model, the electric field line of the $\mathbb{Z}_2$ gauge theory becomes the domain walls separating regions with opposite Ising magnetizations. Therefore, a Wilson loop $W_e(\gamma)$ maps to
\begin{equation}
X_M=\prod_{p\in M} \sigma_p^x,
\label{eqn:Xdef}
\end{equation}
where $\partial M=\gamma$, i.e. $M$ is the region enclosed by $\gamma$. Physically $X_M$ flips all the Ising spins in the region $M$, thus creating a domain wall along the boundary $\gamma$. It is called the disorder operator for the Ising system, which will be the focus of our study below.
Under the duality map, the Hamiltonian becomes
\begin{equation}
H=-J\sum_{\langle pq\rangle}\sigma_p^z\sigma_q^z - K\sum_p \sigma_p^x.
\label{eqn:TFI}
\end{equation}
The phases of the gauge theory can be readily understood in the dual representation. For $K\gg J$, the $\mathbb{Z}_2$ gauge theory is in the deconfined phase, which means that the ground state contains arbitrarily large electric loops. For the dual Ising model, the ground state is disordered, with all $\sigma_p^x=1$. If we work in the $\sigma^z$ eigenbasis (which is natural to discuss symmetry breaking), the ground state wavefunction is given by
\begin{equation}
\ket{\psi_{K=\infty}}\propto \prod_p \frac{1+\sigma_p^x}{2}\ket{\uparrow\uparrow\cdots\uparrow}.
\label{}
\end{equation}
Namely we pick any basis state and apply the ground state projector. Expanding out the projector, one can see that the wavefunction is an equal superposition of all domain wall configurations, i.e. a condensation of domain walls. Since the domain walls carry $\mathbb{Z}_2$ 1-form charges, the condensation breaks the 1-form symmetry spontaneously, much like the Bose condensation spontaneously breaks the conservation of particle numbers
In the other limit $K\ll J$, the gauge theory is confined. Correspondingly, the dual Ising model is in the ferromagnetically ordered phase: there are two degenerate ground states $\ket{\uparrow\cdots\uparrow}$ and $\ket{\downarrow\cdots\downarrow}$. There are no domain walls at all in the limit $K\rightarrow 0$. When a small but finite $K/J$ is turned on, quantum fluctuations create domain walls on top of the fully polarized ground states, but these domain walls are small and sparse.
\subsection{Non-invertible anomaly and gapless states}
A notable feature of the duality map is that on either side, only one of two symmetries, the $\mathbb{Z}_2$ 0-form and the $\mathbb{Z}_2$ 1-form symmetries, is faithfully represented (in the sense that the symmetry transformation is implemented by a nontrivial operator, even though the duality is supposed to work only in the symmetric sector). The other symmetry transformation is mapped to the identity at the operator level. Physically, only one of them is an explicit global symmetry, while the other one appears as a global constraint (e.g. on the Ising side, domain walls of the 0-form global symmetry are codimension-1 closed manifolds, which is the manifestation that they are charged under a $(D-1)$-form symmetry).
A closely related fact is that the ordered phase for one symmetry is necessarily the disordered phase of the other, and any non-degenerate gapped phase must break one and only one of the two symmetries. This has been proven rigorously in one spatial dimension~\cite{Levin2019}, and is believed to hold in general dimensions as well.
It is clear from these results that these two symmetries can not be considered as completely independent. Recently, Ref. [\onlinecite{JiPRR2019}] proposed that the precise relation between the two dual symmetries is captured by the notion of a non-invertible quantum anomaly. Intuively, the meaning of the non-invertible anomaly in the context of the $\mathbb{Z}_2$ Ising model can be understood as follows: the charge of the $\mathbb{Z}_2$ 0-form symmetry is an Ising spin flip, while the charge of the $\mathbb{Z}_2$ 1-form symmetry is an Ising domain wall. These two objects have nontrivial mutual ``braiding'', in the sense that when an Ising charge is moved across a domain wall, it picks up a minus sign due to the Ising symmetry transformation applied to one side of the domain wall. In other words, the charge of the 1-form symmetry is actually a flux loop of the 0-form symmetry. Ref. [\onlinecite{JiPRR2019}] suggested that two symmetries whose charged objects braid nontrivially with each other can not be realized faithfully in a local Hilbert space. If locality is insisted, then the only option is to realize the $D$ spatial dimensional system as the boundary of a $\mathbb{Z}_2$ toric code model in $(D+1)$ spatial dimension. In this case, the charged objects are in fact bulk topological excitations brought to the boundary. The nontrivial braiding statistics between the two kinds of charges reflects the topological order in the bulk. Such an anomaly is fundamentally different from more familiar 't Hooft anomaly realized on the boundary of a symmetry-protected topological phase (which is an invertible state). We refer to Ref. [\onlinecite{JiPRR2019}] for more thorough discussions of the non-invertible anomaly.
Since any gapped state must break one of the two symmetries, it is a very natural question to ask whether there are gapless states that preserve both symmetries. An obvious candidate for such a gapless state is the symmetry-breaking continuous transition. At the transition, the two-point correlation function of the Ising order parameter decays algebraically with the distance, implying that the $\mathbb{Z}_2$ 0-form symmetry is indeed unbroken. For the dual $(D-1)$-form symmetry, the Kramers-Wannier duality maps the disorder operator, which is a string operator in the Ising basis, to the two-point correlator of the Ising order parameter. Therefore the expectation value of the disorder operator also exhibits power-law correlation, and the dual $0$-form symmetry is preserved. Therefore the Ising conformal field theory in (1+1)d indeed provides an example of symmetric gapless state with non-invertible anomaly~\cite{JiPRR2019}. But for the case of $D>1$, the situation is far from clear and that is what we will address in this paper. First we analyze the expectation value of the disorder operator in a free field theory.
\subsection{Scaling of disorder operator in field theory}
We now discuss the scaling form of the disorder operator at or near the critical point from a field-theoretical point of view. The natural starting point is the Gaussian fixed point, i.e. a free scalar theory, described by the following Hamiltonian
\begin{equation}
{H}[\phi]=\int\mathrm{d}^D\mathbf{r}\,\left[\frac{\pi^2}{2}+\frac{1}{2}(\nabla \phi)^2\right].
\label{eqn:freeboson1}
\end{equation}
The real scalar $\phi$ can be thought of as the coarse grained Ising order parameter, and $\pi$ is the conjugate momentum of the real scalar $\phi$. The $\mathbb{Z}_2$ symmetry acts as $\phi\rightarrow -\phi$. The disorder operator $X_M$ is basically defined as the continuum version of Eq. \eqref{eqn:Xdef}, where the $\mathbb{Z}_2$ symmetry is applied to a finite region $M$.
Interestingly, for the free theory the expectation value of the disorder operator can be related to another well-studied quantity, the 2nd Renyi entanglement entropy $S_2$. More precisely, for a region $M$, we have
\begin{equation}
e^{-S_2(M)}=\langle X_M\rangle.
\label{eqn:S2=X}
\end{equation}
Here $S_2(M)$ is the 2nd Renyi entropy of the region $M$.
To see why this is the case, recall that the 2nd Renyi entropy $S_2$ for a region $M$ of a quantum state $\ket{\Psi}$ is given by
\begin{equation}
e^{-S_2(M)}=\Tr \rho_M^2,
\label{}
\end{equation}
where $\rho_M$ is the reduced density matrix for the region $M$, obtained from tracing out the degrees of freedom in the complement $\ol{M}$: $\rho_M= \Tr_{\ol{M}} \ket{\Psi}\bra{\Psi}$. In the following we denote the ground wave functional of the state $\ket{\Psi}$ by $\Psi(\phi)$:
\begin{equation}
\ket{\Psi}=\int D\phi\, \Psi(\phi)\ket{\phi}.
\label{eqn:wfn}
\end{equation}
The Renyi entropy can be calculated with a replica trick, which we now review in the Hamiltonian formalism. Consider two identical copies of the system, in the state $\ket{\Psi}\otimes\ket{\Psi}$. In the field theory example, the fields in the two copies are denoted by $\phi^{(1)}$ and $\phi^{(2)}$, respectively. We denote the basis state with a given field configuration $\phi^{(i)}$ in the $i$-th copy by $\ket{\phi^{(i)}_M,\phi^{(i)}_{\ol{M}}}$, where $\phi^{(i)}_M$ is the field configuration restricted to $M$ and similarly $\phi^{(i)}_{\ol{M}}$ for the complement of $M$. Since the two copies are completely identical, there is a swap symmetry $R$ acting between the two copies $R: \phi^{(1)}\leftrightarrow \phi^{(2)}$. $R_M$ then swaps the field configurations only within the region $M$:
\begin{equation}
R_M\ket{\phi^{(1)}_M, \phi^{(1)}_{\ol{M}}}\otimes\ket{\phi^{(2)}_M, \phi^{(2)}_{\ol{M}}}=
\ket{\phi^{(2)}_M, \phi^{(1)}_{\ol{M}}}\otimes\ket{\phi^{(1)}_M, \phi^{(2)}_{\ol{M}}}.
\label{}
\end{equation}
The expectation of $R_M$ on the replicated ground state $\ket{\Psi}\otimes\ket{\Psi}$ is then given by
\begin{equation}
\begin{split}
(\bra{\Psi}&\otimes\bra{\Psi})R_M(\ket{\Psi}\otimes\ket{\Psi})\\
&=\int \prod_{i=1,2}D\phi^{(i)}_M D\phi^{(i)}_{\ol{M}}\,\Psi(\phi^{(1)}_M,\phi^{(1)}_{\ol{M}})\Psi^*(\phi^{(2)}_M,\phi^{(1)}_{\ol{M}})\\
&\quad\quad\Psi(\phi^{(2)}_M,\phi^{(2)}_{\ol{M}})\Psi^*(\phi^{(1)}_M,\phi^{(2)}_{\ol{M}})\\
&=\int D\phi^{(1)}_M D\phi^{(2)}_{M}\,\rho_M(\phi^{(1)}_M, \phi^{(2)}_M)\rho_M(\phi^{(2)}_M, \phi^{(1)}_M)\\
&=\Tr \rho_M^2.
\end{split}
\label{}
\end{equation}
Therefore the Renyi entropy is the expectation value of the disorder operator for the replica symmetry.
For a free theory, we rotate the basis to $\phi_\pm = \frac{1}{\sqrt{2}}(\phi^{(1)}\pm \phi^{(2)})$. In the new basis, the swap symmetry operator becomes:
\begin{equation}
R:\phi_\pm \rightarrow \pm \phi_\pm.
\label{}
\end{equation}
It is straightforward to check that the Hamiltonian of the replica takes essentially the same form in the new basis:
\begin{equation}
H[\phi^{(1)}]+H[\phi^{(2)}]=H[\phi_+]+H[\phi_-].
\label{}
\end{equation}
The ground state again is factorized: $\ket{\Psi}\otimes\ket{\Psi}=\ket{\Psi}_+\otimes\ket{\Psi}_-$, where $\ket{\Psi}_\pm$ is the state of the $\phi_\pm$ field, with the same wave functional as $\phi$: $\braket{\phi_\pm |\Psi}_\pm = \Psi(\phi_\pm)$ as defined in Eq. \eqref{eqn:wfn}.
We can now compute the expectation value of $R_M$:
\begin{equation}
(\bra{\Psi}_+\otimes\bra{\Psi}_-)R_M(\ket{\Psi}_+\otimes\ket{\Psi}_-) =\braket{X_M}.
\label{}
\end{equation}
where we used the fact that $R$ acts as the identity on $\phi_+$. For $\phi_-$, $R_M$ is nothing but the disorder operator $X_M$.
The 2nd Renyi entropy of a free scalar has been well-studied~\cite{Casini2006,Casini2009, Dowker2015, ElvangPLB2015, Helmes2016, Bueno2019, Berthiere2018} and we summarize the results below.
It is important to distinguish the case where the boundary is smooth and those with sharp corners on the boundary.
First consider a smooth boundary. For a sphere of radius $R$, in $D=1,2,3$ we have:
\begin{equation}
S_2=
\begin{cases}
\frac{1}{6}\ln R & D=1\\
a_1\frac{R}{\epsilon} -\gamma & D=2\\
a_2\left(\frac{R}{\epsilon}\right)^2-\frac{1}{192}\ln \frac{R}{\epsilon} & D=3
\end{cases}.
\label{eqn:S2scaling}
\end{equation}
Here $\epsilon$ is a short-distance cutoff, e.g. the lattice spacing, $a_1, a_2$ non-universal coefficients and $\gamma$ a universal constant. For a more general smooth entangling boundary, in 2D the same form holds although the constant correction $\gamma$ depends on shape of the region. In 3D, it is known that the coefficient of the logarithmic divergent part of the Renyi entropy can be determined entirely from the local geometric data (e.g. curvature) of the surface in a general CFT~\cite{Solodukhin2008, Fursaev2012}.
If the boundary has sharp corners then there are additional divergent terms in the entropy. The prototypical case is $D=2$ when the entangling region has sharp corners. In that case
\begin{equation}
S_2=a_1\frac{l}{\epsilon}-s\ln \frac{l}{\epsilon},
\label{eq:eq16}
\end{equation}
where $l$ is the perimeter of the entangling region and $s$ is an universal function that only depends on the opening angles of the corners.
For real free scalar, the coefficient of the logarithmic correction is $s\approx 0.0260$ for a square region (so four $\pi/2$ corners, as those in Fig.~\ref{fig:fig1})~\cite{Casini2009, Helmes2016}.
Qualitatively, it is important that for $D=2,3$ the leading term in $S_2$ always obeys an ``perimeter'' law, i.e. it only depends on the ``area'' (length in 2D) of the entangling boundary. If instead we view $S_2$ as the disorder operator for the $\mathbb{Z}_2$ replica symmetry, the non-universal, cutoff-dependent perimeter term can be removed by redefining the disorder operator locally along the boundary, and the remaining term is universal. For $D=2$, the subleading term is either a \emph{negative} constant when the boundary is smooth, or a $\ln l$ correction with a \emph{negative} coefficient. So according to the relation Eq.~\eqref{eqn:S2=X}, the disorder parameter $\braket{X_M}$, after renormalizing away the perimeter term, does not decrease with the size of $M$, and therefore the corresponding $(D-1)$-form symmetry is spontaneously broken. This is consistent with the fact that the replica symmetry itself must be preserved as there is no coupling between the two copies.
Although the free Gaussian theory is unstable against quartic interactions below the upper critical dimension, and the actual critical theory is the interacting Wilson-Fisher fixed point, results from the free theory can still provide useful insights. It is well-known that for $D=1$, for $M$ an interval of length $R$ the disorder operator $\braket{X_M}\sim R^{-1/4}$, the same power-law decay as that of the Ising order parameter due to Kramers-Wannier duality. For $D=2$, we will resort to numerical simulations below to address the question.
Notice that the relation between $\langle X\rangle$ and $S_2$ essentially holds for all free theories, including free fermions. For example, the disorder operator associated with the fermion parity symmetry is also equal to $S_2$. Interestingly, for a Fermi liquid, it is well-known that $\ln \langle X\rangle = - S_2\sim -l^{D-1}\ln l$~\cite{Gioev2006, Wolf2006}, where here $l$ is the linear size of the region. This is an example of a gapless state where the $(D-1)$-form symmetry is preserved. Similar results hold for non-interacting bosonic systems with ``Bose surface''~\cite{LaiPRL2013}, an example of which in 2D is given by the exciton Bose liquid~\cite{ParamekantiPRB2002, TayPRL2010}:
\begin{equation}
H=\int\mathrm{d}^2\mathbf{r}\,\left[\frac{\pi^2}{2}+\kappa (\partial_x\partial_y \phi)^2\right].
\label{}
\end{equation}
\newline
In other words, to preserve both the $0$-form symmetry and the dual $(D-1)$-form symmetry, it is necessary to have a surface of gapless modes in the momentum space.
While analytical results discussed in this work are limited to free theories, we conjecture that similar scaling relations hold for interacting CFTs as well. To see why this is plausible, we notice that the entanglement Hamiltonian of a CFT is algebraically ``localized'' near the boundary of the subsystem~\cite{Casini2011}, which suggests that even for a non-local observable, such as the disorder operator, the major contribution is expected to come from the boundary, and hence a perimeter law scaling. We leave a more systematic study along these lines for future work. In Sec. \ref{sec:iv} we numerically confirm our conjecture for the Ising CFT in (2+1)d.
We now briefly discuss what happens if a small mass is turned on in Eq. \eqref{eqn:freeboson1}. Suppose we are in a gapped phase, and denote by $\xi$ the correlation length. In general, we expect that $S_2$ obeys an perimeter scaling in the gapped phase, namely the leading term in $S_2$ is given by $a\frac{R}{\epsilon}$. In 2D for a disk entangling region of radius $R$, we have~\cite{Metlitski2009EE}
\begin{equation}
S_2= a_{c}\frac{R}{\xi} + f\left( \frac{R}{\xi} \right).
\label{eq:eq17}
\end{equation}
Here $a_{c}$ is the value of $a$ at the critical point (which was denoted by $a_1$ in Eq. \eqref{eqn:S2scaling}). The function $f(x)$ satisfies
\begin{equation}
f(x)\rightarrow
\begin{cases}
rx & x\rightarrow \infty\\
-\gamma_c & x\rightarrow 0
\end{cases}.
\label{}
\end{equation}
Here $r$ is an universal constant (once the definition of $\xi$ is fixed). Suppose the transition is tuned by an external parameter $g$ and the critical point is reached at $g_c$. Since $\xi\sim (g-g_c)^{-\nu}$ where $\nu$ is the correlation length exponent, one finds that
\begin{equation}
a-a_c \sim (g-g_c)^{\nu},
\label{eq:eq19}
\end{equation}
\section{Order and disorder in Ising spin models}
\label{sec:iii}
In the following we study $1$-form symmetry breaking in the transverse field Ising (TFI) model which gives rise to the $(2+1)$d Ising transition. We have reviewed the connection with the $\mathbb{Z}_2$ gauge thory in Sec. \ref{sec:ii}, as well as the 1-form symmetry in the Ising spin system. We will now focus more on the quantitative aspects of the TFI model. Even though the TFI model and the $\mathbb{Z}_2$ lattice gauge theory are equivalent by the duality map, we choose to work with the TFI model here because the numerical simulation is more straightforward.
We will now consider a square lattice with one Ising spin per site, and the global Ising symmetry is generated by $S=\prod_\mb{r}\sigma_\mb{r}^x$. There are, generally speaking, two phases: a ``disordered'' phase, where the Ising symmetry is preserved by the ground state~\footnote{We note that there are in fact two distinct types of Ising-disordered phases in 2D, one trivial paramagnet and the other one a nontrivial Ising symmetry-protected topological phase.}, and an ordered phase where the ground states spontaneously break the symmetry. They are separated by a quantum phase transition, described by a conformal field theory with $\mathbb{Z}_2$ symmetry. It is well-understood how to characterize the Ising symmetry breaking (and its absence) in the three cases: consider the two-point correlation function of the order parameter $\sigma^z_\mb{r}$. The asympotic forms of the correlation function $\langle \sigma_\mb{r}^z\sigma_\mb{r'}^z\rangle$ for large $|\mb{r}-\mb{r}'|$ distinguish the three cases:
\begin{equation}
\langle \sigma_\mb{r}^z\sigma_\mb{r'}^z\rangle\sim
\begin{cases}
e^{-\frac{|\mb{r}-\mb{r}'|}{\xi}} & \text{disordered}\\
\frac{1}{|\mb{r}-\mb{r}'|^{2\Delta}} & \text{critical}\\
\text{const.} & \text{ordered}
\end{cases}.
\label{}
\end{equation}
In both the disordered phase and the quantum critical point, the Ising symmetry is preserved because of the absence of long-range order. The prototypical lattice model that displays all these features is the TFI model defined on a square lattice:
\begin{equation}
H=-\sum_{\langle \mb{r}\mb{r'}\rangle}\sigma_\mb{r}^z\sigma_{\mb{r}'}^z - h\sum_\mb{r} \sigma_\mb{r}^x, h\geq 0.
\label{eq:eq6}
\end{equation}
Note that this is the same as Eq. \eqref{eqn:TFI}, but we have set $J=1$ and renamed $K$ by $h$, to align with the standard convention in literature. The model is in the ordered (disordered) phase for $h\ll 1$ ($h\gg 1$). The precise location of the critical point varies with dimension, $h_c=1$ in $D=1$ and $h_c=3.044$ in $D=2$~\cite{Bloete2002,ZiHongLiu2019}.
\begin{figure}
\centering
\includegraphics[width=0.72\linewidth]{./figure/fig1.pdf}
\caption{Disorder operator $X$ applied on regions with different shapes: (a) $M$ is a square region with size $R\times R$ and perimeter $l$. (b) $M$ is a rectangular region with size $R\times 2R$.}
\label{fig:fig1}
\end{figure}
We will be interested in the disorder operator:
\begin{equation}
X_{ M}=\prod_{\mb{r}\in M}\sigma_\mb{r}^x,
\label{eq:eq8}
\end{equation}
where $M$ is a rectangle region in the lattice, illustrated in Fig.~\ref{fig:fig1}.
In Ref.~\onlinecite{ji2019categorical} this operator is called the patch symmetry operator.
When $X_M$ is applied to e.g. $\ket{\uparrow\cdots\uparrow}$, a domain wall is created along the boundary of the region $M$. These operators are charged under the dual $\mathbb{Z}_2$ 1-form symmetry. One can easily see that $\bra{\psi_{h=\infty}}X_M\ket{\psi_{h=\infty}}=1$, and $\bra{\psi_{h=0}}X_M\ket{\psi_{h=0}}=0$. More generally,
\begin{equation}
\bra{\psi}X_M\ket{\psi} \sim
\begin{cases}
e^{-al_M} & h>h_c\\
e^{-bA_M} & h<h_c
\end{cases}.
\label{eq:eq9}
\end{equation}
when $M$ is sufficiently large compared to the correlation length.
Here $l$ is the perimeter of the boundary of $M$, and $A$ is the area of $M$. The coefficients $a$ and $b$ can be computed perturbatively in the limit of large and small $h$. In 2D, take $M$ to be a square of perimeter $l$, so Perimeter$(M)=l$ and the Area$(M)=l^2/16$. We can find that for large $l$:
\begin{equation}
-\ln\langle X\rangle=
\begin{cases}
\frac{l}{8h^2} & h\gg h_c\\
\frac{1}{4}|\ln h| l^2 & h\ll h_c
\end{cases}.
\label{eq:eq10}
\end{equation}
\section{Numerical Simulations}
\label{sec:iv}
In this section we study the disorder operator in the (2+1)d TFI model.
We employ the Stochastic Series Expansion (SSE) quantum Monte Carlo method~\cite{sandvikTFIM,OFS2002,OFS2003,YDLiao2021} to simulate the Hamiltonian in Eq.~\eqref{eq:eq6}. In particular, to be able to directly access the disorder operator in Eq.~\eqref{eq:eq8}, instead of implementing the algorithm in the conventional $\sigma^{z}$ basis we choose to work in the $\sigma^{x}$ basis and construct the highly efficient directed loop algorithm therein~\cite{OFS2002}. The implementation details of the SSE-QMC algorithm are given in Appendix~\ref{sec:app2}.
In our numerical simulations, we choose $M$ to be a rectangular region of size $R_1\times R_2$ (i.e. the region contains $R_1R_2$ sites), and denote the perimeter $l=2(R_1+R_2)$. As shown in Fig.~\ref{fig:fig1} (a) and (b), for finite-size studies, we fix the aspect ratio $R_2/R_1=1$ of square shape and $2$ of rectangle shape. The linear system size of the lattice is $L$ and at the critical point we scale the inverse temperature $\beta=1/T \sim L$ to access the thermodynamic limit.
\begin{figure}[htp!]
\centering
\includegraphics[width=\columnwidth]{./figure/fig2.pdf}
\caption{$-\ln(\langle X \rangle)$ versus $l$ at $L=32$ for different $h$ in disordered phases. We use the straight line to fit the data of different external fields and put the obtained slopes in the inset, one sees that as $h\gg h_c$, the fitted slopes (blue circles) approach the predicted relation $y=\frac{1}{8h^{2}}$ (red line). The fitting errors are negligible compared to the circle size.}
\label{fig:fig2}
\end{figure}
\subsection{Disordered phase $h>h_c$}
First we present results in the disordered phase $h>h_c$. As shown in Eq.~\eqref{eq:eq9}, we expect that the disorder operator obeys a perimeter law scaling, and for $h\gg h_c$ the coefficient is given in Eq.~\eqref{eq:eq10}.
Fig.~\ref{fig:fig2} shows the QMC-obtained $\ln\langle X_M \rangle$ as a function of $l$ for different values of $h$. The temperature is taken to be $\beta=10$, and we have checked that the results already converge for this value of $\beta$. We observe a clear linear scaling, and the inset shows that for large field $h\gg h_c$, the slopes of the $\ln\langle X_M \rangle$ are indeed given by $1/8h^{2}$ asympototically.
\begin{figure}[htp!]
\centering
\includegraphics[width=\columnwidth]{./figure/fig3.pdf}
\caption{$\ln(a_{c} - a)$ versus $\ln(h-h_{c})$ in the disordered phase for $L=24$ when $h$ is approaching the critical point. The fitted slope (red line) is $0.63\pm 0.02$, consistent with the correlation length exponent of the $(2+1)$d Ising transition, as expected in Eq.~\eqref{eq:eq19}.}
\label{fig:fig3}
\end{figure}
Now we consider the other limit, when $h$ is approaching the critical point $h_c$ from the disordered side. To test the scaling given in Eq.~\eqref{eq:eq19}, we measure the disorder operator and find the slope $a$ by a linear fit. Fig.~\ref{fig:fig3} shows $a_c-a$ as a funtion of $h-h_c$ in a log-log plot. A clear power law manifests in the data, and the exponent is found to be $\nu=0.63(2)$. Considering the finite-size effect, the result agrees very well with the 3D Ising correlation length exponent.
\subsection{Critical point $h=h_c$}
The central question to be addressed is whether the $\mathbb{Z}_2$ 1-form symmetry is spontanously broken at the critical point. To this end, we measure the disorder operator $\langle X \rangle$ at $h=h_c$ and scale the inverse temperature $\beta=L$ in these simulations. We have also checked that finite-$\beta$ effect is negligible in our calculations.
Fig.~\ref{fig:fig4} shows $\ln\langle X_{M} \rangle$ as a funtion of the perimeter $l$, where $M$ is taken to be a square region, as illustrated in Fig.~\ref{fig:fig1} (a). Results for different system sizes $L=8,16,24,32,40$ are presented and it is clear that the finite-size effect is negligible. The data clearly demonstrates a linear scaling as in Eq.~\eqref{eq:eq16} and the slope $a_1$ quickly converges to $0.0394 \pm 0.0004$.
\begin{figure}[htp!]
\centering
\includegraphics[width=\columnwidth]{./figure/fig4.pdf}
\caption{$-\ln(\langle X \rangle)$ versus $l$ at the critical point. We use the relation of Eq.~\eqref{eq:eq16} to fit the data and the fitted curve of the data upto $L=40$ is $-\ln(\langle X \rangle)=(0.0394 \pm 0.0004)l-(0.0267 \pm 0.005)\ln(l)-(0.0158 \pm 0.008)$.}
\label{fig:fig4}
\end{figure}
As we have explained, the boundary of $M$ generally contributes to the disorder operator a term proportional to the perimeter. To detect 1-form symmetry breaking, we need to check whether $\langle X\rangle$ depends on the area or not. For this purpose, we consider rectangular regions with different aspect ratios: one with $1:1$ (Fig.~\ref{fig:fig1} (a)) and the other with $1:2$ (Fig.~\ref{fig:fig1} (b)), and present the results of $\langle X \rangle$ at the $h=h_c$ together in Fig.~\ref{fig:fig5}. It can be seen that the two sets of data basically fall on the same curve, indicating that the disorder parameter only depends on the perimeter.
\begin{figure}[htp!]
\centering
\includegraphics[width=\columnwidth]{./figure/fig5.pdf}
\caption{$-\ln \langle X_M\rangle$ versus $l$ at the phase transition point for $M$ with the shape $R\times R$ (already shown in Fig.~\ref{fig:fig4}) and $R \times 2R$, for system size $L=32$. The blue line represents the fitted curve of the data for $R\times 2R$ using the relation specified in Eq.~\eqref{eq:eq16}. The fitted result of $R\times 2R$ is $-\ln\langle X \rangle=(0.0397 \pm 0.0002)l-(0.0279 \pm 0.003)\ln(l)-(0.0192 \pm 0.006)$ and for $R\times R$ at $L=32$ the result is $-\ln\langle X \rangle=(0.0399 \pm 0.0003)l-(0.0272 \pm 0.004)\ln(l)-(0.0162 \pm 0.005)$. The coefficients are indistiguishable within errorbars.}
\label{fig:fig5}
\end{figure}
Given the relation between $\langle X_M\rangle$ and the Renyi entropy in the free theory, let us examine possible corner contributions to $\langle X_M\rangle$, which is parameterized in the coefficient $s$ of Eq.~\eqref{eq:eq16}. We fit the data points in Fig.~\ref{fig:fig5} to Eq.~\eqref{eq:eq16}, which yields $s=0.0272 \pm 0.004$, close to the free value. We perform the same fit for data points with aspect ratio $1:2$ and obtain essentially the same results ($s=0.0279\pm 0.003$). The agreement between the fitting results for regions with different aspect ratios again lends strong support for the perimeter dependence of $\langle X_M\rangle$ even beyond the leading order, and consequently the 1-form symmetry breaking at the $(2+1)$d Ising CFT.
The convergence of the coefficients $a_1$, $s$ and $a_0$ versus the linear system size $L$ is given in Fig.~\ref{fig:fig7} in Appendix~\ref{Sec:appB3}.
\subsection{Ordered phase $h<h_c$}
For $h<h_c$ where Ising spins order ferromagnetically, our algorithm becomes inefficient because we choose to work in the $\sigma^x$ basis to facilitate the computation of the disorder operator. Nevertheless, simulations indeed find that the disorder parameter decays much more rapidly with the linear size of the region, consistent with the area law in Eqs.~\eqref{eq:eq5} and \eqref{eq:eq9}. $-\ln \langle X_M\rangle$ as a function of $l^2$ is shown in Fig.~\ref{fig:fig6} for different values of $h$ below the critical value. It is clear that as we go deep into the ordered phase, the slope $b$ increases as expected and the data points converge to a straight line for large $l^2$. For $h=3.0$ very close to the critical point, one can observe that for relatively small values of $l^2$ the data points do not scale linearly, which can be attributed to a subleading perimeter dependence.
\begin{figure}
\centering
\includegraphics[width=\columnwidth]{./figure/fig6.pdf}
\caption{$-\ln \langle X\rangle$ versus $l^2$ when $L=16$ and $\beta=32$. The transverse fields are chosen from inside the ordered phase ($h=2.5$) to near the critical point ($h=3.0$). The area law scaling in the disorder operator clearly manifests, and the slope increases as as one moves deeper in the ferromagnetic phase.
\label{fig:fig6}
\end{figure}
\section{Conclusion and Discussion}
\label{sec:v}
As discussed in the beginning of the paper, in recent years, new types of quantum phases and phase transitions that are ``beyond Laudau'' are flourishing, exhibiting topological order, emergent gauge field and fractionalization. Higher-form symmetries and their spontaneous breaking are new conceptual tools introduced to provide an unified framework for both conventional and exotic phases. A quantum phase, gapped or gapless, is fundamentally characterized by its emergent symmetry and the associated anomaly. While the philosophy went back to the Landau classification of phase transitions, the power of this perspective has only begun to unfold recently with the introduction of generalized global symmetries.
Here we re-examine the familiar Ising symmetry-breaking transition, arguably the simplest conformal field theory, from the emergent symmetry perspective. A $D$-dimensional Ising system has a ``hidden'' $\mathbb{Z}_2$ $(D-1)$-form symmetry, whose charges are Ising domain walls. Gapped phases in this system are associated to the spontaneous breaking of the enlarged symmetry (0-form and $(D-1)$-form symmetries). It is then of great interest to determine the symmetry breaking pattern at the critical point, to complete our understanding of the global phase diagram from the emergent symmetry point of view.
In this work we determine the scaling form of the disorder operator in Ising CFTs when $D>1$. The most challenging case is $D=2$ where the transition is described by the interacting Wilson-Fisher fixed point, and we exploit large-scale quantum Monte Carlo simulations. We use the disorder operator of the Ising system to probe the breaking of the dual higher-form symmetry. We find numerically that at the critical point of the 2D quantum Ising model, the one-form disorder operator exhibits sponatenous symmetry breaking as in the disordered phase, whereas in the ordered phase, the one-form symmetry is intact.
The disorder operator is intimately related to a line defect (also called a twist operator) in a Ising CFT, around which the spin operator sees an anti-periodic boundary condition. In fact, a line defect is nothing but the boundary of a disorder operator. It is believed that in general such a line defect can flow to a conformal one at low energy, which is indeed consistent with a perimeter law scaling for the expectation value of the disorder operator~\footnote{We are grateful for Shu-Heng Shao for discussions on this point.}. Local properties of disorder line defects have been previously investigated in Ref. [\onlinecite{Billo2013}] and [\onlinecite{Gaiotto2013}]. It will be interesting to understand the relation between the local properties with the universal corner contributions to the disorder operator~\cite{Bueno2015}.
Our findings, besides elucidating the physics of quantum Ising systems from a new angle, provides a working example of higher-form symmetry at practical use.
Similar physical systems can be studied, for example, the disordered operator constructed in this work is readily generalized to the $(2+1)$d XY transition and can be measured with unbiased QMC simulations. Another important direction is to study other higher-form symmetry breaking transitions, such as 1-form symmetry breaking transition in 3D systems. It would also be interesting to investigate the ultility of the disorder operator in the topological Ising paramagnetic phase.
More applications in quantum lattice models are awaiting to be explored, and will certainly lead to new insight for a new framework that unifies our understanding of the exotic quantum phases and transitions going beyond the Landau paradigm and those within.
{\it Note added.-} We would like to draw the reader’s attention to few closely related recent works by X.-C. Wu, C.-M. Jian and C. Xu~\cite{XCWu2020,XCWu2021} and by some of the present author on scaling of disorder oeprator at $(2+1)$d U(1) quantum criticality~\cite{YCWang2021}.
\section*{Acknowledgement}
JRZ, ZY and ZYM thank the enjoyable discussions with Yan-cheng Wang and Yang Qi and acknowledge the support from the RGC of Hong Kong SAR of China
(Grant Nos. 17303019 and 17301420), MOST through the
National Key Research and Development Program (Grant
No. 2016YFA0300502) and the Strategic Priority Research
Program of the Chinese Academy of Sciences (Grant No.
XDB33000000). We are grateful for Xiao-Gang Wen, Shu-Heng Shao and William William-Krempa for helpful comments. MC would like to thank Zhen Bi, Wenjie Ji and Chao-Ming Jian for enlightening discussions and acknowledges support from NSF (DMR-1846109). We thank the Computational Initiative at the
Faculty of Science and the Information Technology Services at the University of Hong Kong, and the
Tianhe-1A, Tianhe-2 and Tianhe-3 prototype platforms at the
National Supercomputer Centers in Tianjin and Guangzhou for
their technical support and generous allocation of CPU time.
\section{Free scalar field}
\label{sec:app1}
In this appendix, we calculate the disorder operator in a Gaussian fixed point and prove that its expectation value is intimately related to the evaluation of the 2nd Renyi entropy.
Consider a free scalar field in $d$ spatial dimensions:
\begin{equation}
H=\frac{1}{2}\int\mathrm{d}^d\mb{x}\, \big[\pi(\mb{x})^2 + (\nabla \phi(\mb{x}))^2\big].
\label{}
\end{equation}
The theory has a $\mathbb{Z}_2$ symmetry $X: \phi\rightarrow -\phi$.
To calculate the disorder operator, let us regularize the theory on a lattice:
\begin{equation}
H=\frac{1}{2}\sum_i \pi_i^2 + \frac{1}{2}\sum_{ij}\phi_iK_{ij}\phi_j.
\label{}
\end{equation}
Here $i, j, \dots$ label lattice sites. Define $W= \sqrt{K}$. In the $\phi$ basis, the ground state wavefunction is given by
\begin{equation}
\Psi(\phi)=\left(\det \frac{W}{\pi}\right)^{1/4} e^{-\frac{1}{2}\phi^\mathsf{T} W \phi}.
\label{}
\end{equation}
The reduced density is then
\begin{equation}
\rho(\phi, \phi')=\Psi^*(\phi)\Psi(\phi')=\sqrt{\det\frac{W}{\pi}} e^{-\frac{1}{2}(\phi^\mathsf{T} W \phi + {\phi'}^\mathsf{T} W\phi')}.
\label{}
\end{equation}
Consider a region $M$, and represent the covariance matrix $W$ as
\begin{equation}
W =
\begin{pmatrix}
A & B \\
B^\mathsf{T} & C
\end{pmatrix},
\label{}
\end{equation}
where the block $B$ ($C$) are the restriction of the matrix $W$ to sites inside (outside) $M$.
\begin{eqnarray}
\rho_M(\phi_\mathrm{i}, \phi_\mathrm{i}') &=& \int\cal{D}\phi_\mathrm{o}\,\rho(\{\phi_\mathrm{i}, \phi_\mathrm{o}\},\{\phi_\mathrm{i}', \phi_\mathrm{o}\}) \nonumber\\
&=&\sqrt{\det\frac{W}{\pi}} e^{-\frac{1}{2}(\phi_\mathrm{i}^\mathsf{T} A\phi_\mathrm{i} + {\phi_\mathrm{i}'}^\mathsf{T} A\phi_\mathrm{i}')}\int\cal{D}\phi_\mathrm{o}\,e^{-\phi_\mathrm{o}^\mathsf{T} C\phi_\mathrm{o} + (\phi_\mathrm{i}+\phi_\mathrm{i}')^\mathsf{T} B\phi_\mathrm{o}} \nonumber\\
&=& \sqrt{\det\frac{W}{\pi}} e^{-\frac{1}{2}(\phi_\mathrm{i}^\mathsf{T} A\phi_\mathrm{i} + {\phi_\mathrm{i}'}^\mathsf{T} A\phi_\mathrm{i}')} \frac{1}{\sqrt{\det \frac{C}{\pi}}}e^{\frac{1}{4}(\phi_\mathrm{i}+\phi_\mathrm{i}')^\mathsf{T} B^\mathsf{T} C^{-1}B (\phi_\mathrm{i}+\phi_\mathrm{i}')}.
\label{}
\end{eqnarray}
We use the identity that
\begin{equation}
\begin{split}
\det W &= \det (A-B^\mathsf{T} C^{-1}B) \det C\\
\end{split}
\label{}
\end{equation}
The reduced density matrix
\begin{equation}
\rho_M(\phi, \phi')= \sqrt{\det \frac{A-B^\mathsf{T} C^{-1}B}{\pi}}\,e^{-\frac{1}{2}(\phi^\mathsf{T} A\phi + {\phi'}^\mathsf{T} A\phi')+\frac{1}{4}(\phi+\phi')^\mathsf{T} B^\mathsf{T} C^{-1}B (\phi+\phi')}
\label{}
\end{equation}
Now we can calculate the disorder operator:
\begin{eqnarray}
\langle X_M\rangle &=& \Tr (\rho_M X) \nonumber\\
&=& \int \mathcal{D}\phi\mathcal{D}\phi'\, \langle \phi|\rho_M|\phi'\rangle\langle \phi'|U|\phi\rangle\nonumber\\
&=& \int \mathcal{D}\phi\, \langle \phi|\rho_M|\mathrm{-}\phi\rangle \nonumber\\
&=& \sqrt{\frac{\det (A-B^\mathsf{T} C^{-1}B)}{\det A}}\nonumber\\
&=&\sqrt{\det(\mathds{1}-A^{-1/2}B^\mathsf{T} C^{-1}B A^{-1/2})}.
\label{}
\end{eqnarray}
The second Renyi entropy
\begin{eqnarray}
e^{-S_2} &=& \Tr \rho_M^2 \nonumber\\
&=&\int\cal{D}\phi\cal{D}\phi'\, \rho_M^2(\phi, \phi')\nonumber\\
&=& \det \frac{A-B^\mathsf{T} C^{-1}B}{\pi}\int\cal{D}\phi\cal{D}\phi' \,e^{-\phi^\mathsf{T} A\phi - {\phi'}^\mathsf{T} A\phi'+\frac{1}{2}(\phi+\phi')^\mathsf{T} B^\mathsf{T} C^{-1}B (\phi+\phi')}\nonumber\\
&=&\det \frac{A-B^\mathsf{T} C^{-1}B}{\pi}\int\cal{D}\phi_+\cal{D}\phi_- \, e^{- \phi_+^\mathsf{T} A \phi_+ - \phi_-^\mathsf{T} A\phi_- + \phi_+^\mathsf{T} B^\mathsf{T} C^{-1}B \phi_+} \nonumber\\
&=& \sqrt{\det(\mathds{1}-A^{-1/2}B^\mathsf{T} C^{-1}B A^{-1/2})}.
\label{}
\end{eqnarray}
Here $\phi_\pm = \frac{\phi\pm \phi'}{\sqrt{2}}$. Thus we have found $e^{-S_2}=\langle X_M\rangle$.
\end{document}
|
\section{Introduction}
\input{figures/teaser.tex}
Machine learning models trained on a certain data distribution often fail to generalize to samples from different distributions.
This phenomenon is commonly referred to in literature as \textit{domain shift between training and testing data}~\cite{sugiyama2007mixture,luo2019taking}, and is one of the biggest limitations of data driven algorithms.
Assuming the availability of few annotated samples from the test domain, the problem can be mitigated by fine-tuning the model with explicit supervision~\cite{yosinski2014transferable} or with domain adaptation techniques~\cite{wang2018deep}.
Unfortunately, this assumption does not always hold in practice as it is often unfeasible in real scenarios to collect samples for any possible environment.
\textit{Domain generalization} refers to algorithms to solve the \textit{domain shift} problem by learning models robust to unseen domains.
Several works leverage different domains at training time to learn a domain-invariant feature extractor~\cite{muandet2013domain,ghifary2015domain,koch2015siamese,motiian2017unified,li2018domain}.
Other works focus on optimizing the model parameters to obtain consistent performance across domains via ad-hoc training policies~\cite{tobin2017domain,shankar2018generalizing,volpi2018generalizing,li2019episodic}, while a different line of work requires modifications to the model architecture to achieve domain invariance~\cite{khosla2012undoing,li2017deeper,ding2017deep,mancini2018best}.
While these methods try to extract domain-invariant features, we go in the opposite direction and explicitly leverage domain-specific representations by collecting domain-dependent batch normalization (BN) statistics for each of the domains available at training time.
By doing so, we train a lightweight ensemble of domain-specific models sharing all parameters except for BN statistics.
Peculiarly to our proposal, we use the accumulated statistics to map each domain as a point in a \emph{latent space of domains}.
We will refer to this mapping as the Batch Normalization Embedding (BNE{}) of a domain.
\autoref{fig:teaser} sketches a visualization of such space for the case of three domains available at training time (\eg Photo, Art Painting and Cartoon).
At convergence, each training domain is mapped to a single point in the domain space. Then, at test time unseen samples from unknown domains can be mapped to the same space by means of their instance normalization statistics.
By measuring the distances between the instance normalization statistics of the test sample (black dot) and the accumulated population statistics of each domain (colored dots), we can infer properties of the unknown test domain.
Specifically, we leverage the reciprocal of such distances at test time to weigh the domain-specific predictions of our lightweight ensemble and accurately classify an unseen sample from an unknown domain.
The same combination of domain-specific models can be used at training time on samples from the known domains to force the ensemble to learn a meaningful latent space and logits that can be linearly combined according to the proposed weighting strategy.
To sum up the contributions of our work:
(i) we propose to accumulate domain-specific batch normalization statistics accumulated on convolutional layers to map image samples into a latent space where membership to a domain can be measured according to a distance from domain BNE{}s;
(ii) we propose to use this concept to learn a lightweight ensemble model that shares all parameters excepts the normalization statistics and can generalize better to unseen domains;
(iii) compared to previous work, we do not discard domain-specific attributes but exploit them to learn a domain latent space and map unknown domains with respect to known ones;
(iv) our method can be applied to any modern Convolutional Neural Network (CNN) that relies on batch normalization layers, and scales gracefully to the number of domains available at training time.
\section{Related Work}
\noindent\textbf{Domain Generalization.}
Most domain generalization works attempt to expose the model to domain shift at training time to generalize to unseen domains.
Invariance can be encouraged at multiple levels:
\textit{Feature-level,}
denotes methods deriving domain-invariant features by minimizing a discrepancy between multiple training domains.
Ghifary \etal~\cite{ghifary2015domain} brought domain generalization to the attention of the deep learning community by training multi-task autoencoders to transform images from one source domain into different ones, thereby learning invariant features.
Analogously, Li \etal~\cite{li2018domain} extended adversarial autoencoders by minimizing the Maximum Mean Discrepancy measure to align the distributions of the source domains to an arbitrary prior distribution via adversarial feature learning.
Conditional Invariant Adversarial Networks~\cite{li2018deep} have been proposed to learn domain-invariant representations, whereas Deep Separation Networks~\cite{bousmalis2016domain} extract image representations partitioned into two sub-spaces: one unique to each domain and one shared.
Differently, Motiian \etal~\cite{motiian2017unified} propose to learn a discriminative embedding subspace via a Siamese architecture~\cite{koch2015siamese}.
Episodic training~\cite{li2019episodic} was proposed to train a generic model while exposing it to domain shift.
In each episode, a feature extractor is trained with a badly tuned classifier (or vice-versa) to obtain robust features.
Recently, \cite{matsuura2020domain} proposed a method to simultaneously discover latent domains by clustering featuring together and minimizing feature discrepancy between them.
For all these methods, the limited variety of domains to which the model can be exposed at training time can limit the magnitude of the shift to which the model learns invariance.
\textit{Data-level,}
denotes methods attempting to reduce the training set domain bias by augmenting the cardinality and variety of the samples.
Data augmentation methods based on domain-guided perturbations of input samples~\cite{shankar2018generalizing} or on adversarial examples~\cite{volpi2018generalizing} have been proposed with the purpose of training a model to be robust to distribution shift.
Domain randomization was adopted~\cite{tobin2017domain,loquercio2019deep} to solve the analogous problem of transferring a model from synthetic to real data by extending synthetic data with random renderings.
By performing data augmentation those methods force the feature extractor to learn domain-invariant features, while we argue that discarding domain-specific information might be detrimental for performance.
\textit{Model-based,}
denotes methods relying on ad-hoc architectures to tackle the domain generalization problem.
\cite{li2017deeper} introduced a low-rank parameterized CNN model, a dynamically parameterized neural network that generalizes the shallow binary undo bias method~\cite{khosla2012undoing}.
Similarly, a structured low-rank constraint is exploited to align multiple domain-specific networks and a domain-invariant one in~\cite{ding2017deep}.
Mancini \etal~\cite{mancini2018best} train multiple domain-specific classifiers and estimate the probabilities that a target sample belongs to each source domain to fuse the classifiers' predictions.
A recent work~\cite{carlucci2019domain} proposes an alternative approach to tackle domain generalization by teaching a model to simultaneously solve jigsaw puzzles and perform well on a task of interest.
Most of these methods require changes to state-of-the-art architectures, resulting in an increased number of parameters or complexity of the network.
\textit{Meta-learning,}
denotes methods relying on special training policies to train models robust to domain shift.
\cite{li2018learning} extend to domain generalization the widely used model agnostic meta learning framework~\cite{finn2017model}.
\cite{balaji2018metareg} propose a novel regularization function in a meta-learning framework to make the model trained on one domain perform well on another domain.
\cite{huang2020self} propose a training heuristic that iteratively discards the dominant features activated on the training data, challenging the model to learn more robust representations.
A gradient-based meta-train procedure was introduced by \cite{dou2019domain} to expose the optimization to domain shift while regularizing the semantic structure of the feature space.
These methods simulate unseen domains by splitting the training data in a meta-training set and meta-test set, therefore are inherently bounded by the variety of the samples available at training time.
\noindent\textbf{Batch Normalization for distribution alignment.}
The use of separate batch normalization statistics to align a training distribution to a test one has been firstly introduced for domain adaptation~\cite{carlucci2017autodial,carlucci2017just,li2018adaptive}.
The same domain-dependent batchnorm layer has been adapted to the multi-domain scenario~\cite{mancini2018boosting, mancini2018robust} and exploited in a graph-based method~\cite{mancini2019adagraph} that leverages domain meta-data to better align unknown domains to the known ones.
All these works, however, require some representation of the target domain to perform the alignment during training, using either samples or meta-data describing the target domain.
Our approach instead does not rely on any external source of information regarding the target domain.
Domain-specific normalization layers have only recently been proposed for domain generalization in \cite{seo2019learning}, where a cluster of networks is trained to learn an optimal mixture of instance and batch normalization.
\section{Method}
The core idea of our method is to exploit domain-specific batch normalization statistics to map known and unknown domains in a shared latent space, where domain membership of samples can be measured according to their distance from the domain embeddings of the known domains.
\subsection{Problem Formulation}
\label{ssec:notation}
Let $\set{X}$ and $\set{Y}$ denote the input (\eg images) and the output (\eg object categories) spaces of a model.
Let \mbox{$\set{D} = \{d_i\}_{i=1}^{K}$} denote the set of the ${K}$ source domains available at training time.
Each domain $d_i$ can be described by an unknown conditional probability distribution \mbox{$\domainDistribution{d_i}=p(y|x,i)$} over the space $\set{X}{} \times \set{Y}{}$.
The aim of a machine learning model is to learn the probability distribution \mbox{$p^{y}_{x}=p(y|x)$} of the training set~\cite{bridle1990probabilistic} by training models to learn a mapping $\set{X}\rightarrow\set{Y}$.
We propose to use a lightweight ensemble of models to learn a mapping $(\set{X}, \set{D})\rightarrow\set{Y}$ that leverages the domain label to model a set of conditional distributions $\{\domainDistribution{d_i}\}_{i=1}^{K}$, each conditioned on the domain membership.
Let $t$ be a generic target domain available only at testing time and following the unknown probability distribution $\domainDistribution{t}$ over the same space.
Since it is not possible to learn the target distribution $\domainDistribution{t}$ during training, the goal of our method is to accurately estimate it as a mixture (\ie linear combination) of the learned source distributions $\domainDistribution{d_i}$.
For each source domain $d \in \set{D}$, a training set \mbox{${\set S}_d = \{(x_{1_d}, y_{1_d}), ..., (x_{n_d}, y_{n_d})\}$} containing $n_d$ labelled samples is provided.
The test set \mbox{$\set T = \{x_{1_t}, ..., x_{n_t}\}$} is composed of $m_t$ unlabelled samples collected from the unknown marginal distribution $p^{x}_t$ of the target domain $t$.
As opposed to the domain adaptation setting, we assume that target samples are not available at training time, and that each of them might belong to a different unseen domain.
\subsection{Multi-Source Domain Alignment Layer}
\label{ssec:multi_source_bn}
Neural networks are particularly prone to capture dataset bias in their internal representations~\cite{li2016revisiting}, making internal features distributions highly domain-dependent.
To capture and alleviate the distribution shift that is inherent in the multi-source setting, we draw inspiration from~\cite{carlucci2017just,mancini2018boosting, mancini2018robust, seo2019learning} and adopt batch normalization layers~\cite{ioffe2015batch} to normalize the activations of each domain to the same reference distribution via \emph{domain-specific normalization statistics}.
At inference time, the activations of a certain domain $d$ are normalized by matching their first and second order moments, nominally $(\mu_d{}, \sigma^2_d{}$), to those of a reference Gaussian with zero mean and unitary variance:
\begin{align} \label{eq:batch_normalization}
BN(z;d{}) = \frac{z - \mu_d{}}{\sqrt{\sigma^2_d{} + \epsilon}},
\end{align}
where $z$ is an input activation extracted from the marginal distribution $q^z_d$ of the activations from the domain $d$; \mbox{$\mu_d = \EX_{z \sim q^z_d}[z]$} and \mbox{$\sigma^2_d = Var_{z \sim q^z_d}[z]$} are the population statistics for the domain $d$, and $\epsilon>0$ is a small constant to avoid numerical instability.
At training time, the layer collects and applies domain-specific batch statistics $(\tilde{\mu}_d, {\tilde{\sigma}_d}^2)$, while updating the corresponding moving averages to approximate the domain population statistics.
At inference time, if the domain label $d$ of a test sample is unknown or it does not belong to \set{D}{}, we can still rely on normalization by \emph{instance statistics}, \ie the degenerate case of batch statistics with batch size equal to $1$.
\input{figures/method.tex}
\autoref{fig:method} (a) depicts the functioning of a multi-source domain generalization layer.
Our method builds on the observation that for convolutional layers instance statistics and batch statistics are approximations of the same underlying distribution with different degrees of noise.
Since the population statistics are a temporal integration of the batch statistics, the validity of this statement extends to the comparison with them.
For example, statistics for a single channel in the case of a batch normalization layer applied on a 2D feature map of size $H \times W$, for a generic batch size $B$ (\textit{batch statistics}) and for $B=1$ (\textit{instance statistics}), are computed as:
\begin{equation} \label{eq:batch_statistics}
\begin{split}
\tilde{\mu} &= \frac{1}{B \cdot H \cdot W} \sum_{b,h,w} z_{b,h,w} \\
&\stackrel{(B=1)}{=} \frac{1}{H \cdot W} \sum_{h,w} z_{h,w}
\end{split}
\end{equation}
\begin{equation}
\begin{split}
\tilde{\sigma}^2 &= \frac{1}{B \cdot H \cdot W} \sum_{b,h,w} (z_{b,h,w} - \tilde{\mu})^2 \\
&\stackrel{(B=1)}{=} \frac{1}{H \cdot W} \sum_{h,w} (z_{h,w} - \tilde{\mu})^2,
\end{split}
\end{equation}
where $\tilde{\mu}$ and ${\tilde{\sigma}}^2$ are respectively the batch mean and variance and $z_{b,h,w}$ is the value of a single element of the feature map.
If we consider $z_{b,h,w}$ to be described by a normally distributed random variable $Z \sim \set N(\mu,{\sigma}^2)$, then the instance and batch statistics are an estimate of the parameters of the same gaussian computed over a different number of samples, $H \cdot W$ and $B \cdot H \cdot W$ respectively.
In the next section, we explain how we exploit this property to map source domains and unseen samples from unknown domain into the same latent space.
\subsection{Domain Localization in the Batchnorm Latent Space}
\label{ssec:projection}
The domain alignment layers described in~\autoref{ssec:multi_source_bn} allow to learn the multiple source distributions $\{\domainDistribution{d}\}_{d \in \set D}$ distinctly.
By leveraging them, we can learn a lightweight ensemble of domain-specific models, where every network shares all the weights except for the normalization statistics.
Since such a lightweight ensemble nicely embodies the multiple source distributions, we propose to reduce the domain shift on the unknown target domain by interpolating across these distributions to estimate the unknown distribution $\domainDistribution{t}$.
The resulting target distribution is a weighted mixture of the distributions in the ensemble, for which the choice of the weights depends on the \emph{similarity} of a test sample to each source domain.
We denote with a $l \in \set B = \{1, 2, ..., L\}$ in superscript notation the different batch normalization layers in the model.
For each of them we can define a latent space $\set L^l$ spanned by the activation statistics at the $l-th$ layer of the model.
In this space, we observe that single samples $x$ are mapped via their instance statics $(\tilde{\mu},\tilde{\sigma}^2)$, whereas the population statistics accumulated for each domain $(\mu_d{}, \sigma^2_d{})$ are used to represent domain centroids.
\autoref{fig:method}-(b) shows a visualization of the latent space $\set L^1$ for the PACS dataset~\cite{li2017deeper}, composed of $4$ domains, and $3$ of which (\eg \textit{Art Painting}, \textit{Cartoon}, \textit{Photo}) assumed available at training time.
Population (big green dots) and instance (small dots) statistics are respectively used to project domains and individual samples.
We rely on t-SNE\cite{maaten2008visualizing} to visualize instance and population statistics of source and target samples, and we observe how the latent space that we propose allows a spontaneous and stark division between domain clusters.
Considering all latent spaces at different layers, we define a batch normalization embedding (BNE{}) for a certain domain $d$ as the stacking of the population statistics computed at every layer:
\begin{align} \label{eq:domain_embedding}
e_d &= [e_d^1, e_d^2, ..., e_d^L] \\
&= [(\mu_d^1,{\sigma_d^1}^2), (\mu_d^2,{\sigma_d^2}^2), ..., (\mu_d^L,{\sigma_d^L}^2)]. \notag
\end{align}
For a target sample ${x_t}$ from an unknown domain $t$, we can derive a projection to the same space by forward propagating it through the network and computing its instance statistics.
The latent embedding $r_t$ of ${x_t}$ is defined as the stacked vector of its instance statistics at different batch normalization layers in the network:
\begin{align} \label{eq:target_embedding}
r_t &= [r_t^1, r_t^2, ..., r_t^L] \\
&= [(\mu_t^1,{\sigma_t^1}^2), (\mu_t^2,{\sigma_t^2}^2), ..., (\mu_t^L,{\sigma_t^L}^2)]. \notag
\end{align}
Each $r_t^l$ represents the instance statistics collected at a certain layer $l$ during forward propagation and can be used to map the sample ${x_t}$ in the latent space $\set L^l$ of layer $l$.
Once the BNE{} for the test sample is available, it is possible to measure the \textit{similarity} of a target sample ${x_t}$ to one of the known domains $d$ as the inverse of the distance between $r_t$ and $e_d$.
By extension, this allows a soft 1-Nearest Neighbour domain classification of any test sample.
To compute a distance between two points in $\set L^l$, we consider the means and variances of the corresponding batch normalization layer as the parameters of a multivariate Gaussian distribution.
We can hence adopt a distance on the space of probability measures, \ie a symmetric and positive definite function that satisfies the triangle inequality.
We select the \textit{Wasserstein distance} for the special case of two multivariate gaussian distributions, but we report a comparison to alternative distances in the supplementary material.
Let $p \sim \set N (\mu_p , C_p)$ and $q \sim \set N (\mu_q , C_q)$ be two normal distributions on $R^n$, with expected value $\mu_p$ and $\mu_q \in R^n$ respectively and $C_p$, $C_q \in R^{n \times n}$ covariance matrices.
Denoting with $||\cdot||_2$ the Euclidean norm on $R^n$, the \textit{2-Wasserstein distance} is:
\begin{align} \label{eq:wasserstein_distance}
\set W (p, q) &= \phi ((\mu_p , C_p), (\mu_q , C_q)) \\
&= ||\mu_p - \mu_q||_2^2 + Tr(C_p + C_q - 2(C_q^{\frac{1}{2}}C_pC_q^{\frac{1}{2}})^{\frac{1}{2}}), \notag
\end{align}
$Tr$ being the trace of the matrix.
We rely on \autoref{eq:wasserstein_distance} to measure the distance between a test sample ${x_t}$ and the domain $d$ by summing over the batch normalization layers $l \in \set B$ the distance between the activation embeddings $r_t^l$ and $e_d^l$:
\begin{align} \label{eq:total_distance}
D_{\set L}(e_d, r_t) &= \sum_{l \in \set B} \set W (e_d^l, r_t^l) \\
&= \sum_{l \in \set B} \phi ((\mu_d^l , Diag({\sigma_d^l}^2)), (\mu_{{x_t}}^l , Diag({\sigma_{{x_t}}^l}^2))). \notag
\end{align}
\autoref{eq:batch_statistics} shows that instance and batch statistics differ only for the number of samples over which they are estimated, making the comparison meaningful.
The \textit{similarity} of a test sample ${x_t}$ to the domain $d$ is defined as the reciprocal of the distance from that domain and denoted as $w^t_d$.
Once the similarity to each source domains is computed, we can use them to recover the unknown target distribution $\domainDistribution{t}$ as a mixture (\ie a linear combination) of the learned source distributions $\domainDistribution{d}$ weighted by the corresponding domain similarity:
\begin{align} \label{eq:target_mixture}
\domainDistribution{t} = \frac{\sum_{d \in \set D} w^t_d \domainDistribution{d}}{\sum_{d \in \set D} w^t_d}.
\end{align}
We denote with $f(\cdot)$ the result of a forward pass in a neural network.
We get the final prediction of our lightweight ensemble model $f({x_t})$ as a linear combination of the domain dependant models $f({x_t}|d)$:
\begin{align} \label{eq:weighted_prediction}
f({x_t}) = \frac{\sum_{d \in \set D} w^t_d f({x_t} | d{})}{\sum_{d \in \set D} w^t_d},
\end{align}
\autoref{fig:method}-(b) shows a visualization of our localization technique superimposed over the t-SNE plot of instance and population statistics.
By measuring the distance of a test samples (yellow dot) from the training domain embeddings (big green dots), we obtain ad-hoc mixture coefficients for each test sample.
Our formulation allows to navigate in the latent space of the batchnorm statistics.
Specifically, if a test sample belongs to one of the source domains, our method assigns a high weight to the prediction of the corresponding domain-specific model.
On the other hand, if the test sample does not belong to any of the source domains, the final prediction will be expressed as a linear combination of the domain-dependant models embodied in our lightweight ensemble.
\subsection{Training Policy}
\label{ssec:training}
To encourage a well-defined latent space for every batch normalization layer, we replicate at training time the distance weighting procedure described in~\autoref{eq:weighted_prediction} to compute predictions on samples from known domains.
Each training batch is composed of ${K}$ domain batches with an equal number of samples.
During every training step, (i) the domain batches are first propagated to update the corresponding domain population statistics $(\mu_d, \sigma^2_d,)$.
Then, (ii) all individual samples are propagated assuming an unknown domain to collect their instance statistics and compute the domain similarities $w^t_d$, as in~\autoref{ssec:projection}.
Finally, (iii) each sample is propagated under ${K}$ different domain assumptions (\ie through the corresponding domain-specific branches) and the resulting domain-specific predictions are weighted according to~\autoref{eq:weighted_prediction}.
Applying this procedure during training promotes the creation of a well-defined latent space.
Since we initialize our model with weights pre-trained on ImageNet~\cite{deng2009imagenet}, each domain-specific batch normalization branch needs to be specialized before starting the distance training (DT) procedure described above, otherwise convergence problems might occur.
We thus \textit{warm-up} domain-specific batch normalization statistics by pre-training the model on the whole dataset following the standard procedure, except for the accumulation and application of domain-specific batch normalization statistics.
\section{Experiments}
\subsection{Experimental Settings}
By means of a synecdoche, we name our method after BNE{}, its main component.
\noindent\textbf{Datasets.}
We evaluate our method on three domain generalization benchmarks:
\noindent\textit{PACS{}}~\cite{li2017deeper} features $4$ domains (\textit{Art Painting}, \textit{Cartoon}, \textit{Photo}, \textit{Sketch}) with a significant domain shift.
Each domain includes samples from 7 different categories, for a total of $9991$ samples.
Some examples are shown in \autoref{fig:method}.
\noindent\textit{Office-31{}}~\cite{saenko2010adapting} was originally introduced for domain adaptation and has been subsequently used for domain generalization.
The dataset is composed of $3$ different sources and $31$ categories, representing images captured with a Webcam and a dSLR camera or collected from the Amazon website.
\noindent\textit{Office-Caltech{}}~\cite{gong2012geodesic} is a variant of Office-31{} featuring one additional domain, derived from the Caltech-256 dataset~\cite{griffin2007caltech}.
The dataset is composed of the $10$ categories shared between Caltech-256 and the domains in Office-31{}.
\noindent\textbf{Evaluation Protocol.}
Coherently with other works, we evaluate both the AlexNet{}~\cite{krizhevsky2012imagenet} and the ResNet-18{}~\cite{he2016deep} architectures.
For the experiments on PACS{} and Office-31{} we follow the standard \textit{leave-one-domain-out} evaluation procedure, where the model is trained on all domains but one, and tested on the left-out one.
For Office-Caltech{} we do the same but also test following a \textit{leave-two-domain-out} procedure.
Since the original version of AlexNet{} does not include batch normalization layers, we adopt a variant with batch normalization applied on the activations of each convolutional layer~\cite{simon2016imagenet}.
Since the goal of domain generalization is to leverage multiple sources to learn models that are robust on any target domain, the natural deep-learning baseline to compare against consists in training directly on the merged set of source domains.
We will refer to it as (DeepAll{}).
We compare our method against this strong baseline and several deep-learning based state-of-the-art methods for domain generalization.
Since different methods rely on different initializations of network weights, which result in different baselines, we compare with methods providing their own baseline and report for every competitor: the performance on each unseen domain, the average baseline performance (Avg. DA{}), the average performance of the method itself (Avg.{}) and the relative gain ($\Delta \%${}).
\subsection{Domain Generalization for Classification}
We compare BNE{} against several methods for object classification on commonly used benchmarks.
Additional experiments are reported in the supplementary material.
\input{tables/SOTA-PACS-Resnet.tex}
\noindent{}\textbf{PACS.} We first benchmark our method on the PACS{} dataset~\cite{li2017deeper}, which presents a challenging domain generalization setting for object recognition.
Every test uses $3$ domains as training set and one as unknown test set; for each of this leave-one-out configurations, we train a model from the same initialization for $60$ epochs.
We test our method using the ResNet-18{} architecture and report the results in \autoref{table:SOTA-PACS-Resnet}.
Overall, our proposal obtains the best absolute accuracy on 1 out of 4 target sets, with the second best average accuracy (Avg.{}) of $83.1\%$ and a relative gain ($\Delta \%${}) of $+5.86$ making it the second most effective algorithm on this dataset.
Since all the networks are initialized with weights trained on ImageNet, they are implicitly biased towards the \textit{Photo} domain, as testified by the higher accuracy on it when treated as test set.
\textit{Sketch}, instead, is arguably the more challenging domain, as testified by the lower accuracy achieved by all methods.
It is in this scenario that our method is able to provide the bigger gain ($+9.6\%$ absolute gain in accuracy over our baseline).
The best perfomance on this datasets is obtained by DSON~\cite{seo2019learning}, which proposes to learn an ad-hoc mixture of instance and batch normalization statics to improve generalization.
This characteristic makes it a perfect candidate to be extended with the domain embedding strategy that we propose in \autoref{ssec:projection}. An in-depth discussion on this topic is provided in \autoref{ssec:distance}.
\input{tables/SOTA-Office-31-Alexnet.tex}
\noindent{}\textbf{Office-31.} We evaluate our method on Office-31{}~\cite{saenko2010adapting} and follow the \textit{leave-one-domain-out} protocol.
To compare with published results, we use AlexNet{} initialized with ImageNet weights and train it with our method for $100$ epochs with learning rate $10^{-4}$.
\autoref{table:SOTA-Office-31-Alexnet} shows that our approach obtains the best absolute accuracy in two out of three test scenarios and a relative gain comparable or better than the alternatives.
The \textit{Amazon} target domain proves to be the most challenging setting, as the images are acquired in ideal conditions (\ie white backgrounds, studio lighting\dots) that are fairly different from the ImageNet domain.
In this challening generalization scenario, BNE{} boosts the absolute accuracy with respect to the baseline by an impressive $+11.2\%$ and $+2.3\%$ with respect to the closest competitor.
\input{tables/SOTA-Office-Caltech-Alexnet.tex}
\noindent{}\textbf{Office-caltech.} We evaluate our method also on Office-Caltech{}~\cite{gong2012geodesic} and follow the standard evaluation procedure for this dataset, enumerating cases with a single target domain, either \textit{Amazon} or \textit{Caltech}, and scenarios with pairs of target domains: \textit{Dslr-Webcam} and \textit{Amazon-Caltech}.
We use AlexNet{} initialized with ImageNet weights to compare with published results, and train BNE{} for $100$ epochs.
%
\autoref{table:SOTA-Office-Caltech-Alexnet} shows that our approach achieves the best average accuracy and the best gain with respect to the baseline.
The performance boost delivered with our method is especially evident in the challenging scenario where $2$ domains are treated as targets, \eg $+6.4\%$ absolute accuracy on \textit{Dslr-Webcam}.
\subsection{Ablation Study}
\label{ss:ablation}
\input{tables/method.tex}
To measure the impact on performance of the different components of our method, we run ablation experiments on the PACS{} dataset using the ResNet-18{} backbone, and report the results in \autoref{table:method}.
We compare again with the DeepAll{} baseline and against a \textit{DiscoveryNet} (DNet, row (d)), a variant of BNE{} inspired by \cite{mancini2018robust}.
While in BNE{} we propose to assign domain membership by looking at the distance between the latent batch normalization embeddings, with DNet domain membership is learned through a domain classification network.
On row (a) we show the performance gain attributable to the usage of separate batchnorm statistics for each training domain, while using at inference time the projection and weighting strategy described in \autoref{ssec:projection}; row (b) extends the this approach by leveraging \textit{distance weighting} (DT) \textit{at training time}, as described in \autoref{ssec:training}; finally, row (c) includes a warm-up phase in the initial training phase to help population statistics to converge to stable values before starting distance training.
By comparing the average accuracy (Avg.{}) across the four possible target sets, it is clear how every component contributes to an increase in performance with respect to the baseline.
By comparing line (c) to (d), we can notice how our proposal is more effective than the variant DNet inspired by the domain mapping strategy from~\cite{mancini2018robust}, while also requiring less parameters.
More details on DNet and extensive comparisons are reported in the supplementary material.
\subsection{Choosing a Distance Metric} \label{ssec:distance}
\input{tables/distance.tex}
A crucial component of our method is the distance function, used to locate each test sample with respect to the known domains.
As mentioned in \autoref{ssec:projection}, we picked the Wasserstein distance for this task after a detailed preliminary study among different options, reported in \autoref{table:distance}.
We considered three different distances: using a fixed value for the distance (\textit{Uniform}), equivalent to averaging predictions of domain specific branches; using the Bhattacharya distance; using the Wasserstein distance.
The basic Uniform distance setting is similar to \cite{seo2019learning}, with the main difference being the normalization layer used: a domain-specific batchnorm in our case, a learned mixture of instance and batch normalizations for \cite{seo2019learning}.
Their approach thus also require to learn additional parameters.
In our experiments, the Wasserstein distance proves to be a more principled choice, consistently delivering the best performance both on average and on any specific left-out domain.
Measuring the similarity of all samples to one of the training domain by means of a distance function is always more effective than blindly averaging predictions, therefore the effectiveness of our method derives from the accurate sample-wise domain attribution rather than from the chosen normalization layer.
This observation leaves open the opportunity of combining our distance weighting scheme with other recently proposed normalization methods, \eg~\cite{seo2019learning}.
\section{Conclusions}
Our method allows to navigate in the latent space of batch normalization statistics, describing unknown domains as a combination of the known ones.
We rely on domain-specific normalization layers to disentangle independent representations for each training domain, and then use such implicit embeddings to localize unseen samples from unknown domains.
Our method outperforms many alternatives on a number of domain generalization benchmarks~(\cite{li2017deeper,saenko2010adapting,gong2012geodesic}), underlining the advantage of maintaining specific domain representations over forcing invariant representations.
We believe that our work highlights interesting properties of batch normalization layers, not extensively explored yet.
Our formulation could also be easily extended to the domain adaptation setting by injecting unlabelled samples from the target domain during training.
If few target samples happened to be available at the same time, they could all be used to retrieve a less biased estimate of the statistics of the unseen domain.
We plan to explore these directions in future work.
\section{Supplementary Material}
We provide supplementary material to further validate our method and complement the experimental section included in the main paper.
\autoref{ssec:algo} provides an algorithmic overview of the proposed training policy and additional training details are reported in \autoref{ssec:training_settings};
\autoref{ssec:additional_results} shows additional results obtained with ResNet-18{}~\cite{he2016deep} on Office-31{}~\cite{saenko2010adapting} and Office-Caltech{}~\cite{gong2012geodesic}, and with AlexNet{} on PACS{}~\cite{li2017deeper};
In \autoref{ssec:ablation}, we conduct a qualitative analysis to verify our choices in terms of batch sizes and distance measures. Moreover, we validate BNE{} against other popular normalization strategies.
In \autoref{ssec:latentSpaceExperimental}, we validate quantitatively our latent space proposal.
Finally, we extensively compare the performance of BNE{} against the variant DNet{} that leverages a domain discovery network.
\textit{N.B.:} Blue references point to the original manuscript.
\subsection{Training Policy} \label{ssec:algo}
We here provide a formalization of the distance training policy described in~\textcolor{blue}{Sec. 3.4}.
Let $T = \{{\batch_{\domain}}\}_{d \in \set{D}}$ be a training batch composed of ${K}$ domain batches, each containing ${n}$ samples from the corresponding domain $d$: ${\batch_{\domain}} = \{(x_d^i,y_d^i)\}_{i=1}^{n}$.
In \autoref{algobox}, we illustrate the training procedure for a single training batch $T$ using the same notation as in the original manuscript.
\begin{algorithm*}[h]
\caption{Training Step for a batch T}
\label{algobox}
\begin{algorithmic}[1]
\For{${\batch_{\domain}} \in T$}\Comment{\textbf{for every domain batch}}
\State Collect domain batch statistics $(\tilde{\mu}_d, {\tilde{\sigma}_d})$\Comment{forward propagation}
\State ${{\hat{\mu}}_{\domain}^l} \longleftarrow0.99{{\hat{\mu}}_{\domain}^l} + 0.01\batchMean^l \quad \forall l \in \set B$\Comment{update domain population mean}
\State $({{\hat{\sigma}}_{\domain}^l})^2 \longleftarrow 0.99({{\hat{\sigma}}_{\domain}^l})^2 + 0.01({\batchStddv^l})^2 \quad \forall l \in \set B$\Comment{update domain population variance}
\State $e_d^l \longleftarrow ({{\hat{\mu}}_{\domain}^l},({{\hat{\sigma}}_{\domain}^l})^2) \quad \forall l \in \set B$\Comment{update domain layer embeddings}
\State $e_d \longleftarrow [e_d^1, e_d^2, ..., e_d^L]$\Comment{update domain embedding}
\EndFor
\For{$({x_t},y_t) \in T$}\Comment{\textbf{for every sample}}
\State Collect instance statistics $(\mu_t,{\sigma_t}^2)$\Comment{forward propagation}
\State $r_t^l \longleftarrow (\mu_t^l,{\sigma_t^l}^2) \quad \forall l \in \set B$\Comment{define target layer embeddings}
\State $r_t \longleftarrow [r_t^1, r_t^2, ..., r_t^L]$\Comment{define target embedding}
\State $D_{\set L}(e_d, r_t) = \sum_{l \in \set B} \set W (e_d^l, r_t^l) \quad \forall d \in D$\Comment{compute domain distances}
\State $w^t_d = \frac{1}{D_{\set L}(e_d, r_t)} \quad \forall d \in D$\Comment{compute domain similarities}
\State $f_\domain^\targetdomain \longleftarrow f({x_t}|d) \quad \forall d \in D$\Comment{compute domain-specific predictions}
\State $f({x_t}) = \frac{\sum_{d \in \set D} w^t_d f_\domain^\targetdomain}{\sum_{d \in \set D} w^t_d}$\Comment{compute final predictions}
\EndFor
\State$L(\theta;T) = \sum_{({x_t},y_t) \in T} \mathbb{XE}(f({x_t}), y_t)$\Comment{compute cross-entropy loss}
\State$\theta \longleftarrow \theta - \eta \cdot L(\theta;T)$\Comment{update weights}
\end{algorithmic}
\end{algorithm*}
During every training step, first, the domain batches are propagated to update the corresponding domain embedding $e_d$ \textit{(l:2-6)}.
Then, each individual sample ${x_t}$ is propagated using instance normalization to collect its instance statistics $(\mu_t^l,{\sigma 1_t^l}^2) \quad \forall l \in \set B$ \textit{(l:8)}.
Given the statistics we compute the target embedding $r_t$ \textit{(l:9-10)} and the domain similarities $w^t_d$ \textit{(l:12)}, as in~\textcolor{blue}{Sec. 3.3}.
Each sample is propagated under ${K}$ different domain assumptions (\ie through the corresponding domain-specific branches) \textit{(l:13)}.
The resulting domain-specific predictions are weighted according to~\textcolor{blue}{Eq. 11} to compute the final prediction \textit{(l:14)}.
Finally, the cross-entropy loss between the final predictions $f({x_t})$ and the corresponding ground truth $y_t$ is computed \textit{(l:15)} and back-propagated to update the weights $\theta$ of the model \textit{(l:16)}.
Applying this procedure during training encourages the creation of a batch normalization latent space.
\subsection{Training Settings} \label{ssec:training_settings}
Coherently with other works, we evaluate both the AlexNet{}~\cite{krizhevsky2012imagenet} and the more recent ResNet-18{}~\cite{he2016deep} architecture.
Before training each network, we initialize them with pre-trained weights on ImageNet and fine-tune the last fully-connected layer on the dataset of interest for $20$ epochs.
To train AlexNet{}~\cite{krizhevsky2012imagenet}, we use SGD as optimizer with momentum $0.95$ and L2 regularization on network weights with weight decay $5\times 10^{-5}$.
The initial learning rate is $10^{-3}$, exponentially decayed with decay rate $0.95$.
ResNet-18{} is trained with Adam~\cite{kingma2014adam} and weight decay $10^{-6}$. The initial learning rate is $10^{-4}$.
Coherently with previous works~(\cite{carlucci2017just,carlucci2017autodial,mancini2018boosting}), we also compute gradients through the mean and standard deviation computation for the batch normalization layers.
All the input images are normalized according to the statistics computed on ImageNet.
At training time, data augmentation is performed by first resizing the input image to $256 \time 256$, then randomly cropping to $224 \times 224$ for ResNet-18{} and $227 \times 227$ for AlexNet{}; finally, a random horizontal flip is performed.
Every training batch is composed of $16$ samples per domain for ResNet-18{} and $6$ for AlexNet{}.
All the models are implemented in Tensorflow 2.0~(\cite{abadi2015tensorflow}).
We initialize both AlexNet{} and ResNet-18{} using the publicly available Caffe weights pre-trained on ImageNet, after carefully converting them.\footnote{ResNet-18{} and AlexNet{} ImageNet weights available at \url{https://github.com/heuritech/convnets-keras} and \url{https://github.com/cvjena/cnn-models}.}
\subsection{Additional Results} \label{ssec:additional_results}
\input{tables/SOTA-PACS-Alexnet}
\input{tables/SOTA-Office-31-Resnet.tex}
\input{tables/SOTA-Office-Caltech-Resnet.tex}
We here provide additional results with the ResNet-18{}~\cite{he2016deep} architecture for the dataset Office-31{}~\cite{saenko2010adapting} and with the AlexNet{}~\cite{simon2016imagenet} architecture for PACS{}~\cite{li2017deeper}.
In the original manuscript, we already provide results with AlexNet{} and ResNet-18{} respectively to compare against recently published works.
Moreover, we expand the experimental setting with the addition of the dataset Office-Caltech{}~\cite{gong2012geodesic}, for which we present results with both ResNet-18{} and AlexNet{}.
\subsubsection{PACS{}}
In \autoref{table:SOTA-PACS-Alexnet}, we extend the comparison on PACS{} considering AlexNet{} to compare against a vast literature of published works relying on this older architecture.
Once again our proposal achieves absolute performance comparable to the state of the art even if starting from a weaker baseline.
Indeed when comparing the relative gain in performance provided by our method ($\Delta \%${}), we are clearly outperforming any previously published solutions with an increase of $+6.33\%$, while the second best obtains $+4.88\%$.
Once again, when considering \textit{Sketch} as unseen domain our method can boost the performance by a $+13\%$ absolute gain in accuracy over our baseline.
\subsubsection{Office-31{}}
In \autoref{table:SOTA-Office-31-Resnet}, we extend the comparison on Office-31{} considering ResNet-18{} as it is a good example of a modern architecture with native batch normalization layers.
The results confirms that our method is able to improve performances over DeepAll{} across all three tests.
\subsubsection{Office-Caltech{}}
In \autoref{table:SOTA-Office-Caltech-Resnet} we show additional results for Office-Caltech{} using the ResNet-18{} architecture.
The same good property observed using Alexnet is confirmed also when considering ResNet as architecture in \autoref{table:SOTA-Office-Caltech-Resnet}, with a clear +5.5\% gain over DeepAll{}.
\subsection{Ablation Study} \label{ssec:ablation}
We here provide additional ablation studies to better highlight different characteristics of our method with respect to the chosen batch size and the distance measures used in the latent space.
The experiments are conducted on the PACS dataset~\cite{li2017deeper}.
\subsubsection{Batch Size} \label{ssec:batch_size}
\input{tables/batchsize.tex}
We study the impact of different batch sizes on the performance of our method in \autoref{table:batchsize}.
As expected and already documented in several recent works leveraging batch normalization layers~\cite{bjorck2018understanding,wu2018group}, the larger the batch size is the better the generalization capability.
In particular for our method the bigger is the batch size used at training time, the better are the approximation of the true population statistics (\ie, the better are the domain embeddings $e_d{}$).
This translates in better final performance as detailed in \autoref{table:batchsize} where we can observe an increment of $+2.9$ \textit{Average} accuracy between using batch size 16 and 64.
\iffalse
\subsubsection{Activations Distribution} \label{ssec:tsne}
\input{figures/tsne_layers.tex}
In \autoref{fig:tsne_layers} we provide a visualization with different two-dimensional t-SNE~(\cite{maaten2008visualizing}) of the batch normalization embeddings of each sample in the PACS dataset.
Different colors represent different domains: \textit{Art Painting} (pink), \textit{Cartoon} (red), \textit{Photo} (blue), \textit{Sketch} (cyan).
Each figure illustrates the sample embeddings right before a specific batch normalization layer at different depths in the AlexNet architecture.
For this test, the model is trained on \textit{Art Painting} (pink), \textit{Cartoon} (red), and \textit{Photo} (blue), while \textit{Sketch} is the unseen domain.
Before the first domain-specific normalization (\ie \autoref{fig:tsne_layers} (a)), features from different domains can be easily clustered together.
After the first domain-specific normalization, deep features from \textit{Art Painting} and \textit{Photo} start to be similar.
On the other side, features from \textit{Cartoon} and from the unseen domain \textit{Sketch} are always well-distinguishable from any other domain at all the considered layers.
This match quite well the dissimilarity between domains in the PACS dataset as judged by a human.
The population statistics of the source domains always fall inside the corresponding cluster, proving how they represent a good descriptor of the corresponding domain.
\fi
\subsubsection{Method Components}
\label{ssec:method_components}
In the main paper we measured the contribution in achieving the final performance of the different components of our methods.
The proposed setting leveraged the PACS{} dataset and the ResNet-18{} architecture.
We here consider ablation experiments on the PACS{} dataset using the AlexNet{} architecture and report the results in \textcolor{blue}{Tab.3},
comparing again with the DeepAll{} baseline.
On row (a) we show the performance gained by using separate batchnorm statistics for the different train domains and using the projection and weighting strategy described in~\textcolor{blue}{Sec. 3.3}; row (b) extends the method above by using the \textit{distance weighting at training time} (DT) as described in~\textcolor{blue}{Sec. 3.4}; finally, row (c) includes a warm-up phase in the training of the model to make population statistics converge to stable values before starting the distance training.
By comparing the average accuracy (Avg.{}) across the four possible target sets, it is clear how every component contributes to an increase in performance with respect to the baseline.
\input{tables/method_alexnet}
\subsubsection{Normalization Strategies}
\label{ssec:normalization_strategies}
\input{tables/normalization_strategy}
BNE{} can be interpreted as a peculiar normalization technique to achieve better generalization.
We hence provide a quantitative comparison of our method against other popular normalization strategies:
(a) InstanceNorm~\cite{li2018adaptive};
(b) BatchNorm~\cite{ioffe2015batch};
(c) Freeze BatchNorm~\cite{ioffe2015batch} (\ie, keeping the population statistics as the one computed after the imagenet pre-training);
(d) BNE \textit{(Ours)}.
Results for this comparison are shown in \autoref{table:normalization_strategies}.
Freezing batch normalization statistics (c) to those accumulated on ImageNet provides better generalization than fine-tuning population statistics on the training datasets (b), which might lead to overfitting and is equivalent to the baseline DeepAll{}.
This is coherent with what highlighted in~\cite{seo2019learning},
Among the analysed normalization techniques, InstanceNorm (a) achieves the poorest results.
Our proposal (d) instead, by combining instance and batch normalization properties in a principled way, achieves the best results.
We can indeed notice how BNE{} outperforms by a large margin all other normalization strategies, both overall ($+3.5\%$ over Freeze BatchNorm) and on any specific domain.
\subsection{Latent Space Validation}
\label{ssec:latentSpaceExperimental}
We now want to investigate how well we are able to collect domain specific attributes of samples by projecting them to the batchnorm latent space.
We trained ResNet-18{} until convergence without distance training and warm-up on the PACS{} dataset considering \textit{Photo} or \textit{Sketch} as unseen domains.
Once trained, we forward every training sample through the network and compute its instance statistics to project it to the batchnorm latent space.
After the projection we measure the distance from every domain embedding: if the closest domain matches the real domain, then the latent space effectively represents membership to a certain domain.
In \autoref{table:weights} we report the average value of the reciprocal of the distance for every training sample with respect to the centroid of the three training domains.
The higher values on the diagonal confirm our intuition that the batchnorm latent space can be used to implicitly encode domain attributes.
\input{tables/weights.tex}
Furthermore, we investigate the relationship between measured distances and the prediction accuracy on the same ResNet-18 trained on PACS without DT.
For each test sample we measure the prediction accuracy obtained using only the predictions from either the closest domain branch, the second closest or the third (i.e., the farthest away).
We run the test for all 4 possible unseen domains following the leave-one-domain-out protocol and report in \autoref{table:closest_domain_accuracy} the average accuracy.
The results show a clear correlation between distances and accuracy, as trusting the ``closest" domain branch clearly results in a higher accuracy than the others.
\input{tables/closest_domain_accuracy.tex}
\subsection{Domain Discovery Net}
\input{tables/domain_accuracy.tex}
In~\textcolor{blue}{Sec 4.3}, we compared the performance of~BNE{} with~DNet{}.
For this purpose, we follow~\cite{mancini2018robust} and implement a domain discovery network (DNet{}) that takes as input the activations after the first convolutional block and directly outputs the probability for the input sample to belong to each one of the training domains.
This probability distribution is used to weigh the domain-specific predictions of our lightweight ensemble.
Analogously to \cite{mancini2018robust} we implemented DNet{} as a lateral branch to our lightweight ensemble that is composed of a global pooling layer, followed by a ReLU non linearity, a fully-connected layer and a softmax activation.
DNet{} is trained in an end-to-end fashion together with the main classifier.
We considered two options: (i) training DNet{} applying only a cross-entropy loss on the image classification logits with respect to the input categories; (ii) training DNet{} directly supervising the classification of samples in the correct domain using domain labels.
In~\autoref{table:domain_accuracy} we compare the domain classification accuracy (Avg. Domain) of~BNE{} and that of~DNet{} with or without applying a cross entropy loss over the domain labels across four tests considering different unseen domains on PACS{}.
When cross-entropy is not applied on domain logits,~BNE{} largely outperforms~DNet{}.
The $33\%$ Avg. Domain for~DNet{} without cross-entropy on domain logits denotes that the discovery network learns to disregard the multidomain BN layer, always predicting the same domain class and thus leveraging only one branch of the multidomain BN layer.
However, when cross-entropy is applied also on domain logits, the domain classification branch of~DNet{} can adapt its parameters to predict well the domain classes (Avg. Domain).
This, however, comes at the cost of a remarkable drop in image classification accuracy (Avg. Class) that can may be partially explained by DNet{} overfitting more to the training data and being less able to generalize to the test one.
BNE{} instead provides a meaningful domain representation even without cross-entropy on domain logits, largely outperforming the image classification accuracy of~DNet{}.
Nevertheless, since our representation is not parametric, we cannot witness a visible increase in~Avg. Domain when applying a cross-entropy loss also on the domain membership assigned through our representation.
The advantages of~BNE{} over~DNet{} are clear, since~BNE{} leverages all the activations throughout the network to get an estimate of the domain membership, while~DNet{} must rely only on the activations of the first layer due to the fixed input size of the domain classification branch.
Moreover, our method allows a parameter-free domain representation, while~DNet{} relies on a lateral branch to the main network.
Finally,~BNE{} allows to map samples in a latent space where distances from domain embeddings are computed, while~DNet{} can only output the distance of the input sample from the training domains.
|
\section{Introduction}
In much of the natural environments, several species, or variants of the same species, occupy the same niches. Heterogeneity is an essential part of bacterial communities and in some cases, the different populations cannot be separated \cite{BenJacob2006,Blanchard2015,Finkelshtein2015,Hansen2007,Hibbing2010,Ingham2011,Kai2018,McCully2019,Nadell2016,Weber2014,Clement2016,VanGestel2015,VanDitmarsch2013,Deforet2019}.
For example, colonies of {\it Bacillus subtilis} grown from a single cell spontaneously form two distinct sub-populations with strikingly different cell types, differing in motility, growth rate and cell size \cite{Kearns2005}. It has been hypothesized that the two cell-types have different "roles" in the colony; the majority of cells is smaller and highly motile, thus expanding rapidly to new territories, while a small fraction of long, less motile cells mostly exploit the present location. This point of view is principally biological in nature. Here, we take the first steps in studying heterogeneous bacterial swarms from physical perspectives, showing, both experimentally and in simulations, that mixed swarms may generate advantageous swarming conditions.
The vast work on bacterial swarming and collective bacterial swimming has focused on homogeneous systems with a single type of cell
\cite{Grobas2020,Jeanneret2019,Beer2019,Jeckel2019,Darnton2010,Sokolov2007,Ilkanaiv2017,Kearns2003,Kearns2010,Beer2020,Ariel2018,Huijing2012,Aboutaleb2017,Harshey2003,Copeland2009,Vallotton2013,Gachelin2013,Lopez2015}. Notable exceptions concentrate on the macroscopic growth of the colony and the spatial mixing (or lack of) between the populations \cite{Deforet2019,Zuo2020,Benisty2015,Partridge2018}. Motivated by the fact that bacterial cells change their aspect ratio prior to swarming \cite{Kearns2003,Kearns2010}, and that cell length dictates swarm dynamics \cite{Ilkanaiv2017,Beer2020}, in this paper we study experimentally the collective dynamics of mixed swarming bacterial populations composed of cells with different aspect-ratios, focusing on the microscopic swarming statistics, and compare the results to simulations of a physics-based model. According to the experimental phase diagram in \cite{Beer2020}, the dynamics of swarming wild-type (WT) cells is qualitatively different from the dynamics of elongated mutants (that differ in length only), showing distinct physical swarming regimes or phases. Accordingly, mixed colonies of such cells are particularly interesting, both from the biological perspectives and, as a highly studied example of active matter, from a physical point of view.
As theory and simulations of active matter establishes, heterogeneous systems of self-propelled agents show a range of interesting dynamics and a wealth of unique phases that depend on the properties of individuals. Examples include particles/agents with varying velocities \cite{Schweitzer1994,McCandlish2012,Mishra2012}, noise sensitivity \cite{Menzel2012,Ariel2015oren,Netzer2019}, sensitivity to external cues \cite{Book2017} and particle-to-particle interactions \cite{Copenhagen2016,Khodygo2019,Bera2020}. It was found that the effect of heterogeneity ranges from trivial (the mixed system is an average of two populations) to singular (one of the sub-populations dominates the dynamics of the group as a whole) \cite{Ariel2015oren}. Self-organizing emergent phenomena such as motility-induced spatial phase separation of spherical active particles \cite{Cates2015} and nonequilibrium clustering of self-propelled rods \cite{Bar2020} bear critical biological consequences on the colony and its ability to expand and survive \cite{Grafke2017,Zuo2020}. Thus, the physics of mixed swarms is of great significance to our understanding of realistic bacterial colonies.
Previous modeling approaches of heterogeneous active matter or self-propelled particles have been used, with some levels of success, to study several aspects of mixed bacterial communities \cite{Blanchard2015,Kai2018,Kumar2014,Nambisan2020}. For example, on the macroscopic, colony-wide scale, continuous models of mixed bacterial colonies with different motility and growth rates show the balance between reproduction rates and the importance of moving towards the colony edge, where nutrients are abundant \cite{Deforet2019,Book2017}. Here, we implement an agent-based model, allowing us to test which cell-cell interactions give rise to the observed phenomena, facilitating a deeper probe into the physics underlying bacterial swarms.
Our main finding is that introducing a small number of cells with a different aspect ratio than the majority can have a major effect on the dynamics of the swarm. To substantiate this claim, we present quantitative measurements of speed and density distributions in different mixtures. The cooperative action of many short cells mixed with a few longer cells leads to longer spatial correlations (indicating a more ordered swarming pattern) and higher average cell speeds. Figure~\ref{fig1} shows that a small number of long cells helps to organize the dynamics of the bacterial colony, with long cells acting as nucleation cites around which aggregates of short, rapidly moving cells can form. The impact of long cells is reproduced in a simple model based on hydrodynamic interactions, indicating a purely physical mechanism behind the beneficial effects of a few long cells on spatial organization and motion of all cells in the swarm.
\begin{figure}[ht]
\includegraphics[scale=0.8, trim=0 480 300 0, clip]{1}
\caption{\label{fig1} {\bf Experimental setup.} A microscopic image of a mixed swarming colony; the strains were fluorescently labeled with different colors. The WT in red and the elongated cells (DS858) in green. (a-b) The mixed swarm at different magnifications. (c-d) A few elongated cells embedded in a WT colony. Two consecutive snapshots, 0.3 seconds apart, showing two elongated cells, each surrounded by a group of WT cells.}
\end{figure}
\section{Experiments}
Each experiment consisted of a 4-$\upmu$l drop of a heterogeneous bacterial culture, inoculated at the center of an agar plate (0.5\% agar and 25 g/l LB). Two {\it Bacillus subtilis} strains were used; the WT (strain 3610) with aspect ratio $7\pm2.2$ (mean $\pm$ standard deviation), and an elongated mutant (strain DS858) with a three-fold aspect ratio of $19 \pm 5.6$ \cite{Patrick2008}. See Fig. S1 \cite{supmat} for the length distribution. Mixing was done right prior to inoculation where each strain was grown separately overnight. Each of the strains was labeled fluorescently either green or red, forming two variants for each of the strains (green strain 4846 sfGFP, amyE::Pveg\textunderscore R0\textunderscore sfGFP\textunderscore spec, and red strain 4847 pAE1222-LacA-Pveg-R0\textunderscore mKate\#2 mls, amp).
High resolution images were taken using an Optosplit II, Andor, hooked to a Zeiss Axio Imager Z2 microscope. The system splits the dually excited image (Ex 59026x, beam splitter 69008bs, and Em 535/30; 632/60) on a NEO camera ($1024 \times 2048$ and 50 frames/sec) in order to generate two simultaneous but separate fields of view, green and red, that were then merged again following post-processing using MATLAB.
See the Figs. S2-S4 \cite{supmat} and \cite{Guiziou2016} for details. We used a yellow set for imaging the green protein because the excitation light of the green set significantly affects the motility of the cells. In all cases, the labeled cells behaved similarly to the non-labeled ones, with no photobleaching or reduction of speed due to intense illumination. Switching the colors of the long and WT cells from green to red showed no artifacts. Populations of the two strains were mixed at a variety of ratios prior to inoculation on the plates. Five hours after inoculation, each colony grew to a $\sim 5$cm in diameter disc with cells rigorously moving in a monolayer structure. We followed the outer regions of the colony where swarming is more pronounced. The statistics of the swarming dynamics is studied as a function of the total surface coverage $\rho$, and for several fractions of the elongated mutant (in terms of the surface coverage), denoted $f$ ($f=1$ only long cells, $f=0$ only WT cells). See for example Fig. S2, and Movie S1 \cite{supmat}.
\subsection{Experimental Results}
On the macroscopic scale, the two strains formed well-mixed colonies, independently of the partial ratio of the sub-populations or the overall surface coverage. In particular, there is no phase segregation. Figure~\ref{fig2} shows the radial correlation function $g(r)$, which describes density variations in each sub-population for each of the strains (color labeled). Data was taken at $\rho \simeq 0.25$. Note that at very short distances ($<5\upmu{\rm m}$), our estimate for the radial distribution function, which was evaluated pixel content, is biased. See the appendix for definitions and estimation method.
Figure~\ref{fig2}a shows results for a mix of red and green WT bacteria ($f=0$, same length, different colors); plots show the radial correlation function for each of the sub populations vs. themselves, and one sub population vs. the other one. Figure~\ref{fig2}b shows the same analysis for the elongated strain ($f=1$). These figures serve as control to verify that the fluorescence markers do not change the spatial distribution of cells. Figure~\ref{fig2}c shows results with a 50:50 mix of red WT and green elongated cells ($f=0.5$). In all cases, correlations beyond the size of a single cell were found to be negligible, indicating no long-range spatial correlation and a homogeneous distribution of cells (values remain close to 1 at distances larger than 40 $\mu$m – the maximum shown in Fig.~\ref{fig2}). In populations containing few long cells embedded in the majority of WT cells ($f=0.1$), the WT (shorter) cells align and partially aggregate around the long cells, which locally enhances order (Fig.~\ref{fig2}d). Interestingly, WT-WT correlations become negative (i.e., below 1) at length scales which are comparable to the length of long cells, indicating slight local attraction to long cells or formation of large clusters. Indeed, Figs.~\ref{fig1}c-d show a set of two snapshots with $\rho=0.38$ and $f=0.01$, taken 0.3 seconds apart. Tight groups of WT (short) cells clustering around a few long ones can be observed. Cells were colored manually to emphasize clusters.
\begin{figure}[ht]
\includegraphics[scale=0.8, trim=0 490 300 0, clip]{2}
\caption{\label{fig2} {\bf Experimental results – spatial correlations.} (a) The radial correlation function $g(r)$ for homogeneous WT populations: WT red variant vs. itself (red curve), WT green variant vs. itself (green curve), and WT red variant vs. WT green variant (yellow curve). (b) The radial correlation function for homogeneous populations of long cells: long cells red variant vs. itself (red curve), long cells green variant vs. itself (green curve), and long cells red variant vs. long cells green variant (yellow curve). (c) The radial correlation function in a mixed colony with $f=0.5$. WT vs. itself (red curve), long cells vs. itself (green curve), and WT vs. long cells (yellow curve). (d) The radial correlation function in a mixed colony with $f=0.1$. WT vs. itself (red curve), long cells vs. itself (green curve), WT vs. long cells (yellow curve).}
\end{figure}
The effect of one species on the dynamics of the other can also be observed in the spatial distribution of cells. Figure~\ref{fig3} shows the distribution of the surface coverage observed by partitioning the viewing field into $10 \time 10$ sub-domains at $\rho=0.25$ (calculated from the full images) for several example values of $f$. On their own, the spatial distribution of long cells ($f=1$) is wide, with two local maxima, one at 0 and the other one at ~0.2. The existence of empty sub-domains indicates a high degree of clustering. In contrast, WT cells on their own ($f=0$) are distributed more uniformly with the mode at around $\rho$. The effect of each bacterial species on the other is not symmetric. The spatial distribution of long cells always has two maxima, one at 0 and one around 0.15-0.2. Changing $f$, the height-ratio between the peaks varies. In contrast, the spatial distribution of WT cells changes qualitatively with $f$. For $f \ge 0.3$, a second maxima at zero emerges. Note that at $f=0.3$, and $\rho=0.25$, the surface fraction covered by long cells is $0.3 \cdot 0.25=0.075$, so the entire surface is covered by only 7.5\% long cells. Also, the fraction in number of cells is only 0.1 (or 10\%) because of their larger area (3 times larger compared to WT). This implies that a very small amount of long cells, both in number, and surface coverage, has a major effect on the spatial distribution of the entire swarm. Moreover, the location of the second maxima decreases with $f$. A possible explanation is that WT cells prefer to occupy regions with a small number of long ones. However, we find that the local density of WT and long cells is slightly positively correlated, typically around 0.1-0.4, with higher values at large $f$ (Fig.~\ref{fig3} for $\rho=0.25$).
This is consistent with the radial correlation functions depicted in Fig.~\ref{fig2}, showing that the inter-variant pair correlations is slightly higher compared to each type on its own.
In WT-WT experiments (a mix of red and green), the correlation between the density was found, as expected, to be 0. Therefore, the empty domains form because WT cells cluster close to long bacteria.
\begin{figure}[ht]
\includegraphics[scale=0.8, trim=0 470 300 0, clip]{3}
\caption{\label{fig3} {\bf Experimental results – spatial distribution.} The distribution of WT (red), long (green) and total (black) cell density for fixed $\rho=0.25$ and different $f$, obtained by partitioning each image into $10 \time 10$ sub-domains. Dashed lines show the respective distribution of each cell type on its own ($f=0$ or 1). The spatial correlation between WT and long cells is noted in each subplot. The spatial distribution of long cells is qualitatively the same for all $f$, showing two local maxima – one at zero and one at 0.15-0.2. On the other hand, the distribution of WT cells is fundamentally different for small $f$ (<0.3) compared to larger $f$ values. For large and small $f$, the peak at 0 may be very large (e.g., $f=0.1$ green peak at 200; $f=0.3$ green peak at 55; $f=0.5$ green peak at 18).}
\end{figure}
Next, we consider the dynamics of the heterogeneous colonies. Figure~\ref{fig4} shows the average speeds of each species for different $\rho$ and $f$, measured using standard optical flow algorithms. See \cite{Beer2019,Ilkanaiv2017} for details. The empty circles/squares in Figs.~\ref{fig4}a-c show the average microscopic speed of homogeneous systems (WT and elongated, i.e., $f=0$ or 1) as a function of $\rho$. WT cells move faster compared to elongated cells. Similar to past studies, the average speed increases with the total surface coverage \cite{Beer2020}. Figure S5 \cite{supmat} shows that specific labeling does not create an artifact in collective speed. In Fig.~\ref{fig4}a-c, the solid circles/squares show the average speed of heterogeneous systems, indicating the influence of one strain on the other. When the majority of the cells are WT, i.e., small $f$ (Fig.~\ref{fig4}a), elongated cells do not change their dynamics. However, the speed of WT cells is more complex. At high surface coverages (large $\rho$), WT cells move slightly faster compared to the case where they grow with no mixing. This effect can be explained by short (WT) cells aligning and aggregating around long cells (Fig.~\ref{fig1}c-d and Fig.~\ref{fig2}d), therefore, enhancing the local order and increasing the speed. The effect is reminiscent to drag reduction in turbulent flow \cite{Lumley1973}. In Fig.~\ref{fig4}b, with a 50:50 mixture ($f=0.5$), WT move slower (compared to $f=0.1$), while the speed of long cells is largely unaffected, except for a small increase at large $\rho$. When the majority of the cells are elongated, i.e., large $f$ (Fig.~\ref{fig4}c), the WT move dramatically slower, while the speed of long cells decreases slightly. To summarize this part, in Fig.~\ref{fig4}d we present a diagram showing that in general, the larger $\rho$ the faster the cells move, and that the larger the fraction of WT cells (smaller $f$) the faster the cells move.
\begin{figure}[ht]
\includegraphics[scale=0.8, trim=0 540 300 0, clip]{4}
\caption{\label{fig4} {\bf Experimental results – average microscopic speed.} Empty red circles, and empty green squares, show results for (a) Heterogeneous populations with a small fraction of elongated cells $f=0.1$. (b) Heterogeneous populations with an equal fraction of WT and elongated cells $f=0.5$. (c) Heterogeneous populations with a large fraction of elongated cells $f=0.9$. Solid red circles, and solid green squares, show results for the corresponding homogeneous systems. (d) The average speed as a function of the total surface coverage $\rho$, and the fraction of long cells $f$. Error bars are of the order of the circle/square size.}
\end{figure}
\section{Modeling and Simulation}
In order to understand the interactions governing the dynamics of the mixed swarm, we suggest a simplified two-dimensional agent-based model of mixed two-species self-propelled particles (SPPs) with different aspect ratios. The main purpose of the model is to demonstrate that most of the experimental observations are of a physical origin.
The model is derived from the balance of forces and torques on each cell.
Several agent-based approaches have been suggested in the past, including dumbbells \cite{Hernandez2009}, regularized Stokeslets \cite{Cortez2005} and dipoles \cite{Ryan2011,Ryan2013,Ryan2016,Ariel2018,Ryan2019}.
Here, we follow the approach of \cite{Ryan2011,Ryan2013,Ryan2016,Ariel2018,Ryan2019}, assuming a bacterium is essentially a point dipole where the size is incorporated through an excluded-volume potential and the shape is accounted for in the interaction of the point dipole’s orientation with the fluid. Tumbling is implemented as random turns in Poisson distributed times. This approach has been successfully used to study the dynamics of both motile and immotile cells \cite{Ryan2011,Ryan2013,Ryan2016,Ariel2018,Ryan2019}. One of the main advantages of the model is its computational simplicity, which is mostly due to the fact that the fluid equation for a point dipole has an exact analytical solution. In comparison to real swarming bacteria, the streamlines generated by the model in the intermediate to far-field are qualitatively similar, but the approximation breaks down at the cell surface. To make up for this inconsistency, a short-range purely repulsive potential is employed, acting as an effective excluded-volume interaction.
The model assumes two types of particles: species 1, referred to as WT cells, have length $\alpha_{\rm WT}=7$, and species 2, referred to as long or elongated cells, have length $\alpha_{\rm long}=19$, $\alpha=\alpha_{\rm long}/\alpha_{\rm WT}$. In order to compare with experiments, the total surface coverage $\rho$ is calculated assuming minor axis width $b=1$. The simulation domain is a 2D square with periodic boundaries.
Given the total surface coverage $\rho$ and the fraction of surface covered by long cells $f$, and assuming cells are ellipses, the number of WT cells, $N_{\rm WT}$, and the side length of the simulation domain $L$ are given by,
\begin{eqnarray}
&& \frac{\pi b}{4} \left[ \alpha_{\rm WT} N_{\rm WT} + \alpha_{\rm long} (N - N_{\rm WT}) \right] \nonumber \\
&& f = 1 - \frac{\pi b \alpha_{\rm WT} N_{\rm WT}}{4 \rho L^2} .
\nonumber
\end{eqnarray}
We assume that bacteria move in a thin film satisfying the Stokes equation and use the fluid velocity derived from two oppositely oriented force monopoles \cite{Cui2004}.
In \cite{Cui2004}, the authors assume that the thin film is held between two surfaces with no-slip conditions.
In our case, this implies no-slip boundary conditions both on the agar surface and the
liquid-air interface. Indeed, previous works, e.g. \cite{Sokolov2007,Dunkel2013}, argue that in swarming {\it Bacillus subtilis}, the later interface should be modeled as no-slip due to secretion of surfactants and other bio-chemicals.
This is different than other systems, for example, dense swimming suspension of {\it E coli} that do not secrete surfactants, where a free boundary condition is physically more realistic \cite{Chen2017}.
To be precise, the fluid velocity at position ${\bf x} \in {\mathbb R}^2$ and time $t$, ${\bf u} ({\bf x} ,t)$ is given by,
\begin{equation}
{\bf u} ({\bf x} ,t ) = - \frac{l_1}{3 \pi} \sum_{i=1}^{N} \left( \nabla^3 \left[ \log ( | {\bf x} - {\bf x}_i | ) \right] \cdot {\bf d}_i (t) \right) p_i {\bf d}_i (t) ,
\label{eq:uxt}
\end{equation}
where ${\bf x}_i$ is the center-of-mass location, ${\bf d}_i$ is the (normalized) cell orientation, $p_i$ is the size of the cell dipole moment ($=p_{\rm WT}$ for WT and $p_{\rm long}$ for elongated cells) and $l_1$ is the film thickness. Assuming that the dipole moment is proportional to the length of the cell, we take $p_{\rm long}= \alpha p_{\rm WT}$.
Observe here that the flow generated at a point from either a short or long cell has the same basic form, but the magnitudes are different. In addition, noting that bacterial swimming results in a low Reynolds number flow, the cell dynamics are overdamped. Thus, considering the balance of forces and torques on each cell we have,
\begin{eqnarray}
& m_i \dot{{\bf x}}_i =& v_0^i {\bf d}_i + {\bf u} ( {\bf x}_i,t) + \varphi \sum_{i \neq j} {\bf F} ( {\bf x}_i - {\bf x}_j )
\label{eq:xdot} \\
& m_i \dot{{\bf d}}_i =& - {\bf d}_i \times \left[ \nabla \times {\bf u} + \frac12 B_i {\bf d}_i \times ( \nabla {\bf u} + \nabla^T {\bf u} ) {\bf d}_i + \right. \nonumber \\
&& \left. \sum_{i \neq j} \omega^{\rm LJ} ( {\bf x}_i - {\bf x}_j ) \right] .
\label{eq:vdot}
\end{eqnarray}
Here, $m_i$ represents a dimensionless mass factor (=$m_{\rm WT}$ for WT and $m_{\rm long}$ for elongated cells, $m_{\rm long} = \alpha m_{\rm WT}$).
As the dynamics is overdamped at low Reynolds number, this coefficient can also be understood as a friction constant.
The first term in Eq.~\ref{eq:xdot} represents self-propulsion of each bacterium in the direction it is oriented with (isolated) propulsion force $v_0^i$ (=$v_{\rm WT}$ for WT and $v_{\rm long}$ for elongated cells). Since the long cells have approximately the same flagellar density, the force excreted by the flagella is approximately proportional to $\alpha$, $v_{\rm long}=\alpha v_{\rm WT}$.
As a result, the isolated swimming speed is the same for WT and elongated cells, as observed experimentally \cite{Beer2020}.
The second term in Eq.~\ref{eq:xdot} describes the advection of the bacterium by the local flow ${\bf u}({\bf x},t)$, given by Eq.~\ref{eq:uxt}, generated by all the surrounding cells. The last term in Eq.~\ref{eq:xdot} is a short-range soft repulsion between cells.
For simplicity, we use a truncated (purely repulsive) radial Lennard-Jones type potential that repels all cells within one cell length, $l$, and $\varphi$ represents the strength of this interaction which is the same for all cells (for additional details on the repulsive potential see \cite{Ryan2013}).
Parameters for WT cells include the effective mass $m_{\rm WT}=1$, swimming speed $v_{\rm WT}=5$, and dipole moment $p_{\rm WT}=F_{\rm WT} \alpha_{\rm WT} b=\zeta \eta a_{\rm WT} b v_{\rm WT} / m_{\rm WT}$, where the propulsion for $F_{\rm WT}$ is proportional to the isolated swimming speed $v_{\rm WT} / m$ and the ambient viscosity $\eta$ through an effective Stokes drag law for an ellipsoid with the drag coefficient $\zeta$ determined by the cell shape.
In simulations, we take $\zeta \eta =1$.
A more thorough analysis on the scaling of various coefficients on the aspect ratio may be pursued using slender-body theory \cite{Batchelor1970}.
Indeed, assuming an ellipsoidal shape, suggests that some factors
that are logarithmic in the aspect ratio are neglected.
With the parameters corresponding to our experiment, the error introduced by this approximation is about 10-20\%, which is reasonable, considering the
already much simplified physics that the dipole model assumes.
Eq.~\ref{eq:vdot} describes the time evolution of the orientation ${\bf d}_i$, which is given by Jeffery's equation. The first term represents the contribution to the orientational change due to the local vorticity while the second term in Eq.~\ref{eq:vdot} represents rotation due to the local shear. Assuming cells are prolate ellipsoids with aspect ratio $\alpha_i$, the shape is contained in the Bretherton constant $B=(\alpha_i^2-1)/(\alpha_i^2+1)$, which is between 0 (sphere) and 1 (pin). Hence, WT cells have $B=0.96$ while elongated cells have $B=0.99$.
Collisions between bacteria are accounted for in two ways. First, through a physical force from the excluded-volume potential described above. This forces the centers of mass of the colliding bacteria apart. In addition, when a collision occurs, i.e., when the distance between two particles is smaller than $b$, there is a realignment torque applied to the orientation represented by the last term in Eq.~\ref{eq:vdot}, where $\omega^{\rm LJ} ({\bf x}_i-{\bf x}_j )=|F^{\rm LJ} ({\bf x}_i-{\bf x}_j)|({\bf d}^i \cdot {\bf d}^j)( {\bf d}^i \times {\bf d}^j)$. This term reinforces the following interaction between colliding bacteria: if particles collide with nearly parallel directions, then ${\bf d}^i \times {\bf d}^j$ is small. Similarly, if directions are nearly perpendicular, then ${\bf d}^i \cdot {\bf d}^j$ is small, resulting in a small torque. Also, the coefficient is the magnitude of the truncated LJ force ensures that this torque only is applied during collision events and does not contribute any other time to a bacterial motion (see \cite{Ryan2013} for further details).
In addition to the above, it has been shown that tumbling has an important effect on the resulting dynamics \cite{Ryan2016}. To this end, tumbling is modeled as a homogeneous Poisson process. When a cell is picked to tumble, a small rotational diffusion is added which is selected from a Gaussian distribution with zero mean $\mu=0$ and standard deviation $\sigma=\pi/12$.
In simulations, up to $N=2000$ cells are placed in a rectangular domain with periodic boundary conditions. Figure~\ref{fig5} shows that the dependence of the average particle speed on $f$ and $\rho$ agrees very well with experiments (Fig.~\ref{fig4}). First and foremost, the average speed of each species on its own increases with $\rho$. This result indicates that the hydrodynamic interaction increases order, enabling more efficient spreading. Experiments show that at high surface coverages the speed of long cells levels-off and even decreases slightly; simulations show a smaller decrease in speeds. This result is consistent with previous works showing that for long cells, steric effects, which are largely neglected by our model, become important at high densities \cite{Beer2020}.
Interestingly, tumbling has a non-negligible effect of the results (Fig. S6 \cite{supmat}).
\begin{figure}[ht]
\includegraphics[scale=1.5, trim=0 685 10 0, clip]{5}
\caption{\label{fig5} {\bf Simulation results.} (a-c) Average cell speed (solid symbols) as a function of surface coverage $\rho$. (a) $f=0.1$, (b) $f=0.5$ and (c) $f=0.9$. The empty symbols show simulation results for homogeneous systems – only WT (red) or only long (green). Compare with the experimental results shown in Fig.~\ref{fig4}. Error bars are of the order of the circle/square size.}
\end{figure}
The effect of adding a small number of long cells to a mostly WT swarm (small $f$) depends on the overall surface coverage. At small $\rho$, the average speed of both species is practically the same for each species on its own. This is reasonable, as the interaction between the species is weak. However, at larger surface coverages, both WT and long cells move faster. At larger $f$ this effect is not observed and the inherent speed of long cells seems to be a bottle-neck for efficient swarming. Similar to the experimental result, the speed of WT cells decreases with $f$ to match the speed of the longer bacteria. These effects are consistent with the experimental results (Fig.~\ref{fig4}). Finally, considering the spatial distribution of cells, simulations do not show statistically significant correlations between the densities of WT and long cells. This is expected taking into account the simplified cell-cell local interaction assumed by our model.
\section{Discussion}
Our work presents the first experimental results describing the dynamics of heterogeneous bacterial swarms composed of cells with different aspect ratios. By controlling the overall surface coverage and ratio between the cell strains, we find new swarming regimes which are not expressed by the individual species on their own. In particular, we find that introduction of a small fraction of long cells ($f=0.3$, corresponding to about 10\% of the number of cells) fundamentally changes the spatial distribution of WT cells. At high surface coverages, the speed of WT cells depends non-monotonically on $f$. Introducing a small number of long cells to a WT swarm (low $f$) increases the average speed, while higher $f$ lowers the speed of WT cells, possibly due to multiple cell-cell collisions or jamming.
Our experimental results contrast several theoretical predictions obtained in models of self-propelled rods and other types of active particles \cite{Kumar2014,Du2020,Nambisan2020,Winkler2020,Duman2018,Vliegenthart2020}. Most notably, although the speed of WT and long cells are different, there is no global phase separation and the swarm is well mixed on the macroscopic scale (in contrast to theoretical predictions for self-propelled rods \cite{Schweitzer1994,McCandlish2012,Mishra2012,Du2020,Zuo2020}. Locally, long cells increase clustering and the local density of WT and long cells are correlated. This result highlights the intricate interplay between short-range order and long-range mixing in active swarms.
Our model, consisting of self-propelled particles with hydrodynamic interactions, reproduces the speed dependence of both cell types at the entire range of $\rho$ and $f$ tested. However, the simulated spatial distributions of WT and long cells are not correlated. Therefore, hydrodynamic models of swarming bacteria also fall short at describing the full breadth of the dynamics.
Additional experiments, including individual cell tracking may shed additional light on the correlations between the local orientational order and the coarse grained statistics such as average speeds and radial distribution function.
Previous works with homogeneous swarms did not identify such correlations \cite{Beer2020}.
Extending these studies to mixed swarms is beyond the scope of the current manuscript.
Overall, our findings bring forth some of the intricate, non-intuitive biological aspects of realistic, heterogeneous swarms. In particular, we see that introducing even a small fraction of long cells, as occurs naturally in colonies of some swarming bacterial species, can significantly change the dynamics and the pattern of the group.
\section*{Acknowledgments}
We thank Daniel B. Kearns for sending the strains and Avigdor Eldar for creating the fluorescent variants. Partial support from The Israel Science Foundation’s Grant 373/16 and the Deutsche Forschungsgemeinschaft (The German Research Foundation DFG) Grant No. HE5995/3–1 and Grant No. BA1222/7–1 are thankfully acknowledged.
\section*{Appendix: radial correlation function}
Consider an ensemble of $n$ point particles at positions ${\bf x}_i$, $i=1,…,n$.
The pair density $h({\bf x},{\bf x}')$ is defined as
\begin{equation}
h({\bf x},{\bf x}') = \sum_{i \neq j} \delta ({\bf x}_i,{\bf x}) \delta ({\bf x}_j,{\bf x}) .
\nonumber
\end{equation}
Assuming the system is translation invariant, the pair correlation function is defined as
\begin{equation}
g({\bf x}) = \frac{1}{A n^2} \int \left< h({\bf x}',{\bf x}'+{\bf x}) \right> d {\bf x}' ,
\nonumber
\end{equation}
where $A$ is the viewing area and $\left< \cdot \right>$ denotes an ensemble average. Assuming rotational invariance, the pair correlation function depends only on $r=|{\bf x}|$, and one can define the radial correlation function $g(r)=g(|{\bf x}|)$.
In experiments, the integral in $g(r)$ is approximated by sampling 10,000 points from 9 experimental images, taken approximately 1 second apart. For each point we average the red/green pixel content at distance r from the focal point. Thus, in this approximation, a particle is a red or green pixel, not a cell.
|
\section{Introduction}\label{S:intro}
In this paper, we study some ad-hoc $L^{2}-L^{2}$ Carleman estimates for operators of the type
\begin{equation}\label{operator}
\mathcal{L}= \sum_{i=1}^N X_i(a_{ij} (z, t) X_j ),
\end{equation}
where $(z,t) \in \mathbb R^m \times \mathbb R^k$, $N=m+k$ and the vector fields $X_1, ..., X_N$ are given by
\begin{equation}\label{vector}
X_i= \partial_{z_i}, i=1,..,m \quad X_{m+j}= |z|^{\gamma}\partial_{t_j}, j=1,..,k, \\ \gamma>0.\end{equation}
Besides ellipticity, the $N \times N$ matrix valued function $A(z,t)= [a_{ij}(z,t)]$ is required to satisfy some structural assumptions that will be specified in \eqref{H} in Section \ref{pre} below. Such conditions reduce to the standard Lipschitz continuity when the dimension $k=0$ or when $\gamma=0$. One should note that when $A= \mathbb{I}$, the operator in \eqref{operator} reduces to the well known Baouendi-Grushin operator given by
\begin{equation}\label{ba}
\mathcal{B}_\gamma = \Delta_z + |z|^{2\gamma} \Delta_t.
\end{equation}
The operator $\mathcal{B}_\gamma$ is degenerate elliptic along $\{z=0\}$ and it is not translation invariant in $\mathbb R^N$. We recall that a more general class of operators modelled on $\mathcal{B}_\gamma$ was first introduced by Baouendi who studied the Dirichlet problem in some appropriate weighted Sobolev space in \cite{Ba}. Subsequently in \cite{Gr1}, \cite{Gr2}, Grushin analyzed the hypoellipticity of this operator when $\gamma \in \mathbb{N}$. We also refer to \cite{FL0, FL, FL3, W} for other interesting works related to $\mathcal{B}_\gamma$. Remarkably, the operator $\mathcal{B}_\gamma$ also plays an important role in the work \cite{KPS} on the higher regularity of the free boundary in the classical Signorini problem.
To provide the reader with some perspective we mention that when $\gamma = 1$ the operator $\mathcal{B}_\gamma$ is intimately connected to the sub-Laplacians in groups of Heisenberg type. In such Lie groups, in fact, in the exponential coordinates with respect to a fixed orthonormal basis of the Lie algebra, the sub-Laplacian is given by
\begin{equation}\label{slH}
\Delta_H = \Delta_z + \frac{|z|^2}{4} \Delta_t + \sum_{\ell = 1}^k \partial_{t_\ell} \sum_{i<j} b^\ell_{ij} (z_i \partial_{z_j} - z_j \partial_{z_i}),
\end{equation}
where $b^\ell_{ij}$ indicate the group constants. If $u$ is a solution of $\Delta_H$ that further annihilates the symplectic vector field $\sum_{\ell = 1}^k \partial_{t_\ell} \sum_{i<j} b^\ell_{ij} (z_i \partial_{z_j} - z_j \partial_{z_i})$, then, up to a normalisation factor of $4$, $u$ solves the operator $\mathcal{B}_\gamma$ obtained by letting $\gamma = 1$ in \eqref{ba} above.
Concerning the question of interest for this paper, the unique continuation property, we mention that for general uniformly elliptic equations there are essentially two known methods for proving it. The former is based on Carleman inequalities, which are appropriate weighted versions of Sobolev-Poincar\'e inequalities. This method was first introduced by T. Carleman in his fundamental work \cite{C} in which he showed that strong unique continuation holds for equations of the type
\[
-\Delta u +V u = 0, \ \ \ \ \ \ V \in L^{\infty}_{loc}(\mathbb R^2).
\]
In his pioneering work \cite{A}, Aronszajn extended such estimates to higher dimensions and uniformly elliptic operators with $C^{2}$ principal part. Subsequently, in \cite{AKS} the authors generalised this result to uniformly elliptic equations with Lipschitz coefficients in the principal part, see also \cite{Ho}. We stress that unique continuation fails in general when the coefficients of the principal part are only H\"older continuous, see Plis' counterexample in \cite{Pl}, and also \cite{Mi}.
The second approach came up in the works of Garofalo and Lin, see \cite{GL1}, \cite{GL2}. Their method is based on the almost monotonicity of a generalisation of the frequency function, first introduced by Almgren in \cite{Al} for harmonic functions. Using this approach, they were able to obtain new quantitative information on the zero set of solutions to divergence form elliptic equations with Lipschitz coefficients.
The unique continuation property for the degenerate operators $\mathcal{B}_\gamma$ is much subtler than the one for the Laplacian. It was first established by Garofalo in \cite{G}. In that work he introduced a Almgren type frequency function associated with $\mathcal{B}_\gamma$, and proved that such function is monotone non-decreasing on solutions of $\mathcal{B}_\gamma= 0$. These results were extended to more general variable coefficient equations by Garofalo and Vassilev in \cite{GV}. One should also see the related works \cite{GLan} and \cite{GR} on the Heisenberg and more general Carnot groups. We also note that a version of the monotonicity formula for $\mathcal{B}_\gamma$ played an extensive role in the recent work \cite{CSS} on the obstacle problem for the fractional Laplacian.
Using some ad hoc Carleman estimates in \cite{GarShen} the authors were able to establish for the first time some strong unique continuation results for $\mathcal{B}_\gamma u+Vu=0$ in the difficult situation when $V$ satisfies appropriate $L^p$ integrability hypothesis. Their analysis, which is closer in spirit to the works \cite{JK}, \cite{J}, \cite{ChS}, \cite{KT} to name a few, only covers the special case when $\gamma=k=1$ in \eqref{ba}, and ultimately rests on delicate boundedness properties of certain projector operators generalising some of the results in \cite{So}. We also refer to the recent work of one of us with Mallick in \cite{BM} where, using such projector operator estimates, a new $L^{2}-L^{2}$ Carleman estimate is derived. Using the latter, the authors deduce strong unique continuation when the potential $V$ satisfies Hardy type growth assumptions. It is worth mentioning at this point that the general situation of the results in \cite{GarShen} presently remains a challenging open question.
$L^{2}-L^2$ Carleman estimates with singular weights for the general Baouendi-Grushin operators $\mathcal{B}_\gamma$ which are analogous to the ones in \cite{A} have been established very recently by two of us with Garofalo in \cite{BGM} by using elementary arguments based on integration by parts and by an appropriate application of Rellich type identity. In the same paper, quantitative uniqueness result of Bourgain-Kenig type (see \cite{BK}) and a strong unique continuation for a class of sublinear equations of the type \eqref{sub} (when $A\equiv \mathbb{I}$) are also proven.
In the present work, we generalize the results in \cite{BGM} to variable coefficient principal part where the matrix valued function $A$ is assumed to be Lipschitz continuous with respect to a suitable pseudo-distance associated to the system of vector fields $\{X_i\}$. We refer to \eqref{H} below for the precise assumptions. This framework was first introduced by Garofalo and Vassilev in the above cited paper \cite{GV}. It is easily seen that in the situation when $k=0$ the hypothesis \eqref{H} below coincides with the usual Lipschitz continuity at the origin of the coefficients $a_{ij}$. Our Carleman estimates thus encompass those in the cited paper \cite{AKS}. Our main results Theorem \ref{main} and Theorem \ref{main2} can be seen as the variable coefficient analogues of the corresponding results in \cite{BGM}. The key to the proof of such results are the Carleman estimates in \eqref{est1} and \eqref{f10} below that we derive. As the reader will see, the proof of these estimates are more involved than that for $\mathcal{B}_\gamma$ because of the additional error terms that are incurred due to the Lipschitz perturbation of the principal part. Such error terms are eventually handled by a delicate interpolation type argument in the proof of the respective estimates. As an application of our techniques, we also show how to obtain a further refined estimate for zero-order $C^{1}$ perturbations of the operator as in \eqref{df} below which in particular implies a quantitative uniqueness result of Donnelly-Fefferman type (see Theorem \ref{DF1}). We mention that the result in Theorem \ref{DF1} has however been previously obtained by one of us with Garofalo in \cite{BG1} by an adaptation of the Almgren's frequency function approach. Therefore this part of our work can be thought of as an alternate approach to the Donnelly-Fefferman type quantitative uniqueness in this degenerate setting. As a further extension of our techniques, we also establish a subelliptic version of a critical Carleman estimate proven by Regbaoui in \cite{Reg} for uniformly elliptic operators which in turn implies a certain unique continuation result for equations of the type \eqref{hj} where the potential $V$ satisfies the Hardy type growth assumption as in \eqref{V1} (see Theorem \ref{har1}). We mention that proof of the corresponding estimate in \cite{Reg} uses in a crucial way the polar decomposition of the frozen constant coefficient operator. Our proof of \eqref{har1} is quite different from that in \cite{Reg} and is instead based on a suitable adaptation of a Rellich type identity as stated in \eqref{re} below. Therefore in that sense, the proof of all the Carleman estimates in this paper have a universal character.
Over here, we would like to mention that Theorem \ref{har1} is however slightly weaker than the strong unique continuation property because the hypothesis of the theorem involves a somewhat different notion of vanishing ( see \eqref{vp1} below). Nevertheless it provides an improvement of Theorem 4.4 in \cite{G}. We refer to Section \ref{pre} for further discussions on this topic. Finally we would like to point out that a somewhat technical level, our work also differs additionally from \cite{GV} and \cite{BG1} (which uses the frequency function approach in this variable coefficient setting) in the sense that for the proof of the Carleman estimates, a third derivative estimate of the gauge function $\rho$ as in Lemma \ref{lma3.3} below is crucial for our analysis. We provide a proof of such an estimate in the Appendix because it involves a long and delicate computation.
The paper is organized as follows. In Section \ref{pre}, we introduce relevant notions, gather some known results and then state our main results. In Section \ref{mn}, we prove our main results. In the Appendix, we give a proof of Lemma \ref{lma3.3}.
\textbf{Acknowledgment:} The authors would like to thank Nicola Garofalo for sharing ideas and discussions at various stages of the work.
\section{Notations and preliminary results}\label{pre}
Henceforth in this paper we follow the notations adopted in \cite{G} and \cite{GV}, with one notable proviso: the parameter $\gamma>0$ in \eqref{ba}, etc. in this paper plays the role of $\alpha >0$ in \cite{G} and \cite{GV}. The reason for this is that we have reserved the greek letter $\alpha$ for the powers of the singular weights in our Carleman estimates. Throughout the paper, whenever convenient, we will use the summation convention over repeated indices.
Given a function $f$, we respectively denote
\begin{equation*}
Xf= (X_1f,...,X_Nf),\ \ \ \ \ \ \ \ \ |Xf|^2= <Xf,Xf> = \sum_{i=1}^N (X_i f)^2,
\end{equation*}
the intrinsic (degenerate) gradient of a function $f$, and the square of its length where the vector fields $\{X_i\}$ are defined as in \eqref{vector}. We note that the vector fields $X_i$ are homogeneous of degree one with respect to the following family of anisotropic dilations
\begin{equation}\label{dil}
\delta_\lambda(z,t)=(\lambda z,\lambda^{\gamma+1} t),\ \ \ \ \ \ \ \ \lambda>0.
\end{equation}
Consequently, the Baouendi-Grushin operator $\mathcal{B}_\gamma$ as defined in \eqref{ba} is homogeneous of degree two with respect to \eqref{dil}. Let $dzdt$ denote the Lebesgue measure in $\mathbb R^N$. Since $d(\delta_\lambda(z,t)) = \lambda^Q dz dt$, where
\begin{equation}
Q= m + (\gamma+1) k,
\end{equation}
such number plays the role of a dimension in the analysis of the operator
$\mathcal{B}_\gamma$ as well as $\mathcal{L}$ as in \eqref{operator}.
For instance, one has the following remarkable fact (see \cite{G}) that the fundamental solution $\Gamma$ of $\mathcal{B}_\gamma$ with pole at the origin is given by the formula
\[
\Gamma(z,t) = \frac{C}{\rho(z,t)^{Q-2}},\ \ \ \ \ \ \ \ \ (z,t)\not= (0,0),
\]
where $C>0$ is suitably chosen and $\rho$ is the pseudo-gauge
\begin{equation}\label{rho}
\rho(z,t)=(|z|^{2(\gamma+1)} + (\gamma+1)^2 |t|^2)^{\frac{1}{2(\gamma+1)}}.
\end{equation}
A function $v$ is $\delta_{\lambda}$-homogeneous of degree $\kappa$ if and only if $Zv=\kappa v$. Since $\rho$ in \eqref{rho} is homogeneous of degree one, we have
\begin{equation}\label{hg}
Z\rho=\rho.
\end{equation}
We respectively denote by
\[
B_r = \{(z,t)\in \mathbb R^N\mid \rho(z,t) < r\},\ \ \ \ \ \ \ \ S_r = \{(z,t)\in \mathbb R^N\mid \rho(z,t) = r\},
\]
the gauge pseudo-ball and sphere centered at $0$ with radius $r$. The infinitesimal generator of the family of dilations \eqref{dil} is given by the vector field
\begin{equation}\label{Z}
Z= \sum_{i=1}^m z_i \partial_{z_i} + (\gamma+1)\sum_{j=1}^k t_j \partial_{t_j}.
\end{equation}
We note the important facts that
\begin{equation}\label{divZ}
\operatorname{div} Z = Q,\ \ \ \ \ \ \ \ \ \ \ \ [X_i,Z] = X_i,\ \ \ i=1,...,N.
\end{equation}
We also need the angle function $\psi$ introduced in \cite{G}
\begin{equation}\label{psi}
\psi = |X\rho|^2= \frac{|z|^{2\gamma}}{\rho^{2\gamma}}.
\end{equation}
The function $\psi$ vanishes on the characteristic manifold $M=\mathbb R^n \times \{0\}$ and clearly satisfies $0\leq \psi \leq 1$. Since $\psi$ is homogeneous of degree zero with respect to \eqref{dil}, one has
\begin{equation}\label{Zpsi}
Z\psi = 0.
\end{equation}
If $f\in C^2(\mathbb R)$ and $v\in C^2(\mathbb R^N)$, then we have the important identities (see \cite{G})
\begin{equation}\label{ii}
\mathcal{B}_\gamma f(\rho) = \psi \left(f''(\rho) + \frac{Q-1}{\rho} f'(\rho)\right),
\end{equation}
and
\begin{equation}\label{h10}
<Xv,X\rho> = \sum_{i=1}^N X_i v X_i \rho = \frac{\psi}{\rho} Zv.
\end{equation}
Henceforth, for any two vector fields $U$ and $W$, $[U,W] = UW - WU$ denotes their commutator.
A first basic assumption on the matrix-valued function $A=[a_{ij}]$ is that it be symmetric and uniformly elliptic. i.e., $a_{ij} = a_{ji}$, $i,j=1,...,N$, and there exists $\lambda > 0$ such that for every $(z,t)\in \mathbb R^N$ and $\eta\in \mathbb R^N$ one has
\begin{equation}\label{ue}
\lambda|\eta|^2 \leq<A(z,t)\eta, \eta> \leq \lambda^{-1} |\eta|^2.
\end{equation}
Throughout the paper we assume that
\begin{equation}\label{A0}
A(0,0) = I_N,
\end{equation}
where $I_N$ indicates the identity matrix in $\mathbb R^N$.
In order to state our main assumptions (H) on the matrix $A$ it
will be useful to represent the latter in the following block
form
\begin{equation*}
A= \begin{pmatrix} A_{11} & A_{12} \\ A_{21} & A_{22}
\end{pmatrix},
\end{equation*}
Here, the entries are respectively $ m\times
m,\thickspace m\times k,\thickspace k\times m$ and $k\times k $
matrices, and we assume that $A^t_{12}=A_{21}$. We shall denote
by $B$ the matrix
\[
B = A - I_N,
\]
and thus
\begin{equation}\label{Bat0}
B(0,0) = O_N,
\end{equation}
thanks to \eqref{A0}. We now state the structural assumptions on the matrix $A$.
\begin{hyp}
There exists a positive constant $\Lambda$ such that one has in $B_{1}$ the
following estimates
\begin{equation*}
|b_{ij}| = |a_{ij} - \delta_{ij}|\ \leq\
\begin{cases}
\Lambda\rho, \hskip1.4truein \text{ for }\ 1\leq i,\, j\leq m,\\
\\
\Lambda \psi^{\frac12+\frac1{2\gamma}}\rho\, =\, \Lambda\frac{|z|^{\gamma+1}}{\rho^\gamma},\quad
\text{otherwise},
\end{cases}
\end{equation*}
\begin{equation}\label{H}
\tag{H}
\end{equation}
\begin{equation*}
|X_kb_{ij}| = |X_ka_{ij}|\ \leq\
\begin{cases}
\Lambda, \hskip1.1truein \text{ for }\quad 1\leq k\leq m ,\ \text{ and }\ 1\leq i,\,j\leq m
\\
\Lambda \psi^{1+\frac{1}{2\gamma}}\quad \text{when $k >m$ and $\max\{i, j\} > m$}
\\
\Lambda \psi^{1/2}\quad
\text{otherwise}.
\end{cases}
\end{equation*}
\end{hyp}
\
An interesting typical example of a matrix $A$ satisfying the conditions \eqref{H} is
\begin{equation*}
A= \begin{pmatrix} 1 + \rho f(z,t) & |z|^{\gamma+1} g(z,t) \\ |z|^{\gamma+1} g(z,t) & 1+ |z|^{\gamma+1} h(z,t)
\end{pmatrix},
\end{equation*}
where $f,g$ and $h$ are Lipschitz continuous near the origin in $\mathbb R^2$. In this example $m=k=1$.
We next collect several preliminary results that will be important in our proof. We first consider the quantity
\begin{eqnarray} \label{defmu}
\mu=\langle A X \rho, X\rho\rangle.
\end{eqnarray}
In view of the uniform ellipticity of $A$, we have
\begin{eqnarray} \label{musi}
\lambda \psi \leq \mu \leq \lambda^{-1} \, \psi.
\end{eqnarray}
The following vector field $F$ will play an important role in the paper:
\begin{eqnarray} \label{defF}
F=\frac{\rho}{\mu} \sum_{i,j=1}^Na_{ij} X_i \rho X_j.
\end{eqnarray}
We note that
\begin{eqnarray} \label{3.5}
F\rho= \rho.
\end{eqnarray}
\begin{dfn}
We have $$B=A-Id, ~~\sigma = \langle B X\rho, X\rho\rangle.$$
One more notation we will use is: $(b_{ij})=B.$
\end{dfn}
In the next theorem we collect several important estimates that have been established in \cite{G} and \cite{GV} which will be useful throughout the work.
\begin{thrm}\label{Est1}
There exists a constant $C(\beta,\lambda,\Lambda,N)>0$ such that for any function $u$ one has:
\begin{itemize}
\item[(i)] $|Q- \operatorname{div} F| \leq C\rho$;
\item[(ii)] $|F\mu|, |F\psi| \leq C \rho \psi$;
\item[(iii)] $\operatorname{div} (\frac{\sigma Z}{\mu}) \leq C \rho$;
\item[(iv)] $|X_{i}\rho|\leq \psi^{1+\frac{1}{2\gamma}}, \ \ i=1,...,m,\ \ \ \ |X_{m+j} \rho| \leq (\gamma+1)\psi^{1/2},\ \ j=1,...,k$;
\item[(v)] $ |F-Z| \leq C \rho^2$;
\item[(vi)] $|<FAXu, Xu>| \leq C \rho |Xu|^2$;
\item[(vii)] $|[X_i,F]u -X_iu| \leq C \rho |Xu|$,\ \ \ \ $i=1,...,N$;
\item[(viii)] $|\sigma| \leq C \rho \psi^{3/2+ \frac{1}{2\gamma}}\ |X\sigma| \leq C\psi^{3/2}$;
\item[(ix)] $|\frac{b_{ij} X_j\rho X_i}{\mu}| \leq C|z|$;
\item[(x)] $|X_i\psi|\leq \frac{C\gamma\psi}{|z|}, i=1,...,m,\ \ \ \ |X_{n+j} \psi| \leq \frac{C\gamma\psi}{\rho}, j=1, ..., k$;
\item[(xi)] $|\frac{\sigma}{\mu}| \leq C \rho \psi,\ |Z\sigma| \leq C \rho \psi,\ |X_k\sigma| \leq C \psi^{3/2}$;
\item[(xii)] $|[X_i, -\frac{\sigma Z}{\mu}]u| \leq C \rho |Xu|$,\ \ \ \ \ (Lemma 2.7 in \cite{GV});
\item[(xiii)] $|[X_\ell, \frac{\rho}{\mu} \sum_{i,j=1}^N \frac{b_{ij} X_j\rho} X_i]u| \leq C \rho |Xu|$,\ \ $\ell = 1,...,N$.
\end{itemize}
\end{thrm}
We also need the following lemmas.
\begin{prop}[Proposition 3.1, \cite{GV}] \label{gauge}
We have
\begin{eqnarray*}
X_l\rho=\begin{cases}
\psi \frac{z_l}{\rho}, & \text{ for } 1\leq l\leq m\\
(\gamma+1) \, \psi^{1/2} \frac{t_{l-m}}{\rho^{\gamma+1}}, & \text{ for } m+1\leq l\leq N.
\end{cases}
\end{eqnarray*}
Consequently it follows that,
\begin{enumerate}
\item $|X_i\rho| \leq \psi^{1+\frac{1}{2\gamma}}$ for $1\leq i\leq m.$
\item $|X_{n+i}\rho| \leq (\gamma+1)\psi^{\frac{1}{2}}$ for $1\leq i\leq k.$
\end{enumerate}
\end{prop}
\begin{lemma} \label{secondder}
We have the expressions for the second derivatives of $\rho$ (See, Proposition 3.3 in \cite{GV}):
\begin{enumerate}
\item For $1\leq i,j \leq m,$ we have:
\begin{eqnarray*}&&X_iX_j \rho=-(2\gamma+1) z_iz_j \frac{\psi^2}{\rho^3}+ \left[2\gamma \frac{z_iz_j}{|z|^2}+\delta_{ij}\right] \frac{\psi}{\rho}.
\end{eqnarray*}
\item For $1\leq i\leq m$ and $1\leq j \leq k,$ we have:
\begin{eqnarray*}
&&X_iX_{m+j} \rho=-(2\gamma+1)(\gamma+1) \frac{z_it_j}{|z|^{\gamma}} \frac{\psi^2}{\rho^3} +\frac{\psi}{\rho}\left[\gamma(\gamma+1) \frac{z_it_j}{|z|^{\gamma+2}}\right].
\end{eqnarray*}
\item For $1\leq i\leq m$ and $1\leq j\leq k$ we have:
\begin{eqnarray*}
X_{m+j} X_i\rho=-(2\gamma+1)(\gamma+1) \frac{z_it_j}{|z|^{\gamma}} \, \frac{\psi^2}{\rho^3}.
\end{eqnarray*}
\item For $1\leq i, j\leq k$ we have:
\begin{eqnarray*}
X_{m+i}X_{m+j} \rho=-(2\gamma+1)(\gamma+1)^2 \frac{t_jt_i}{|z|^{2\gamma}} \, \frac{\psi^2}{\rho^3} +(\gamma+1) \delta_{ij} \frac{\psi}{\rho}.
\end{eqnarray*}
\end{enumerate}
\end{lemma}
Lemma \ref{secondder} in particular implies the following bounds.
\begin{prop}[Proposition 3.3, \cite{GV}] \label{prop3.4}
\begin{eqnarray*}
&&|X_iX_j\rho| \leq C\frac{\mu}{\rho} \text{ for } 1\leq i, j\leq m \text{ or } m+1\leq i, j \leq N,\\
&&|X_iX_{m+j}\rho| \leq C\frac{\mu^{\frac{1}{2}}}{|z|}=C \frac{\mu^{\frac{1}{2}-\frac{1}{2\gamma}}}{\rho} \text{ for } 1\leq i\leq m, ~1\leq j \leq k,\\
&&|X_{m+j}X_i\rho| \leq C\frac{\mu^{\frac{3}{2}|z|}}{\rho^2}=C\frac{ \mu^{\frac{3}{2}+\frac{1}{2\gamma}}}{\rho} \text{ for } 1\leq i\leq m, ~1\leq j \leq k.
\end{eqnarray*}
\end{prop}
\begin{rmrk} \label{rmk3.7}
It is easily seen that $$|X_lb_{ij} X_i \rho| \leq C \psi.$$
We also have (See \cite{GV}, page 653)
\begin{align}
\sum_{i,j=1}^N|X_i b_{ij} \, X_j \rho| \leq C\mu, \notag~~\text{ and }\sum_{i,j=1}^N| b_{ij} \, X_i \, X_j \rho| \leq C\mu.\notag
\end{align}
\end{rmrk}
\begin{lemma}[Lemma 3.9, \cite{GV}] \label{lma3.10}
If \eqref{H} holds then:
\begin{eqnarray*}
|b_{kj}X_j \rho| \leq C \, \rho \, \mu^{1+\frac{1}{2\gamma}}.
\end{eqnarray*}
\end{lemma}
We also need the following third derivative estimate in our analysis.
\begin{lemma} \label{lma3.3}
Let $F=\frac{\rho}{\mu}\sum a_{qr} X_q\rho X_r.$ Then, we have
\begin{align}\label{third}
&|F(b_{ij}X_i X_j \rho)|\leq C \psi.
\end{align}
\end{lemma}
The proof of the Lemma \ref{lma3.3} which is based on a long computation is postponed to the appendix.
\medskip
We then define the relevant function space that is repeatedly used in our work.
\begin{dfn}
For a given domain $\Omega$, we denote by $S^{2,2}(\Omega)$, the completion of $C^{\infty}(\overline{\Omega})$ under the norm
\[
||f||_{S^{2,2}(\Omega)}= \int_{\Omega} f^2 + |Xf|^2 + \sum_{i,j=1}^N |X_i X_j f|^2
\]
We instead indicate with $S^{2,2}_0(\Omega)$ the completion of $C^{\infty}_{0}(\Omega)$ under the same norm.
\end{dfn}
We now introduce the relevant notion of vanishing to infinite order.
\begin{dfn}\label{v0}
We say that $u$ vanishes to infinite order at the origin $(0,0)$, if for every $\ell>0$ one has
\begin{align}\label{vanLp}
\int_{B_r} |u|^2 \psi = O(r^\ell), \ \ \ \ \ \text{as}\ r \rightarrow 0.
\end{align}
\end{dfn}
\begin{rmrk}
Throughout this paper, when we say that a constant is universal, we mean that it depends exclusively on $m, k, \beta$, on the ellipticity bound $\lambda$ on $A(z,t)$, see \eqref{ue} above, and on the Lipschitz bound $\Lambda$ in \eqref{H}. Likewise, we will say that $O(1)$, $O(r)$, etc. are universal if $|O(1)| \le C$, $|O(r)|\le C r$, etc., with $C\ge 0$ universal.
\end{rmrk}
\subsection{Statement of the main results}
We now state the main results of the paper.
Our first result is the subelliptic analogue of the corresponding quantitative uniqueness result of Bourgain and Kenig for the Euclidean Laplacian, see \cite{BK}. We also refer to the work of Bakri \cite{Bk1} for a generalisation of their result to Laplace Beltrami operators on compact manifolds. From now onwards, by $\mathcal{L}$, we refer to the operator defined in \eqref{operator} where $A$ satisfies the assumptions in \eqref{H}.
\begin{thrm}\label{main}
Let $u \in S^{2,2}(B_1)$ with $|u| \leq 1$ be a solution to
\begin{equation}
\mathcal{L} u=Vu,
\end{equation}
where the potential $V$ satisfies the following bound
\begin{equation}\label{vasump}
|V(z,t)| \leq K \psi.
\end{equation}
Then, there exists universal $R_0 \in (0, 1/2]$ and constants $C_1,C_2$ depending also on $\int_{B_{\frac{R_0}{4}}} u^2 \psi$, such that for all $0<r< \frac{R_0}{9}$ one has
\begin{equation}\label{main1}
||u||_{L^{\infty}(B_r)} \geq C_1 \left(\frac{r}{R_0}\right)^{C_2 (K^{2/3}+1)}.
\end{equation}
\end{thrm}
It is worth emphasizing that, when $k=0$, we have $N = m$ and then from \eqref{psi} we have $\psi \equiv 1$. In such a case the constant $K$ in \eqref{vasump} can be taken to be $||V||_{L^{\infty}}$, and Theorem \ref{main} reduces to the cited Euclidean result in \cite{BK}. We note that the sharpness of the estimate corresponding to \eqref{main1} follows from counterexamples due to Meshkov, see \cite{Me}.
For zero order $C^1$ perturbation of the operator $\mathcal{L}$, we also obtain the following analogue of a Carleman estimate proven by Bakri in \cite{Bk} for Laplace Beltrami operators on manifolds.
\begin{thrm} \label{DF}
Let $0< \varepsilon < 1$ be fixed. There exists a universal $R_0>0$, depending also on $\varepsilon$, such that for all $R \leq R_0$, $u \in S^{2,2}_{0}(B_R)$, and $V$ satisfying
\begin{equation}\label{vassump1}
|V| + |FV| \leq K \psi,
\end{equation}
one has \begin{align}\label{df}
&\alpha^3\int \rho^{-2\alpha- 4+\varepsilon} u^2 e^{2\alpha \rho^{\varepsilon}} \mu + \alpha \int_{B_R} \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle AXu, Xu \rangle dz dt \\
& \leq C \int \rho^{-2\alpha} e^{2\alpha \rho^{\varepsilon}} (\mathcal{L} u +V u)^2 \mu^{-1}\notag,
\end{align}
for universal constants $C, C_1>0$ depending also on $\varepsilon$ such that $$\alpha \geq C_1 (K^{1/2} +1).$$
\end{thrm}
As a consequence of the estimate \eqref{df}, we deduce the following quantitative uniqueness result for "$C^{1}$" type potentials $V$ by repeating the arguments as in the proof of Theorem 1.3 in \cite{BGM}.
\begin{thrm}\label{DF1}
Let $u$ solve
\[
\mathcal{L} u + Vu =0
\]
in $B_1$ where $V$ satisfies \eqref{vassump1}. Then there exists $R_0$ universal such that for all $r \leq R_0$, we have
\begin{equation}\label{m}
||u||_{L^{\infty}(B_r)} \geq C_1 \left(\frac{r}{R_0}\right)^{C_2 (\sqrt{K}+1)},
\end{equation}
where $C_1, C_2$ have the same dependence as in Theorem \ref{main}.
\end{thrm}
It is to be noted that in the Euclidean case, the constant $C$ can be taken to be the $C^{1}$ norm of $V$. As previously mentioned, Theorem \ref{DF1} has already been proven in \cite{BG1} differently using a variant of the frequency function approach which in turn is inspired by the work of Zhu in \cite{Zhu1} for the standard Laplacian ( see also \cite{BG} for the extension of the frequency function approach of Zhu to variable coefficients at the boundary).
For a historical account, we note that such an estimate in the Euclidean case was first established by Bakri in the above cited paper \cite{Bk} using the Euclidean version of the Carleman estimate \eqref{df}. Such result generalised the sharp vanishing order estimate of Donnelly and Fefferman in \cite{DF1} for eigenfunctions of the Laplacian on compact manifolds. Finally, we refer to the paper \cite{Ru1} for an interesting generalisation to nonlocal equations of the quantitative uniqueness result in \cite{Bk}, and also to \cite{B} for a generalisation to Carnot groups of arbitrary step.
\medskip
We then study strong unique continuation for sublinear equations of the type
\begin{equation}\label{sub}
-\mathcal{L} u= f((z,t), u) \psi + Vu,
\end{equation}
where $V$ satisfies \eqref{vasump}, and $f$ and its primitive, $G((z,t), s) = \int_{0}^{s} f((z,t) s) ds$, satisfies the following assumptions analogous to those in \cite{Ru} and \cite{SW} in the uniformly elliptic case:
\begin{equation}\label{a1}
\begin{cases}
f((z,t), 0) =0,
\\
0 < s f((z,t), s) \leq q G((z,t), s), \ \text{for some $q \in (1, 2)$ and $s \in (-1, 1) \setminus \{0\}$},
\\
|\nabla_{(z,t)} f| \leq K |f|,\ |\nabla_{(z,t)} G| \leq K G,
\\
f((z,t), s) \leq \kappa s^{p-1}\ \text{for some $p \in (1,2)$},
\\
G((z,t), 1) \geq \varepsilon_0\ \text{for some $\varepsilon_0>0$}.
\end{cases}
\end{equation}
We note that the conditions in \eqref{a1} imply that for some constant $c_0, c_1$, we have
\begin{equation}\label{a0}
c_1 s^{p} \geq G(., s) \geq c_0 s^{q},\ \text{for}\ s \in (-1,1).
\end{equation}
A prototypical $f$ satisfying \eqref{a1} is
\[
f((z,t), u) = \sum_{i=1}^\ell c_i(z,t) |u|^{q_i-2} u,\ \text{where for each}\ i, q_i \in (1,2), 0<k_0<c_i< k_1, \text{and}\ |\nabla c_i| < K,
\]
for some $k_0, k_1\ \text{and}\ K$. In this case, we can take $q= \max \{q_i\}$ and $p= \min \{q_i \}$.
Unique continuation properties for uniformly elliptic nonlinear equations of the type
\[
-\operatorname{div}(A(x) \nabla u) = f(x, u),
\]
with $f$ satisfying the assumptions in \eqref{a1}, have been recently studied in \cite{SW} and \cite{Ru}. More precisely, weak unique continuation properties for such sublinear equations
were first obtained in \cite{SW} using the frequency function approach. Subsequently, in \cite{Ru} the author established the strong unique continuation property (see also \cite{ST} and \cite{To}). In this work we generalise R\"uland's result to degenerate elliptic equations of the type \eqref{sub}. For related results in the parabolic setting, we refer to \cite{AB} and \cite{BMa}.
We have the following generalization of the result of R\"uland for the variable coefficient Baouendi-Grushin operators.
\begin{thrm}\label{main2}
Let $u \in S^{2,2}(B_1)$ be a solution to \eqref{sub} in $B_1$ where $f$ satisfies the bounds in \eqref{a1} and $V$ satisfies \eqref{vasump}. Furthermore, assume that $||u||_{L^{\infty}(B_1)} \leq 1$. If $u$ vanishes to infinite order at $(0,0)$ in the sense of Definition \ref{v0}, then $u \equiv 0$.
\end{thrm}
The reader should note that the assumption on the sign of $f, G$ in \eqref{a1} is not restrictive because, even in the Euclidean case, the strong unique continuation property fails when $f= -|u|^{q-2}u$ and $A=\mathbb{I}$. This follows from a one dimensional counterexample in \cite{SW}.
Our final result concerns the following non-Euclidean analogue of a Carleman estimate due to Regbaoui in \cite{Reg}.
\begin{thrm} \label{hardy}
There exists universal $C>0$ such that for every $\beta >0$ sufficiently large, $R_0$ sufficiently small and $u \in S^{2,2}_{0}(B_R \setminus \{0\})$ with $\text{supp}\ u \subset (B_R \setminus \{0\})$ for $R\leq R_0$, one has
\begin{align}\label{har1}
&\beta^3 \int_{B_R} \rho^{-Q} e^{\beta (\log \rho)^2}u^2 \mu\ dzdt + \beta \int_{B_R} \rho^{-Q+2} e^{\beta (\log \rho)^2} \langle A \, Xu, Xu\rangle dz dt \\
&\leq C \, \int \rho^{-Q+4} e^{\beta (\log \rho)^2} (\mathcal{L} u)^2 \mu^{-1} \, dz dt. \notag
\end{align}
\end{thrm}
As a corollary of the estimate \eqref{har1}, we obtain the following unique continuation result for a class of scaling critical zero order perturbations of $\mathcal{L}$ ( as in \eqref{hj} below) by an obvious modification of the arguments in \cite{BM}.
\begin{thrm}\label{hardy1}
Let $u \in S^{2,2}(B_1)$ with $|u| \leq 1$ be a solution to
\begin{equation}\label{hj}
\mathcal{L} u = Vu,
\end{equation}
where the potential $V$ satisfies the following Hardy type growth assumption,
\begin{equation}\label{V1}
|V(z,t)| \leq C \frac{\psi}{\rho^2}.
\end{equation}
Assume that $u$ vanishes at $(0,0)$ in the following sense,
\begin{equation}\label{vp1}
\int_{B_r} u^2 \psi = O(e^{-k(\log r)^2}),\ \text{for all $k>0$.}
\end{equation}
Then $u \equiv 0$.
\end{thrm}
We note that Theorem \ref{hardy1} can be regarded as a slight improvement of Theorem 4.4 in \cite{G} where it is instead assumed that $V= V^+ - V^{-}$ with
\[
0 \leq V^{+}(z,t) \leq C \frac{\psi}{\rho^2}\ \text{and}\ 0 \leq V^{-}(z,t) \leq \delta \frac{\psi}{\rho^2}
\]
where $\delta$ is sufficiently small. Theorem \ref{hardy1} thus gets rid of such a smallness assumption. It is to be noted that Theorem \ref{hardy1} gives a unique continuation result for \eqref{hj} which is somewhat weaker than strong unique continuation because the notion of vanishing in \eqref{vp1} is stronger than the notion of vanishing to infinite order as in Definition \ref{v0}. As previously mentioned in the introduction, the strong unique continuation result for the case of the Hardy type potentials has only been proven when $\gamma=k=1$ in \cite{BM}. The proof of the main Carleman estimate in \cite{BM} however relies on some delicate projection operator estimates established previously in \cite{GarShen}. Such estimates are not available for the general Baouendi-Grushin operators and as of now, the strong unique continuation property for Hardy type potentials in this degenerate setting remains an open question.
\section{Proof of the Main results}\label{mn}
\subsection*{Proof of Theorem \ref{main}}
The proof of Theorem \ref{main} is a consequence of the following Carleman estimate following which one can repeat the arguments as in the proof of Theorem 1.3 in \cite{BGM}. In the Euclidean case, such a Carleman estimate was first established by Escauriaza and Vessella in \cite{EV}.
\begin{thrm} \label{thm2}
For every $\varepsilon \in (0,1)$, there exists $C>0$ sufficiently large and $R_0>0$ sufficiently small universal depending also on $\varepsilon$ such that for every $\alpha >0$ sufficiently large( depending also on $\varepsilon$) and $u \in S^{2,2}_{0}(B_R \setminus \{0\})$ with $\text{supp} \, u \subset (B_R \setminus \{0\})$ for $R \leq R_0$, one has
\begin{align}\label{est1}
&\alpha^3 \int \rho^{-2\alpha-4+\epsilon} e^{2\alpha \rho^{\epsilon}}u^2 \mu\ + \alpha \int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle AXu, Xu \rangle \\
&\leq C\, \int \rho^{-2\alpha} e^{2\alpha \rho^{\epsilon}} (\mathcal{L} u)^2 \mu^{-1}. \notag
\end{align}
\end{thrm}
\begin{proof}
First by a limiting type argument, it suffices to establish the estimate when $u$ is smooth. Let $v=\rho^{-\beta} e^{\alpha \rho^{\varepsilon}}u$. With such choice we have $$u= \rho^{\beta} \, e^{-\alpha \rho^{\epsilon}} \, v,$$ where $\beta$ is to be determined later ($\beta$ would finally depend on $\alpha$ and $Q$!). Then we have that
\begin{eqnarray*}
\mathcal{L} u&=&X_i(a_{ij} X_ju)=X_i(a_{ij} X_j(\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}} v))=X_i\left(a_{ij} \left[(\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}}) \, X_jv+X_j(\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}}) v\right]\right)\\
&&=X_i\left(a_{ij} (\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}}) \, X_jv\right)+X_i\left(a_{ij}X_j(\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}}) v\right)\\
&&=\mathcal{L} v (\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}})+2 a_{ij} \, X_jv X_i(\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}})+X_i(a_{ij}X_j(\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}})) v\\
&&=\mathcal{L} v (\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}})+2 a_{ij} \, X_jv X_i(\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}})+\mathcal{L} (\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}}) v
\end{eqnarray*}
Now using $$\mathcal{L} =\mathcal{B}_\gamma+X_i(b_{ij} X_j),$$ we note that the above expression can be further rewritten as
\begin{eqnarray*}
\mathcal{L} u=\mathcal{L} v (\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}})+2 a_{ij} \, X_jv X_i(\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}})+\mathcal{B}_\gamma(\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}}) v+ X_i(b_{ij} X_j \rho^{\beta} \, e^{-\alpha \rho^{\epsilon}}) v.
\end{eqnarray*}
Now we calculate last two terms of the right hand side of the above equation. As in \cite{BGM}, we have
\begin{align*}
\mathcal{B}_\gamma(\rho^{\beta} \ e^{-\alpha \rho^{\varepsilon}})= \left(\alpha^2 \varepsilon^2 \rho^{\beta+2\varepsilon-2} + \beta(\beta+Q-2)\rho^{\beta-2}- \alpha\varepsilon\left((2\beta+\varepsilon+ Q-2)\right) \rho^{\beta+\varepsilon-2}\right) e^{-\alpha \rho^{\varepsilon}} \psi,
\notag
\end{align*}
and similarly we have
\begin{eqnarray*}
X_i(\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}})=\rho^{\beta-1} \, e^{-\alpha \rho^{\epsilon}}(\beta-\alpha \epsilon \rho^{\epsilon}) X_i\rho,
\end{eqnarray*}
and also
\begin{eqnarray*}
&& X_iX_j(\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}})=X_i\left[\rho^{\beta-1} \, e^{-\alpha \rho^{\epsilon}}(\beta-\alpha \epsilon \rho^{\epsilon}) X_j\rho\right]\\
&& =\rho^{\beta-2} \, e^{-\alpha \rho^{\epsilon}}\left(\beta(\beta-1)-\alpha \epsilon (2\beta +\epsilon-1)+(\alpha \epsilon)^2 \rho^{2\epsilon}\right) X_i\rho X_j \rho+\rho^{\beta-1} \, e^{-\alpha \rho^{\epsilon}}(\beta-\alpha \epsilon \rho^{\epsilon}) X_i X_j\rho.
\end{eqnarray*}
Thus it follows,
\begin{eqnarray*}
&&\mathcal{L} u= \mathcal{L} v (\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}})+2 a_{ij} \, X_jv X_i\rho \left[\rho^{\beta-1} \, e^{-\alpha \rho^{\epsilon}}(\beta-\alpha \epsilon \rho^{\epsilon})\right]\\
&&+\left[ \left(\alpha^2 \varepsilon^2 \rho^{\beta+2\varepsilon-2} + \beta(\beta+Q-2)\rho^{\beta-2}- \alpha\varepsilon\left((2\beta+\varepsilon+ Q-2)\right) \rho^{\beta+\varepsilon-2}\right) e^{-\alpha \rho^{\varepsilon}} \psi\right] v\\
&&+\left[X_ib_{ij} \cdot (\beta -\alpha \epsilon \rho^{\epsilon}) \rho^{\beta-1} e^{-\alpha \rho^{\epsilon}} X_j \rho\right] v+ \left[b_{ij}\left(\rho^{\beta-1} \, e^{-\alpha \rho^{\epsilon}}(\beta-\alpha \epsilon \rho^{\epsilon})\right)X_i X_j \rho\right] v \\
&&+\left[b_{ij}[\rho^{\beta-2} e^{-\alpha \rho^{\epsilon}}(\beta(\beta-1)-\alpha \epsilon \rho^{\epsilon}(2\beta+\epsilon-1)+(\alpha \epsilon)^2 \rho^{2\epsilon})]X_i \rho X_j \rho\right] v.
\end{eqnarray*}
Now in terms of $F$ and $\mu$, we note that $\mathcal{L} u$ can be written in the following way,
\begin{eqnarray}\label{b1}
&&\mathcal{L} u= \mathcal{L} v (\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}})+2 \mu Fv \left[\rho^{\beta-2} \, e^{-\alpha \rho^{\epsilon}}(\beta-\alpha \epsilon \rho^{\epsilon})\right]\\
&&+\left[ \left(\alpha^2 \varepsilon^2 \rho^{\beta+2\varepsilon-2} + \beta(\beta+Q-2)\rho^{\beta-2}- \alpha\varepsilon\left((2\beta+\varepsilon+ Q-2)\right) \rho^{\beta+\varepsilon-2}\right) e^{-\alpha \rho^{\varepsilon}} \psi\right] v \nonumber\\
&&+\left[X_ib_{ij} \cdot (\beta -\alpha \epsilon \rho^{\epsilon}) \rho^{\beta-1} e^{-\alpha \rho^{\epsilon}} X_j \rho\right] v+\left[a_{ij}\left(\rho^{\beta-1} \, e^{-\alpha \rho^{\epsilon}}(\beta-\alpha \epsilon \rho^{\epsilon})\right)X_i X_j \rho\right] v \nonumber\\
&&+\left[b_{ij}[\rho^{\beta-2} e^{-\alpha \rho^{\epsilon}}(\beta(\beta-1)-\alpha \epsilon \rho^{\epsilon}(2\beta+\epsilon-1)+(\alpha \epsilon)^2 \rho^{2\epsilon})]X_i \rho X_j \rho\right] v. \nonumber
\end{eqnarray}
Before proceeding further, we make the following discursive remark.
\begin{rmrk}
From now on unless otherwise specified, we will be following the Einstein notation for summation over repeated indices.
\end{rmrk}
Now using $(a+b)^2\geq a^2+2ab$ with $a= 2 \beta \, \mu Fv \rho^{\beta-2} $ and with $b$ being the rest of the terms in \eqref{b1} above, we obtain
\begin{align}\label{k}
&e^{2\alpha \rho^{\epsilon}}(\mathcal{L} u)^2 \geq 4\beta^2 \rho^{2\beta-4} \mu^2 (Fv)^2+4\beta \mu \rho^{2\beta-2} \, Fv \mathcal{L} v -8 \alpha \beta \, \epsilon \mu^2 (Fv)^2 \rho^{2\beta-4+\epsilon}\\
&+4 \beta \, \mu \rho^{\beta-2}\bigg[ \left[\left(\alpha^2 \varepsilon^2 \rho^{\beta+2\varepsilon-2} + \beta(\beta+Q-2)\rho^{\beta-2}- \alpha\varepsilon\left((2\beta+\varepsilon+ Q-2)\right) \rho^{\beta+\varepsilon-2}\right) \psi \right]\notag \\
&+\left[X_ib_{ij} \cdot (\beta -\alpha \epsilon \rho^{\epsilon}) \rho^{\beta-1} X_j \rho\right]+\left[b_{ij}\left(\rho^{\beta-1} \, (\beta-\alpha \epsilon \rho^{\epsilon})\right)X_i X_j \rho\right]\notag \\
&+\left[b_{ij}[\rho^{\beta-2} (\beta(\beta-1)-\alpha \epsilon \rho^{\epsilon}(2\beta+\epsilon-1)+(\alpha \epsilon)^2 \rho^{2\epsilon})]X_i \rho X_j \rho\right] \bigg] Fv \cdot v \nonumber.
\end{align}
Hence from \eqref{k} we have,
\begin{align}\label{rt1}
&\int \rho^{-2\alpha} e^{2\alpha \rho^{\epsilon}}(\mathcal{L} u)^2 \mu^{-1} \\
& \geq \int [4\beta^2 \rho^{-2\alpha+2\beta-4} \mu (Fv)^2 -8 \alpha \beta \, \epsilon\rho^{-2\alpha+2\beta-4+\epsilon} \mu (Fv)^2 ] \, +\int 4\beta \rho^{-2\alpha+2\beta-2} \, Fv \mathcal{L} v \notag\\
&
+ \int 4 \beta \, \rho^{-2\alpha+\beta-2}\bigg[\left[\left(\alpha^2 \varepsilon^2 \rho^{\beta+2\varepsilon-2} + \beta(\beta+Q-2)\rho^{\beta-2}- \alpha\varepsilon\left((2\beta+\varepsilon+ Q-2)\right) \rho^{\beta+\varepsilon-2}\right) \psi \right] \notag\\
&+\left[X_ib_{ij} \cdot (\beta -\alpha \epsilon \rho^{\epsilon}) \rho^{\beta-1} X_j \rho\right]+\left[a_{ij}\left(\rho^{\beta-1} \, (\beta-\alpha \epsilon \rho^{\epsilon})\right)X_i X_j \rho\right] \notag\\
&+\left[b_{ij}[\rho^{\beta-2} (\beta(\beta-1)-\alpha \epsilon \rho^{\epsilon}(2\beta+\epsilon-1)+(\alpha \epsilon)^2 \rho^{2\epsilon})]X_i \rho X_j \rho\right]\bigg] Fv \cdot v \notag\\
&= \int [4\beta^2 \rho^{-2\alpha+2\beta-4} \mu (Fv)^2 -8 \alpha \beta \, \epsilon \mu (Fv)^2 \rho^{-2\alpha+2\beta-4+\epsilon}] \, +\int 4\beta \rho^{-2\alpha+2\beta-2} \, Fv \mathcal{L} v \, \notag\\
&+ \int 4 \beta \, \rho^{-2\alpha+2\beta-3} \left[X_ib_{ij} \cdot (\beta -\alpha \epsilon \rho^{\epsilon}) X_j \rho\right] Fv\cdot v,\notag\\
&
+ \int 4 \beta \, \rho^{-2\alpha+\beta-2}\bigg[\left[\left(\alpha^2 \varepsilon^2 \rho^{\beta+2\varepsilon-2} + \beta(\beta+Q-2)\rho^{\beta-2}- \alpha\varepsilon\left(2\beta+\varepsilon+ Q-2t\right) \rho^{\beta+\varepsilon-2}\right) \psi \right]\notag\\
&+\left[b_{ij}[\rho^{\beta-2} (\beta(\beta-1)-\alpha \epsilon \rho^{\epsilon}(2\beta+\epsilon-1)+(\alpha \epsilon)^2 \rho^{2\epsilon})]X_i \rho X_j \rho\right] +\left[b_{ij}\left(\rho^{\beta-1} \, (\beta-\alpha \epsilon \rho^{\epsilon})\right)X_i X_j \rho\right]\bigg] F\left(\frac{v^2}{2}\right)\notag
\end{align}
The following integral in \eqref{rt1} above, i.e.
\begin{align}\label{rta1}
&
\int 4 \beta \, \rho^{-2\alpha+\beta-2}\bigg[\left[\left(\alpha^2 \varepsilon^2 \rho^{\beta+2\varepsilon-2} + \beta(\beta+Q-2)\rho^{\beta-2}- \alpha\varepsilon\left((2\beta+\varepsilon+ Q-2)\right) \rho^{\beta+\varepsilon-2}\right) \psi \right]\\
&+\left[b_{ij}[\rho^{\beta-2} (\beta(\beta-1)-\alpha \epsilon \rho^{\epsilon}(2\beta+\epsilon-1)+(\alpha \epsilon)^2 \rho^{2\epsilon})]X_i \rho X_j \rho\right] +\left[b_{ij}\left(\rho^{\beta-1} \, (\beta-\alpha \epsilon \rho^{\epsilon})\right)X_i X_j \rho\right]\bigg] F\left(\frac{v^2}{2}\right). \notag
\end{align}
is handled using integration by parts as follows.
We first observe from (i) in Theorem \ref{Est1} and also by using $F\rho=\rho$ that for every $\gamma \geq 0$,
\begin{equation}\label{i1}
\operatorname{div}(\rho^{-Q+\gamma}F)=\gamma \rho^{-Q+\gamma}+O(1) \rho^{-Q+\gamma+1}.\end{equation}
Now we look at each individual term in \eqref{rta1}.
We let
\begin{eqnarray} \label{choice}
\beta = \frac{2\alpha+4 - Q}{2},
\end{eqnarray} which gives $2\beta - 2 \alpha - 4 = - Q$. With such a choice, it follows using Theorem \ref{Est1} i) and ii) that the following holds,
\begin{equation}\label{p1}
2\beta^2 (\beta+Q-2) \int \rho^{2\beta-2\alpha-4} F(v^2) \psi = 2 \beta^2( \beta+Q-2) \int \operatorname{div} (\rho^{-Q} F\psi) v^2 = O(1) \beta^2(\beta+Q-2) \int \rho^{-Q+1} v^2 \psi.
\end{equation}
Similarly we have,
\begin{equation}\label{p2}
- 2 \beta \alpha \varepsilon( 2 \beta +\varepsilon + Q-2) \int \rho^{2\beta-2\alpha-4+\varepsilon} F(v^2) \psi = 2 \beta \alpha \varepsilon^2 (2 \beta + \varepsilon+ Q-2) \left( \int \rho^{-Q+\varepsilon} v^2 \psi +O(1) \int \rho^{-Q+\varepsilon+1} v^2 \psi\right),
\end{equation}
and
\begin{equation}\label{p4}
2 \beta (\alpha \varepsilon)^2 \int \rho^{2\beta-2\alpha-4+2\varepsilon} F(v^2) \psi = -2 \beta \alpha^2 \varepsilon^3 \left (\int \rho^{-Q+2\varepsilon} v^2 \psi+O(1) \int \rho^{-Q+2\varepsilon+1} v^2 \psi\right).
\end{equation}
Since $\varepsilon <1$, thus from \eqref{p1}-\eqref{p4} we deduce the following estimate for all $R$ small enough depending also on $\varepsilon$,
\begin{align}\label{p5}
&\int 4 \beta \rho^{-2\alpha + \beta-2}\bigg[ \left[\left(\alpha^2 \varepsilon^2 \rho^{\beta+2\varepsilon-2} + \beta(\beta+Q-2)\rho^{\beta-2}- \alpha\varepsilon\left(2\beta+\varepsilon+ Q-2\right) \rho^{\beta+\varepsilon-2}\right) \psi \right]Fv. v\\
& \geq c \beta^3 \varepsilon^2 \int \rho^{-Q+\varepsilon} v^2 \psi, \notag
\end{align}
for some universal $c>0$.
Again by integrating by parts and by using $|F (b_{ij} X_i \rho X_j \rho)| \leq C\rho \psi$ and the Hypothesis \eqref{H}, we note that the following holds,
\begin{eqnarray*}
&&\int 4 \beta \rho^{-2\alpha+\beta -2} \left[b_{ij}[\rho^{\beta-2} (\beta(\beta-1)-\alpha \epsilon \rho^{\epsilon}(2\beta+\epsilon-1)+(\alpha \epsilon)^2 \rho^{2\epsilon})]X_i \rho X_j \rho\right] F\left(\frac{v^2}{2}\right) \\
&&= -\int \operatorname{div} \bigg(4\beta \rho^{-2\alpha+\beta-2} \left[b_{ij}[\rho^{\beta-2} (\beta(\beta-1)-\alpha \epsilon \rho^{\epsilon}(2\beta+\epsilon-1)+(\alpha \epsilon)^2 \rho^{2\epsilon}) ]X_i \rho X_j \rho\right]F\bigg) \frac{v^2}{2}\\
&& \geq - C \beta^3 \int \rho^{-Q+1} v^2 \psi,
\end{eqnarray*}
for some universal $C$. Likewise, we have that
\begin{align}\label{p7}
&\int 4 \beta \rho^{-2\alpha+\beta-2} \left[b_{ij}\left(\rho^{\beta-1} \, (\beta-\alpha \epsilon \rho^{\epsilon})\right)X_i X_j \rho\right] F\left(\frac{v^2}{2}\right)
\\
& = - \int 4 \beta \operatorname{div} ( \rho^{-2\alpha+\beta-2} \left[b_{ij}\left(\rho^{\beta-1} \, (\beta-\alpha \epsilon \rho^{\epsilon})\right)X_i X_j \rho\right] F) \frac{v^2}{2}\notag
\\
& \geq - C\beta^2 \int \rho^{-Q+1} v^2 \psi.
\notag
\end{align}
We note that in \eqref{p7} above, we also used the estimate from Lemma \ref{lma3.3} and also that $|b_{ij} X_i X_j \rho| \leq C \psi$. Thus from \eqref{p5}-\eqref{p7} it follows that
\begin{align}\label{p8}
& \int 4 \beta \, \rho^{-2\alpha+\beta-2}\bigg[\left[\left(\alpha^2 \varepsilon^2 \rho^{\beta+2\varepsilon-2} + \beta(\beta+Q-2)\rho^{\beta-2}- \alpha\varepsilon\left((2\beta+\varepsilon+ Q-2)\right) \rho^{\beta+\varepsilon-2}\right) \psi \right]\\
&+\left[b_{ij}[\rho^{\beta-2} (\beta(\beta-1)-\alpha \epsilon \rho^{\epsilon}(2\beta+\epsilon-1)+(\alpha \epsilon)^2 \rho^{2\epsilon})]X_i \rho X_j \rho\right] +\left[b_{ij}\left(\rho^{\beta-1} \, (\beta-\alpha \epsilon \rho^{\epsilon})\right)X_i X_j \rho\right]\bigg] F\left(\frac{v^2}{2}\right) \notag \\ & \geq c \beta^3 \varepsilon^2 \int \rho^{-Q+\varepsilon} v^2 \psi\notag,
\end{align}
provided $R$ is chosen small enough depending also on $\varepsilon$.
Now using $\sum_{i,j=1}^N|X_i b_{ij} \, X_j \rho| \leq C\mu$, we obtain by an application of Cauchy-Schwartz inequality that the following holds
\begin{align}\label{p10}
&\int 4 \beta \, \rho^{-2\alpha+2\beta-3} \left[X_ib_{ij} \cdot (\beta -\alpha \epsilon \rho^{\epsilon}) X_j \rho\right] Fv\cdot v \, \\
&\leq \frac{1}{2}\left[\beta^2 \int \rho^{-2\alpha+2\beta-4} \mu (Fv)^2 dzdt + 8 \beta^2 \int \rho^{-2\alpha+2\beta -2} v^2 \mu \right]\notag\\
&=\frac{1}{2}\left[\beta^2 \int \rho^{-Q} \mu (Fv)^2 + 8 \beta^2 \int \rho^{-Q+2} v^2 \mu \right]\notag.
\end{align}
Again by using the Cauchy-Schwartz inequality, we note that if $R$ is chosen sufficiently small depending also on $\varepsilon$, then for all large enough $\beta$ we can ensure that
\begin{align}\label{p11}
& \int [4\beta^2 \rho^{-2\alpha+2\beta-4} \mu (Fv)^2 -8 \alpha \beta \, \epsilon\rho^{-2\alpha+2\beta-4+\epsilon} \mu (Fv)^2 ]
\\
& \geq 3 \beta^2 \int \rho^{-Q} (Fv)^2 \mu.
\notag
\end{align}
We finally estimate the remaining integral in \eqref{rt1}, i.e.
\[
\int 4\beta \rho^{-2\alpha+2\beta-2} \, Fv \mathcal{L} v .\
\]
This is accomplished using an appropriate Rellich type identity similar to that for the constant coefficient case considered in \cite{BGM}. However in the present scenario of variable coefficients, as the reader will see that an error term is incurred after the application of such an identity which is then eventually handled by an interpolation type argument. We first note that with our choice of $\alpha$ as in \eqref{choice}, such an integral equals
\[
\int 4\beta \rho^{-Q+2} \, Fv \mathcal{L} v.
\]
We now state the relevant Rellich type identity( see for instance Lemma 2.11 in \cite{GV}) which will be used:
\begin{align}\label{re}
& \int_{\partial B_R} \langle AXu,Xu\rangle \, \langle G,\nu \rangle = 2 \int_{\partial B_R} a_{ij}X_i u \langle X_j,\nu \rangle Gu
\\
& - 2\int_{B_R} a_{ij} (\operatorname{div} X_i) X_ju Gu - 2 \int_{B_R} a_{ij} X_iu [X_j,G]u
\notag\\
& + \int_{B_R} \operatorname{div} G \langle AXu,Xu \rangle + \int_{B_R} \langle (GA)Xu,Xu \rangle - 2 \int_{B_R} Gu X_i(a_{ij} X_j u),
\notag
\end{align}
where $G$ is a vector field, $GA$ is the matrix with coefficients $Ga_{ij}$, $ \nu $ denotes the outer unit normal to $B_r$, and the summation convention over repeated indices has been adopted.
Therefore with $G= \rho^{-Q+2}F,$ we obtain
\begin{align}\label{ok110}
& 4 \beta \int \rho^{-Q+2} Fv \mathcal{L} v =2 \beta \int \operatorname{div} [\rho^{-Q+2}F] \langle AXv, Xv \rangle -4 \beta \int a_{ij} X_i v [X_i, \rho^{-Q+2} F] v
\\
&+2 \beta \int \langle (\rho^{-Q+2}F A) Xv, Xv \rangle \notag\\
& \geq 4\beta \int \rho^{-Q+2} \langle AXv, Xv \rangle -C \beta \int \rho^{-Q+3} \langle AXv, Xv \rangle -4 \beta \int a_{ij} X_i v [X_i, \rho^{-Q+2} F] v.
\notag
\end{align}
In the last step we used the fact that $\operatorname{div} [\rho^{-Q+2}F]=2\rho^{-Q+2}+O(1)\rho^{-Q+3}$ and $|Fa_{rs}|\leq C\rho.$
We next note that
\begin{eqnarray*}
&&[X_i,G]v = \rho^{-Q+2}[X_i, F]v+X_i[\rho^{-Q+2}]Fv\\
&&= \rho^{-Q+2}[X_i, F]v+(-Q+2) \rho^{-Q+1} X_i \rho \, Fv.
\end{eqnarray*}
This gives
\begin{align*}
a_{ij} X_i v [X_j,G] v & = (-Q+2) \rho^{-Q+1} \langle A X \rho,Xv \rangle Fv + \rho^{-Q+2} a_{ij} X_i v [X_j,F]v
\\
& = (-Q+2) \rho^{-Q} (Fv)^2 \mu + \rho^{-Q+2} a_{ij} X_i v \left([X_j,F]v - X_j v\right)
\\
& \ \ \ + \rho^{-Q+2} \langle AXv,Xv\rangle,
\end{align*}
where we have used the fact that
\[
\rho \langle AX\rho,Xu\rangle = \mu Fu.
\]
Therefore using the estimate in Theorem \ref{Est1} vii) we obtain that for some universal $C$ the following holds,
\begin{align}\label{ok120}
& 4 \beta \int \rho^{-Q+2} Fv \mathcal{L} v \geq 4\beta \int \rho^{-Q+2} \langle AXv, Xv \rangle \\
& - 4\beta \int \rho^{-Q+2} \, \langle AXv,Xv\rangle
- C \beta \int \langle AXv,Xv\rangle \rho^{-Q+3} + 2\beta (Q-2) \int_{B_r} (Fv)^2 \rho^{-Q} \mu.
\notag
\end{align}
Since $Q \geq 2$, therefore from \eqref{ok120} we deduce that the following holds,
\begin{equation} \label{rt3}
4 \beta \int \rho^{-Q+2} Fv \mathcal{L} v +C \beta \int \rho^{-Q+3} \langle AXv, Xv \rangle \geq 0.
\end{equation}
Therefore, by combining \eqref{p8}, \eqref{p10}, \eqref{p11} and \eqref{rt3}, we finally obtain that
\begin{eqnarray}\label{rt400}
&&\int \rho^{-2\alpha} \, e^{2\alpha \rho^{\epsilon}} \, (\mathcal{L} u )^2 \mu^{-1} \\
&&\geq 3 \beta^2 \int \rho^{-Q} (Fv)^2 \mu - C\beta \int \rho^{-Q+3} \langle AXv, Xv \rangle + c\beta^3 \varepsilon^2 \int \rho^{-Q+\epsilon} v^2 \mu \nonumber
\end{eqnarray}
where $C$ and $c$ are universal constants. We now estimate the term $$C\beta \int \rho^{-Q+3} \langle AXv, Xv \rangle$$ in \eqref{rt400} using an interpolation type argument. We first rewrite such an integral in terms of $\int \rho^{-2\alpha -1 } e^{2 \alpha \rho^{\epsilon}} <AXu, AXu>$ as follows,
\begin{align}
&\int \rho^{-2\alpha-1} e^{2\alpha \rho^{\epsilon}} \langle AX u, X u \rangle = \int \rho^{-2\alpha-1} e^{2\alpha \rho^{\epsilon}}\langle AX (\rho^{\beta}e^{-\alpha \rho^{\epsilon} } v),X (\rho^{\beta}e^{-\alpha r^{\epsilon} } v )\rangle\\
&= \int \rho^{-2\alpha-1}
e^{2\alpha \rho^{\epsilon}}\langle A \, (\beta-\alpha \epsilon \rho^{\epsilon}) \rho^{\beta-1} e^{-\alpha \rho^{\epsilon}} X\rho \, v+\rho^{\beta} e^{-\alpha \rho^{\epsilon}} A Xv, (\beta-\alpha \epsilon \rho^{\epsilon}) \rho^{\beta-1} e^{-\alpha \rho^{\epsilon}} X\rho \, v+\rho^{\beta} e^{-\alpha \rho^{\epsilon}} Xv \rangle\notag \\
&=\int \rho^{-2\alpha-1} e^{2\alpha \rho^{\epsilon}} \bigg[\mu \, \rho^{2\beta-2} e^{-2\alpha \rho^{\epsilon}} (\beta-\alpha \epsilon \rho^{\epsilon})^2 v^2+2 \mu Fv \, v (\rho^{2\beta-2} (\beta-\alpha \epsilon \rho^{\epsilon})e^{-2\alpha \rho^{\epsilon}})
+ (e^{-2\alpha \rho^{\epsilon}} \rho^{2\beta} ) \langle A Xv, Xv\rangle \bigg]\notag\\
&=\int \rho^{-Q+3} \bigg[\frac{\mu \, (\beta-\alpha \epsilon \rho^{\epsilon})^2}{\rho^2} v^2+2 \mu \frac{(\beta-\alpha \epsilon \rho^{\epsilon})}{\rho^2} Fv \, v+ \, \langle A Xv, Xv\rangle \bigg]\notag\\
& = \int \rho^{-Q+3} \bigg[\frac{\mu \, (\beta-\alpha \epsilon \rho^{\epsilon})^2}{\rho^2} v^2- \mu \big[\rho^{-2}(\beta-\alpha \epsilon \rho^{\epsilon}) \operatorname{div}(F)
+\rho^{-2}(\beta(-Q+1)+\alpha \epsilon (-Q+1+\epsilon))\big] v^2+ \, \langle A Xv, Xv\rangle \bigg] \notag \\
&= \int \rho^{-Q+3} \bigg[\frac{\mu \, (\beta-\alpha \epsilon \rho^{\epsilon})^2}{\rho^2} v^2- \mu \big[\rho^{-2}(\beta-\alpha \epsilon \rho^{\epsilon}) (Q+O(\rho))\notag\\
&+\rho^{-2}(\beta(-Q+1)+\alpha \epsilon (-Q+1+\epsilon))\big] v^2+ \, \langle A Xv, Xv\rangle \bigg] .\notag
\end{align}
Thus we get for some universal $C_1$ that
\begin{equation}\label{l1}
\int \rho^{-2\alpha-1} e^{2\alpha \rho^{\epsilon}}\langle A Xu, Xu\rangle \geq \int \rho^{-Q+3} \langle A Xv, Xv\rangle - C_1 \beta\int \rho^{-Q+1} v^2.\end{equation}
Using \eqref{l1} in \eqref{rt400} we obtain that for all large enough $\beta$ depending also on $\varepsilon$ we have,
\begin{eqnarray}\label{rt41}
&& \hspace{.5in}\int \rho^{-2\alpha} \, e^{2\alpha \rho^{\epsilon}} \, (\mathcal{L} u)^2 \mu^{-1} + C_1 \beta \int \rho^{-2\alpha-1} e^{2\alpha \rho^{\epsilon}}\langle A Xu, Xu\rangle \\
&&\geq 3 \beta^2 \int \, \rho^{-Q} (Fv)^2 \mu + c \beta^3 \varepsilon^2 \int \rho^{-2\alpha-4+\epsilon} e^{2\alpha \rho^{\epsilon}} u^2 \, \mu. \nonumber
\end{eqnarray}
We now show how to incorporate the integral $C\beta \int_{B_R} \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle A Xu, Xu\rangle $ in the left hand side of \eqref{est1} by interpolation.
We have by integration by parts,
\begin{align}\label{rt7}
& \int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle A X u, X u \rangle =\int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \, \langle A X (\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v), X (\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v)\rangle\\
&=-\int <X(\rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}}) , A \, X(\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v) > [\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v]-\int \mathcal{L} (\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v) \, v \, [\rho^{-2\alpha+\beta-2+\epsilon} e^{\alpha \rho^{\epsilon}}].
\notag
\end{align}
Now we look at each individual term on the right hand side of \eqref{rt7}. We have
\begin{align} \label{ok4}
&-\int \langle X(\rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}}) , AX(\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v)\rangle \rho^{\beta} e^{-\alpha \rho^{\epsilon}} v=-\int e^{2\alpha \rho^{\epsilon}} \\
& [\rho^{-2\alpha-3+\epsilon} \, (-2\alpha-2+\epsilon+2\alpha \epsilon \rho^{\epsilon})] \langle X \rho , A[\rho^{\beta} e^{-\alpha \rho^{\epsilon}} \, Xv+(\beta-\alpha \epsilon \rho^{\epsilon}) \, \rho^{\beta-1} \,e^{-\alpha \rho^{\epsilon}} \, X\rho \, v ] (\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v)\rangle \notag\\
&=-\int \rho^{-2\alpha+2\beta-4+\epsilon} (-2\alpha-2+\epsilon+2\alpha \epsilon \rho^{\epsilon}) [(\beta-\alpha \epsilon \rho^{\epsilon}) \mu \, v^2+\mu \, Fv \cdot v] \, dzdt
\notag
\\
&=\int \rho^{-Q+\epsilon} (2\alpha+2-\epsilon-2\alpha \epsilon \rho^{\epsilon}) (\beta-\alpha \epsilon \rho^{\epsilon}) \mu \, v^2 \notag\\
&+ \int \rho^{-Q+\epsilon} (2\alpha+2-\epsilon-2\alpha \epsilon \rho^{\epsilon}) \mu \, Fv\cdot v.
\notag
\end{align}
Let $c_0 =\frac{c}{100}$ where $c$ is as in \eqref{rt41}. From \eqref{ok4} it follows that
\begin{align}\label{ok10}
& c_0 \beta \varepsilon^2 \int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle A X u, X u \rangle \leq c_0 \beta \varepsilon^2 \int \rho^{-Q+\epsilon} (2\alpha+2-\epsilon-2\alpha \epsilon \rho^{\epsilon}) (\beta-\alpha \epsilon \rho^{\epsilon}) \mu \, v^2 dzdt \\
& + c_0 \beta \varepsilon^2 \bigg| \int \rho^{-Q+\epsilon} (2\alpha+2-\epsilon-2\alpha \epsilon \rho^{\epsilon}) \mu \, Fv\cdot v \,\bigg|
+ c_0 \beta \varepsilon^2 \bigg| \int \mathcal{L} (\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v) \, v \, [\rho^{-2\alpha+\beta-2+\epsilon} e^{\alpha \rho^{\epsilon}}]\bigg|. \notag
\end{align}
Now by applying Cauchy-Schwartz inequality to the integrals
\[
c_0 \beta \varepsilon^2 \bigg|\int \rho^{-Q+\epsilon} (2\alpha+2-\epsilon-2\alpha \epsilon \rho^{\epsilon}) \mu \, Fv\cdot v \,\bigg| \
\text{and}\ c_0 \beta \varepsilon^2 \bigg| \int \mathcal{L} (\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v) \, v \, [\rho^{-2\alpha+\beta-2+\epsilon} e^{\alpha \rho^{\epsilon}}]\bigg|,\]
we obtain from \eqref{ok10} that the following inequality holds for all large enough $\beta$,
\begin{align}\label{ok11}
& c_0 \beta \varepsilon^2 \int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle A X u, X u \rangle \leq 4 c_0 \beta^3 \varepsilon^2 \int \rho^{-Q+\varepsilon} v^2 \mu
\\
& + 4 c_0 \beta^2 \varepsilon^2 \int \rho^{-Q} (Fv)^2 \mu + c_0 \varepsilon^2 \int \rho^{-2 \alpha} e^{2\alpha \rho^{\epsilon}} (\mathcal{L} u)^2 \mu^{-1}
\notag
\end{align}
Using \eqref{rt41} into \eqref{ok11} above, we obtain
\begin{align}\label{o13}
& c_0 \beta \varepsilon^2 \int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle A X u, X u \rangle
\\
& \leq C \int \rho^{-2 \alpha} e^{2\alpha \rho^{\epsilon}} (\mathcal{L} u)^2 \mu^{-1} + C\beta \int \rho^{-2\alpha -1 } \langle AXu, Xu \rangle.
\notag
\end{align}
Now since $\varepsilon < 1$, therefore if $R$ is chosen small enough depending also on $\varepsilon$, then the following integral in \eqref{o13}, i.e.
\[
C\beta \int \rho^{-2\alpha -1 } \langle AXu, Xu \rangle,\]
can be absorbed in the left hand side of \eqref{o13} since $\varepsilon<1$ and we thus deduce that the following holds for some new $c_0, C$,
\begin{align}\label{y1}
& c_0 \beta \varepsilon^2 \int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle A X u, X u \rangle
\\
& \leq C \int \rho^{-2 \alpha} e^{2\alpha \rho^{\epsilon}} (\mathcal{L} u)^2 \mu^{-1}.\notag
\end{align}
The estimate \eqref{est1} now follows by using \eqref{y1} in \eqref{rt41}.
\end{proof}
\subsection*{Proof of Theorem \ref{DF}}
\begin{proof}
As before, we let $u= \rho^{\beta} e^{\alpha \rho^{\epsilon}}v$ where $\alpha$ and $\beta$ are related as in \eqref{choice}. In terms of $v$, we have that
\begin{align}\label{f111}
\mathcal{L} u + Vu &= \mathcal{L} v (\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}})+2 \mu Fv \left[\rho^{\beta-2} \, e^{-\alpha \rho^{\epsilon}}(\beta-\alpha \epsilon \rho^{\epsilon})\right]+\left[X_ia_{ij} \cdot (\beta -\alpha \epsilon \rho^{\epsilon}) \rho^{\beta-1} e^{-\alpha \rho^{\epsilon}} X_j \rho\right] v\\
&+\left[a_{ij}[\rho^{\beta-2} e^{-\alpha \rho^{\epsilon}}(\beta(\beta-1)-\alpha \epsilon \rho^{\epsilon}(2\beta+\epsilon-1)+(\alpha \epsilon)^2 \rho^{2\epsilon})]X_i \rho X_j \rho\right] v \nonumber \\
&+\left[a_{ij}\left(\rho^{\beta-1} \, e^{-\alpha \rho^{\epsilon}}(\beta-\alpha \epsilon \rho^{\epsilon})\right)X_i X_j \rho\right] v + V \rho^\beta \, e^{-\alpha \rho^{\epsilon}} \, v. \nonumber
\end{align}
Now again the integral
\[
\int \rho^{-2\alpha} \, e^{2\alpha \rho^{\epsilon}} \, (\mathcal{L} u + V u)^2 \mu^{-1}
\]
is estimated from below by using $(a+b)^2 \geq a^2 + 2ab$, with $a= 2\beta \rho^{\beta-2} \mu Fv$ and $b$ being the rest of the terms in \eqref{f111}. Arguing as in the proof of Theorem \ref{thm2} we obtain,
\begin{eqnarray}\label{rt4}
&& \hspace{.5in}\int \rho^{-2\alpha} \, e^{2\alpha \rho^{\epsilon}} \, (\mathcal{L} u + Vu)^2 \mu^{-1} + C_1 \beta \int \rho^{-2\alpha-1} e^{2\alpha \rho^{\epsilon}}\langle A Xu, Xu\rangle \\
&&\geq 3 \beta^2 \int \, \rho^{-Q} (Fv)^2 \mu + c \beta^3 \varepsilon^2 \int \rho^{-2\alpha-4+\epsilon} e^{2\alpha \rho^{\epsilon}} u^2 \, \mu + 4 \beta \int \rho^{-2\alpha +2\beta - 2} Fv V v. \nonumber
\end{eqnarray}
We note that the additional integral in \eqref{rt4} is incurred due to the presence of the additional term $V \rho^\beta e^{-\alpha \rho^{\epsilon}} v $ in \eqref{f111} ( that is not present in \eqref{b1} !). Such an integral is estimated as follows. We have
\begin{align}\label{ad11}
& 4 \beta \int \rho^{-2\alpha + 2\beta -2} Fv \, V \, v=2 \beta \int V \,\rho^{-Q + 2} F(v^2) \notag\\
&=-2 \beta \int FV \,\rho^{-Q + 2} \, v^2 +4 \beta \int V \,\rho^{-Q + 2} v^2.
\end{align}
Recall $V$ satisfying the bound
\begin{equation*}
|V(z,t)| \leq K \psi \text{ and } |ZV(z,t)| \leq K \psi.
\end{equation*}
Thus both the integrals in \eqref{ad11} can be controlled by the following term in \eqref{rt4}, i.e.
\[
c \beta^3 \varepsilon^2 \int \rho^{-2\alpha-4+\epsilon} e^{2\alpha \rho^{\epsilon}} u^2\mu, \]
provided
\[
\frac{c \beta^3 \varepsilon^2}{2} > C K \beta \] which in turn can be ensured by choosing
\begin{equation}\label{ch1}
\alpha \geq C_1 (K^{1/2} +1)\end{equation} ( in view of \eqref{choice}) where $C_1$ is some universal constant.
Finally, we show how to incorporate the integral $ \beta \int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle A Xu, Xu\rangle dxdt $ in the left hand side of \eqref{df} by an interpolation type argument as before.
We have by integration by parts,
\begin{align}\label{ty1}
& \beta\int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle A X u, X u \rangle = \beta\int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \, \langle A X (\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v), X (\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v)\rangle
\\
&= - \beta \int X(\rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}}) \cdot A \, X(\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v) [\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v]- \beta \int \mathcal{L} (\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v) [\rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}}] \, [\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v]
\notag
\end{align}
Now by writing $\mathcal{L} u = (\mathcal{L} u + V u) - Vu$, we obtain from \eqref{ty1} that the following inequality holds,
\begin{align}\label{ty2}
& \beta\int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle A X u, X u \rangle
\\
&\leq \beta \int \rho^{-Q+\epsilon} (2\alpha+2-\epsilon-2\alpha \epsilon \rho^{\epsilon}) (\beta-\alpha \epsilon \rho^{\epsilon}) \mu \, v^2 + \beta \bigg| \int \rho^{-Q+\epsilon} (2\alpha+2-\epsilon-2\alpha \epsilon \rho^{\epsilon}) \mu \, Fv\cdot v \,\bigg| \notag
\\
& + \beta \bigg| \int ( \mathcal{L} u + Vu) \, v \, [\rho^{-2\alpha+\beta-2+\epsilon} e^{\alpha \rho^{\epsilon}}]\bigg| + C \beta^3 \int \rho^{-Q+2 +\varepsilon} v^2 \mu,
\notag
\end{align}
where in the last inequality above, we used that $|V| \leq \beta^2 \psi$ which follows from \eqref{ch1}. Therefore, at this point by suitably applying Cauchy Schwartz inequality to the integrals,
\[
\bigg| \int \rho^{-Q+\epsilon} (2\alpha+2-\epsilon-2\alpha \epsilon \rho^{\epsilon}) \mu \, Fv\cdot v \,\bigg|
\]
and
\[
\beta \bigg| \int ( \mathcal{L} u + Vu) \, v \, [\rho^{-2\alpha+\beta-2+\epsilon} e^{\alpha \rho^{\epsilon}}]\bigg|,
\]
we can argue as in the proof of Theorem \ref{thm2} using the estimate \eqref{rt4} instead of \eqref{rt41} to get to the desired conclusion.
\end{proof}
\subsection*{Proof of Theorem \ref{main2}}
The proof of Theorem \ref{main2} is a consequence of the following Carleman estimate after which one can repeat the arguments in \cite{BGM}.
\begin{thrm}\label{sub1}
Let $\varepsilon \in (0,1)$, $1< q< 2$ and let $f$ satisfy the assumptions in \eqref{a1}. Then for every $\varepsilon>0$, there exists $C$ universal depending also on $\varepsilon$ and the constants in \eqref{a1} such that for every $\alpha >0$ sufficiently large and $u \in S^{2,2}_{0}(B_R \setminus \{0\})$ with $\text{supp}\ u \subset (B_R \setminus \{0\})$, one has
\begin{align}\label{f10}
& \alpha^3 \int e^{2\alpha \rho^{\epsilon}} \left[ \rho^{-2\alpha-4+\epsilon}u^2 \mu \rho^{-2\alpha-2} |u|^q \, \mu \right] \\
&+ \alpha \int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle AXu, Xu \rangle \leq C \, \int \rho^{-2\alpha} \, e^{2\alpha \rho^{\epsilon}} \, (\mathcal{L} u + f((z,t), u) \psi)^2 \mu^{-1},.\notag
\end{align}
provided $R \leq R_0$ where $R_0$ is sufficiently small.
\end{thrm}
\begin{proof}
The proof is similar to that of Theorem \ref{thm2} except that we additionally exploit the intrinsic nature of the sublinearity $f((z,t), u)$ and the structural assumptions in \eqref{a1}. As before, we let $u= \rho^{\beta} e^{\alpha \rho^{\epsilon}}v$ where $\alpha$ and $\beta$ are related as in \eqref{choice}. In terms of $v$, we have that
\begin{align}\label{f11}
\mathcal{L} u + f((z,t), u) \psi &= \mathcal{L} v (\rho^{\beta} \, e^{-\alpha \rho^{\epsilon}})+2 \mu Fv \left[\rho^{\beta-2} \, e^{-\alpha \rho^{\epsilon}}(\beta-\alpha \epsilon \rho^{\epsilon})\right]+\left[X_ia_{ij} \cdot (\beta -\alpha \epsilon \rho^{\epsilon}) \rho^{\beta-1} e^{-\alpha \rho^{\epsilon}} X_j \rho\right] v\\
&+\left[a_{ij}[\rho^{\beta-2} e^{-\alpha \rho^{\epsilon}}(\beta(\beta-1)-\alpha \epsilon \rho^{\epsilon}(2\beta+\epsilon-1)+(\alpha \epsilon)^2 \rho^{2\epsilon})]X_i \rho X_j \rho\right] v \nonumber \\
&+\left[a_{ij}\left(\rho^{\beta-1} \, e^{-\alpha \rho^{\epsilon}}(\beta-\alpha \epsilon \rho^{\epsilon})\right)X_i X_j \rho\right] v + f((z,t), \rho^\beta \, e^{-\alpha \rho^{\epsilon}} \, v) \psi. \nonumber
\end{align}
Now again the integral
\[
\int \rho^{-2\alpha} \, e^{2\alpha \rho^{\epsilon}} \, (\mathcal{L} u + f((z,t), u) \psi)^2 \mu^{-1}
\]
is estimated from below by using $(a+b)^2 \geq a^2 + 2ab$, with $a= 2\beta \rho^{\beta-2} \mu Fv$ and $b$ being the rest of the terms in \eqref{f11}. In this case, we note that all the other terms ( with the exception of \eqref{ad} below) are handled in the same way as before and therefore we only need to focus our attention on the following additional term which is incurred due to the presence of the additional term $f((z,t) \rho^\beta e^{-\alpha \rho^{\epsilon}} v) \psi$ in \eqref{f11} ( that is not present in \eqref{b1} !), i.e.
\begin{equation}\label{ad}
4 \beta \int \rho^{-2\alpha + \beta -2} e^{\alpha \rho^{\epsilon}} Fv f((z,t), \rho^\beta e^{-\alpha \rho^{\epsilon}} \, v) \psi.
\end{equation}
Now from the fact that $G$ is the $"s-$antiderivative" of $f$ we have
\begin{align}\label{i19}
& F \left(G((z,t), \rho^{\beta} e^{-\alpha \rho^{\epsilon}}v) \right)= Fv f( (z,t), \rho^\beta e^{-\alpha \rho^{\epsilon}} v) \rho^{\beta} e^{-\alpha \rho^{\epsilon}}+ (\beta-\alpha \epsilon \rho^{\epsilon}) \rho^{\beta} \, e^{-\alpha \rho^{\epsilon}} v f((z,t), \rho^{\beta} \, e^{-\alpha \rho^{\epsilon}} v)
\\
& + \langle \nabla_{(z,t)} G((z,t), \rho^{\beta} e^{-\alpha \rho^{\epsilon}} v), F\rangle.
\notag
\end{align}
Note that in \eqref{i19} above, we used the fact that $F\rho^\beta=\beta \rho^{\beta}$. Then by using \eqref{i19} we obtain
\begin{align}\label{m10}
&4 \beta \int \rho^{-2\alpha + \beta -2} e^{\alpha \rho^{\epsilon}} Fv f((z,t), \rho^\beta e^{-\alpha \rho^{\epsilon}} v) \psi = 4 \beta \int F \left(G((z,t), \rho^{\beta} e^{-\alpha \rho^{\epsilon}} v) \right) \rho^{-2\alpha-2} e^{\alpha \rho^{\epsilon}} \psi
\\
& - 4\beta \int (\beta-\alpha \epsilon \rho^{\epsilon})\rho^{-2\alpha -2} f((z,t), \rho^{\beta} \, e^{-\alpha \rho^{\epsilon}} v) \rho^{\beta} e^{\alpha \rho^{\epsilon}}v \psi -4 \beta \int \rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}} \langle \nabla_{(z,t)} G((z,t), \rho^{\beta} e^{-\alpha \rho^{\epsilon}}v), F\rangle \psi.
\notag
\end{align}
Now from the third condition in \eqref{a1} we have
\begin{equation}\label{i8}
f((z,t), \rho^{\beta} e^{-\alpha \rho^{\epsilon}}v) \rho^{\beta} e^{-\alpha \rho^{\epsilon}}v \leq q G((z,t), \rho^{\beta} e^{-\alpha \rho^{\epsilon}} v)
\end{equation}
and the fourth condition in \eqref{a1} implies
\begin{equation}\label{i7}
\bigg<\nabla_{z, t} G, F\bigg > \leq C_2 G.
\end{equation}
Thus by using \eqref{i8} and \eqref{i7} in \eqref{m10} we get the following inequality,
\begin{align}\label{m11}
&4 \beta \int \rho^{-2\alpha + \beta -2} e^{\alpha \rho^{\epsilon}} Fv f((z,t), \rho^\beta \, e^{-\alpha \rho^{\epsilon}} v) \, \psi
\\
& \geq 4 \beta \int F \bigg(G((z,t), \rho^{\beta} e^{-\alpha \rho^{\epsilon}}v)\bigg) \rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}} \psi- 4\beta q \int (\beta-\alpha \varepsilon \rho^{\epsilon})\rho^{-2\alpha -2} e^{2\alpha \rho^{\epsilon}} G((z,t), \rho^\beta e^{-\alpha \rho^{\epsilon}} v) \psi
\notag
\\
& - 4 C_2 \beta \int \rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}} G((z,t), \rho^{\beta} e^{-\alpha \rho^{\epsilon}} v) \psi.
\notag
\end{align}
where in order to estimate the last integral, we used that $\mu \sim \psi$.
Now the first term in the right hand side of \eqref{m11}, i.e. the integral
\[
4 \beta \int F \bigg( G((z,t), \rho^{\beta} e^{-\alpha \rho^{\epsilon}}v) \bigg) \rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}} \psi
\]
is handled using integration by parts in the following way using the estimates in Theorem \ref{Est1} i) and ii).
\begin{align}\label{m13}
&4 \beta \int F\bigg( G((z,t), \rho^{\beta} e^{-\alpha \rho^{\epsilon}}v) \bigg) \rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}}\psi
\\
& = - 4 \beta \int G((z,t), \rho^{\beta} e^{-\alpha \rho^{\epsilon}}v) \operatorname{div}(\rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}} F \psi )
\notag
\\
&= \int (8\beta (\beta-1) - 8 \alpha \beta \varepsilon \rho^{\varepsilon} -4\beta O(\rho))\rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}} G((z,t), \rho^{\beta} v) \psi.
\notag
\end{align}
We note that over here we used \eqref{choice} which implies that
\begin{eqnarray*}
\operatorname{div}(\rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}} F)&=& [-2\alpha-2+2\alpha \epsilon \rho^{\epsilon}]\rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}}+\rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}} \operatorname{div} F\\
&&=(-2 (\beta -1)+2\alpha \epsilon \rho^{\epsilon} +O(\rho))\rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}}.
\end{eqnarray*}
Now since $q <2 $, by using \eqref{m11} and \eqref{m13} we obtain that
\begin{align} \label{3.37}
&\int \rho^{-2\alpha + \beta -2} e^{\alpha \rho^{\epsilon}} 4 \beta Fv f((z,t), \rho^\beta e^{-\alpha \rho^{\epsilon}} v) \psi \\
& \geq \int ( 4\beta^2( 2-q)+4\alpha \beta \varepsilon \rho^{\epsilon}(q-2)-C \rho -4 C_2 \beta - 8 \beta) \rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}} G((z,t), \rho^{\beta} e^{-\alpha \rho^{\epsilon}} v) \psi \notag
\\
& \geq c \beta^2 \int \rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}} G((z,t), \rho^{\beta} e^{-\alpha \rho^{\epsilon}} v) \psi,\ \text{for large enough $\beta$ provided $R$ is small enough}.
\notag
\end{align}
Thus it follows from the computations as in the proof of Theorem \ref{thm2} and by using \eqref{3.37} that the following inequality holds,
\begin{eqnarray}\label{rt40}
&& \hspace{.5in}\int \rho^{-2\alpha} \, e^{2\alpha \rho^{\epsilon}} \, (\mathcal{L} u + f((z,t), u) \psi )^2 \mu^{-1} + C_1 \beta \int \rho^{-2\alpha-1} e^{2\alpha \rho^{\epsilon}}\langle A Xu, Xu\rangle \\
&&\geq 3 \beta^2 \int \, \rho^{-Q} (Fv)^2 \mu + c \beta^3 \varepsilon^2 \int \rho^{-2\alpha-4+\epsilon} e^{2\alpha \rho^{\epsilon}} u^2 \, \mu + c \beta^2 \int \rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}} G((z,t), u) \psi. \nonumber
\end{eqnarray}
Finally as before, we show how to incorporate the integral $ \beta \int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle A Xu, Xu\rangle$ in the left hand side of \eqref{f10} by interpolation.
We have,
\begin{align}\label{rt71}
& \beta \int\rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle A X u, X u \rangle =\beta \int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \, \langle A X (\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v), X (\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v)\rangle\\
&=-\beta \int X(\rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}}) \cdot A \, X(\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v) [\rho^{\beta} e^{-\alpha \rho^{\epsilon}} v]-\beta \int \mathcal{L} u \, v \, [\rho^{-2\alpha+\beta-2+\epsilon} e^{\alpha \rho^{\epsilon}}].
\notag
\end{align}
Now by rewriting $\mathcal{L} u= (\mathcal{L} u + f((z, t), u) \psi ) - f((z,t). u) \psi$ we obtain from \eqref{rt71} that
\begin{align}\label{bn}
& \beta \int\rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle A X u, X u \rangle \\
&\leq \beta \int \rho^{-Q+\epsilon} (2\alpha+2-\epsilon-2\alpha \epsilon \rho^{\epsilon}) (\beta-\alpha \epsilon \rho^{\epsilon}) \mu \, v^2 + \beta \bigg| \int \rho^{-Q+\epsilon} (2\alpha+2-\epsilon-2\alpha \epsilon \rho^{\epsilon}) \mu \, Fv\cdot v \,\bigg| \notag
\\
& + \beta \bigg| \int ( \mathcal{L} u + f((z,t), u) ) \, v \, [\rho^{-2\alpha+\beta-2+\epsilon} e^{\alpha \rho^{\epsilon}}]\bigg| + \beta \int \rho^{-2\alpha-2 +\varepsilon} e^{2\alpha \rho^\varepsilon} f((z, t), u) u \mu
\notag
\\
& \leq \beta \int \rho^{-Q+\epsilon} (2\alpha+2-\epsilon-2\alpha \epsilon \rho^{\epsilon}) (\beta-\alpha \epsilon \rho^{\epsilon}) \mu \, v^2 + \beta \bigg| \int \rho^{-Q+\epsilon} (2\alpha+2-\epsilon-2\alpha \epsilon \rho^{\epsilon}) \mu \, Fv\cdot v \,\bigg| \notag
\\
& + \beta \bigg| \int ( \mathcal{L} u + f((z,t), u) ) \, v \, [\rho^{-2\alpha+\beta-2+\epsilon} e^{\alpha \rho^{\epsilon}}]\bigg| + \beta q \int \rho^{-2\alpha-2 +\varepsilon} e^{2\alpha \rho^\varepsilon} G((z,t), u) \psi,
\notag
\end{align}
where in the last inequality in \eqref{bn} above, we used that $u f((z,t), u) \leq q G((z, t), u)$. We now note that the last integral in \eqref{bn} above, i.e.
\[
\beta q \int \rho^{-2\alpha-2 +\varepsilon} e^{2\alpha \rho^\varepsilon} G((z,t), u) \mu
\]
can be estimated from above by the following integral in \eqref{rt40}, i.e.
\[c \beta^2 \int \rho^{-2\alpha-2} e^{2\alpha \rho^{\epsilon}} G((z,t), u) \psi,\] provided $\beta$ is sufficiently large. At this point , the rest of the argument is similar to that for Theorem \ref{thm2} where we use the inequality \eqref{rt40} instead of \eqref{rt41} and we finally arrive at the following estimate
\begin{align}\label{f0}
& \alpha^3 \int e^{2\alpha \rho^{\epsilon}} \left[ \rho^{-2\alpha-4+\epsilon}u^2 \mu + \rho^{-2\alpha-2} G((z,t), u) \, \mu \right] \\
&+ \alpha \int \rho^{-2\alpha-2+\epsilon} e^{2\alpha \rho^{\epsilon}} \langle AXu, Xu \rangle \leq C \, \int \rho^{-2\alpha} \, e^{2\alpha \rho^{\epsilon}} \, (\mathcal{L} u + f((z,t), u) \psi)^2 \mu^{-1} .\notag
\end{align}
The desired inequality \eqref{f10} now follows by using \eqref{a0} in \eqref{f0}.
\end{proof}
\subsection*{Proof of Theorem \ref{hardy}}
\begin{proof}
Let $v= e^{\frac{\beta}{2} (\log \rho)^{2}} \, u$. Then it follows, \begin{eqnarray*}
\mathcal{L} u=\mathcal{L} v (e^{-\frac{\beta}{2} (\log \rho)^{2}} )+2 a_{ij} \, X_jv X_i(e^{-\frac{\beta}{2} (\log \rho)^{2}} )+\mathcal{L} (e^{-\frac{\beta}{2} (\log \rho)^{2}} ) v
\end{eqnarray*}
Since $a_{ij}=\delta_{ij}+b_{ij}$, therefore we have,
\begin{eqnarray*}
\mathcal{L} u=\mathcal{L} v (e^{-\frac{\beta}{2} (\log \rho)^{2}})+2 a_{ij} \, X_jv X_i(e^{-\frac{\beta}{2} (\log \rho)^{2}})+\mathcal{B}_\gamma(e^{-\frac{\beta}{2} (\log \rho)^{2}}) v+ X_i(b_{ij} X_j (e^{-\frac{\beta}{2} (\log \rho)^{2}})) v.
\end{eqnarray*}
Now, we compute the last two terms in the right hand side of the above expression. By a standard calculation we obtain,
\begin{eqnarray*}
\mathcal{B}_\gamma(e^{-\frac{\beta}{2}(\log \rho)^2})=\psi \, e^{-\frac{\beta}{2}(\log \rho)^2} \, \rho^{-2}\left((\beta \log \rho)^2-\beta-(Q-2) \beta \log \rho \right),
\end{eqnarray*}
and
\begin{eqnarray*}
X_i(e^{-\frac{\beta}{2}(\log \rho)^2})=-\beta (\log \rho) \rho^{-1} \, e^{-\frac{\beta}{2}(\log \rho)^2} X_i\rho.
\end{eqnarray*}
Similarly we have,
\begin{eqnarray*}
&& X_iX_j(e^{-\frac{\beta}{2}(\log \rho)^2})=X_i\left[-\beta (\log \rho) \rho^{-1} \, e^{-\frac{\beta}{2}(\log \rho)^2} X_j\rho\right]\\
&& =\beta \rho^{-2} \, e^{-\frac{\beta}{2}(\log \rho)^2} \, \left(-1+(\log \rho)+\beta (\log \rho)^2\right) X_i\rho X_j \rho-\beta (\log \rho) \rho^{-1} \, e^{-\frac{\beta}{2}(\log \rho)^2} X_i X_j\rho.
\end{eqnarray*}
Thus,
\begin{eqnarray*}
&&\mathcal{L} u= \mathcal{L} v (e^{-\frac{\beta}{2}(\log \rho)^2})+2 a_{ij} \, X_jv X_i\rho \left[-\beta (\log \rho) \rho^{-1} \, e^{-\frac{\beta}{2}(\log \rho)^2}\right]\\
&&+\left[ \psi \, e^{-\frac{\beta}{2}(\log \rho)^2} \, \rho^{-2}\left((\beta \log \rho)^2-\beta-(Q-2) \beta \log \rho \right)\right] v\\
&&- \left[X_ib_{ij} \beta (\log \rho) \rho^{-1} \, e^{-\frac{\beta}{2}(\log \rho)^2} X_j\rho\right] v+ \left[b_{ij}\left(-\beta (\log \rho) \rho^{-1} \, e^{-\frac{\beta}{2}(\log \rho)^2}\right)X_i X_j \rho\right] v \\
&&+\left[b_{ij}\left(\beta \rho^{-2} \, e^{-\frac{\beta}{2}(\log \rho)^2} \, \left(-1+(\log \rho)+\beta (\log \rho)^2\right)\right)X_i \rho X_j \rho\right] v.
\end{eqnarray*}
Consequently in terms of the vector field $F$, we observe that $\mathcal{L} u $ can be written as,
\begin{eqnarray} \label{c1}
&&\mathcal{L} u= \mathcal{L} v (e^{-\frac{\beta}{2}(\log \rho)^2})+2 \mu Fv \left[-\beta (\log \rho) \rho^{-2} \, e^{-\frac{\beta}{2}(\log \rho)^2}\right]\\
&&+\left[ \psi \, e^{-\frac{\beta}{2}(\log \rho)^2} \, \rho^{-2}\left((\beta \log \rho)^2-\beta-(Q-2) \beta \log \rho \right)\right] v\nonumber\\
&&+\left[X_ib_{ij} \cdot \beta (-\log \rho) \rho^{-1} \, e^{-\frac{\beta}{2}(\log \rho)^2} X_j\rho\right] v+ \left[b_{ij}\left(-\beta (\log \rho) e^{-\frac{\beta}{2} (\log \rho)^2}\rho^{-1} \, \right)X_i X_j \rho\right] v \nonumber\\
&&+\left[b_{ij}\left(\beta \rho^{-2} e^{-\frac{\beta}{2} (\log \rho)^2} \, \left(-1+(\log \rho)+\beta (\log \rho)^2\right)\right)X_i \rho X_j \rho\right] v.\nonumber
\end{eqnarray}
Now using $(a+b)^2\geq a^2+2ab$ with $a= 2 \beta \, (-\log \rho) \, \mu Fv \rho^{-2} $ and with $b$ being the rest of the terms on \eqref{c1} above, we obtain,
\begin{eqnarray*}
e^{\beta(\log \rho)^2}(\mathcal{L} u)^2 &\geq& 4\beta^2 \rho^{-4} (\log \rho)^2 \, \mu^2 (Fv)^2+4\beta \mu \rho^{-2} (-\log \rho) \, Fv \mathcal{L} v \\
&&+4 \beta \, (-\log \rho) \, \mu \rho^{-2}\bigg[ \left[\psi \, \, \rho^{-2}\left((\beta \log \rho)^2-\beta-(Q-2) \beta \log \rho \right) \right] \\
&&+\left[X_ib_{ij} \cdot \beta (-\log \rho) \rho^{-1} X_j\rho\right]+\left[b_{ij}\left(\beta (-\log \rho) \rho^{-1} \right)X_i X_j \rho\right] \\
&&+\left[b_{ij}\left(\beta \rho^{-2} \, \, \left(-1+(\log \rho)+\beta (\log \rho)^2\right)\right)X_i \rho X_j \rho\right] \bigg] Fv \cdot v \nonumber.
\end{eqnarray*}
Hence,
\begin{align}\label{c2}
&\int \rho^{-Q+4} \, e^{\beta(\log \rho)^2}(\mathcal{L}
u)^2 \mu^{-1} \\
& \geq \int [4\beta^2 \rho^{-Q} (\log \rho)^2 \, \mu (Fv)^2] \, dz dt +\int 4\beta \rho^{-Q+2} (-\log \rho) \, Fv \mathcal{L} v \notag\\
&
+ \int 4 \beta \, \rho^{-Q+2} \, (-\log \rho) \bigg[\left[\psi \, \rho^{-2}\left((\beta \log \rho)^2-\beta-(Q-2) \beta \log \rho \right)\right] \notag\\
&+\left[X_ib_{ij} \cdot \beta (-\log \rho) \rho^{-1} \, X_j\rho\right]+\left[b_{ij}\left(\beta (-\log \rho) \rho^{-1} \, \right)X_i X_j \rho\right] \notag\\
&+\left[b_{ij}\left(\beta \rho^{-2} \, \left(-1+(\log \rho)+\beta (\log \rho)^2\right)\right)X_i \rho X_j \rho\right]\bigg] Fv \cdot v \notag\\
& = \int [4\beta^2 \rho^{-Q} (\log \rho)^2 \, \mu (Fv)^2] \, dz dt +\int 4\beta \rho^{-Q+2} (-\log \rho) \, Fv \mathcal{L} v \notag\\
&
+ \int 4 \beta \, \rho^{-Q+2} \, (-\log \rho) \bigg[\left[\psi \, \, \rho^{-2}\left((\beta \log \rho)^2-\beta-(Q-2) \beta \log \rho \right)\right] \notag\\
&+\left[X_ib_{ij} \cdot \beta (-\log \rho) \rho^{-1} \, X_j\rho\right]+\left[b_{ij}\left(\beta (-\log \rho) \rho^{-1} \, \right)X_i X_j \rho\right] \notag\\
&+\left[b_{ij}\left(\beta \rho^{-2} \, \, \left(-1+(\log \rho)+\beta (\log \rho)^2\right)\right)X_i \rho X_j \rho\right]\bigg] F\left(\frac{v^2}{2}\right)\notag
\end{align}
We first handle the following term in the right hand side of \eqref{c2} above,
\begin{align}\label{c3}
&
\int 4 \beta \, \rho^{-Q+2} \, (-\log \rho) \bigg[\left[\psi \, \, \rho^{-2}\left((\beta \log \rho)^2-\beta-(Q-2) \beta \log \rho \right) \right]+\left[b_{ij}\left(\beta (-\log \rho) \rho^{-1} \, \right)X_i X_j \rho\right]\\
& +\left[b_{ij}\left(\beta \rho^{-2} \, \, \left(-1+(\log \rho)+\beta (\log \rho)^2\right)\right)X_i \rho X_j \rho\right]\bigg] F\bigg(\frac{v^2}{2}\bigg). \notag
\end{align}
We now look at each individual term in \eqref{c3}.
First we observe that by applying integration by parts to the integral
\[
\int 4 \beta \, [(\beta \log \rho)^2-\beta-(Q-2) \beta \log \rho] (-\log \rho) \rho^{-Q}\psi F \bigg(\frac{v^2}{2}\bigg)
\]
we get that the following holds,
\begin{align} \label{c5}
& \int 4 \beta \, [(\beta \log \rho)^2-\beta-(Q-2) \beta \log \rho] (-\log \rho) \rho^{-Q}\psi F \bigg(\frac{v^2}{2}\bigg)= 4 \int \beta^3 \operatorname{div}[(\log \rho)^3\rho^{-Q} F\psi] \frac{v^2}{2} \\
&-4 \int \beta^2 \operatorname{div}((\log \rho)\rho^{-Q} F\psi) \frac{v^2}{2} -4 \int \beta^2(Q-2) \operatorname{div}((\log \rho)^2\rho^{-Q} F\psi) \frac{v^2}{2} \notag
\end{align}
Now we estimate each individual term in the right hand side of \eqref{c5}. We have using the estimates in Theorem \ref{Est1},
\begin{eqnarray}\label{kj1}
4 \int \beta^3 \operatorname{div}[(\log \rho)^3\rho^{-Q} F\psi ] \frac{v^2}{2} \geq 6 \, \beta^3 \int \rho^{-Q}( \log \rho)^2 v^2 \psi - C\beta^3 \int \rho^{-Q+1}( \log \rho)^3 v^2 \psi.
\end{eqnarray}
Likewise it follows that,
\begin{eqnarray*}
&&-4 \int \beta^2 \operatorname{div}((\log \rho)\rho^{-Q} F\psi) \frac{v^2}{2} -4 \int \beta^2(Q-2) \operatorname{div}((\log \rho)^2\rho^{-Q} F\psi) \frac{v^2}{2} \\
&& \geq2\beta^2 \int \rho^{-Q} [2(Q-2)(-\log \rho)-1] \, v^2 \psi - C \int \rho^{-Q+1} [\beta^2(-\log \rho) + 4 \beta^2(Q-2)(\log \rho)^2 ].
\end{eqnarray*}
Next, we see that
\begin{align}
& 4 \beta^2 \int \rho^{-Q} (-\log \rho) (-1+(\log \rho)+\beta (\log \rho)^2)b_{ij} X_i \rho X_j \rho F \bigg(\frac{v^2}{2} \bigg)\\ & = - 2 \beta^2 \int \operatorname{div} ( \rho^{-Q} (-\log \rho) (-1+(\log \rho)+\beta (\log \rho)^2)b_{ij} X_i \rho X_j \rho F) v^2\notag \\
& \geq - C\beta^2 \int \rho^{-Q+2} (-\log \rho) (-1+(\log \rho)+\beta (\log \rho)^2) v^2 \mu - C\beta^2 \int \rho^{-Q+1} v^2 \mu - C\beta^3 \int \rho^{-Q+1} (\log \rho)^2 v^2 \mu
\notag
\end{align}
Finally, the second integral in \eqref{c3} can be estimated using the estimates in Theorem \ref{Est1} as well as the third derivative estimate in Lemma \ref{lma3.3} in the following way,
\begin{align}\label{bv}
& 4 \beta \int \rho^{-Q+1} \left[ b_{ij} (-\log \rho) X_iX_j \rho \right] F\bigg(\frac{v^2}{2} \bigg) \\
&\int \operatorname{div}\bigg(4 \beta \, \rho^{-Q+1}\left[b_{ij}\left(\beta (\log \rho) \, \right)X_i X_j \rho F\right] \bigg)\frac{v^2}{2}\notag\\
& \geq - C \beta^2 \int \rho^{-Q+1} (-\log \rho) v^2 \mu.\notag
\end{align}
Thus from \eqref{c5}-\eqref{bv} it follows that for all $R$ small enough, we have
\begin{align} \label{c6}
&\int 4 \beta \, \rho^{-Q+2} \, (-\log \rho) \bigg[\left[\psi \, \, \rho^{-2}\left((\beta \log \rho)^2-\beta-(Q-2) \beta \log \rho \right) \right]+\left[b_{ij}\left(\beta (-\log \rho) \rho^{-1} \, \right)X_i X_j \rho\right]\\
& +\left[b_{ij}\left(\beta \rho^{-2} \, \, \left(-1+(\log \rho)+\beta (\log \rho)^2\right)\right)X_i \rho X_j \rho\right]\bigg] F\bigg(\frac{v^2}{2}\bigg) \notag\\
& \geq 5 \, \beta^3 \int \rho^{-Q}( \log \rho)^2 v^2 \mu.\notag
\end{align}
Now using $\sum_{i,j=1}^N|X_i b_{ij} \, X_j \rho| \leq C\mu$, we obtain by applying Cauchy-Schwartz inequality that the following holds,
\begin{align}\label{re1}
&\int 4 \beta \, \rho^{-Q+1} \left[X_ib_{ij} \cdot \beta (-\log \rho) X_j \rho\right] Fv\cdot v
\\
& \geq - \beta^2 \int \rho^{-Q+1} ( Fv)^2 (\log(\rho))^2 \mu - C \int \rho^{-Q+1} v^2 \mu\notag
\end{align}
We now estimate the second integral in \eqref{c2}, i.e.
\[
\int 4\beta \rho^{-Q+2} \, (-\log \rho) \, Fv \mathcal{L} v.
\]
Now in order to estimate this integral, we use the Rellich type identity as in \eqref{re} with $G= \rho^{-Q+2} (-\log \rho) F$.
It follows using \eqref{re}, the estimates in Theorem \ref{Est1} and by computations which are analogous to that in \eqref{ok110}-\eqref{rt3} that the following holds,
\begin{align}\label{c7}
& 4 \beta \int \rho^{-Q+2} \, (-\log \rho) \, Fv \mathcal{L} v \geq 4\beta \int \rho^{-Q} ((Q-2) (-\log \rho) +1) (Fv)^2 \mu - 2 \beta \int \rho^{-Q+2} <AXv, Xv>\\ & - C\beta \int\rho^{-Q+3} (-\log \rho) \langle AXv, Xv \rangle
\geq 4\beta \int \rho^{-Q} ((Q-2) (-\log \rho) +1) (Fv)^2 \mu - \frac{5}{2} \beta \int \rho^{-Q+2} <AXv, Xv>, \notag \end{align}
where in the last inequality above, we used that for all small enough $\rho$,
\[
C\rho^{-Q+3} \log (-\rho) \leq \frac{1}{2} \rho^{-Q+2}.
\]
Therefore by combining \eqref{c2}, \eqref{c6}, \eqref{re1} and \eqref{c7}, we finally deduce the following inequality for all $\beta$ large and $R$ small,
\begin{eqnarray}\label{c11}
&&\int \rho^{-Q+4} \, e^{\beta (\log \rho)^{2}} \, (\mathcal{L} u)^2 \mu^{-1} +\frac{5}{2} \beta \int \rho^{-Q+2} \langle AXv, Xv \rangle \\
&&\geq 3 \beta^2 \int \rho^{-Q}(\log \rho)^2 (Fv)^2 \mu + 4 \beta^3 \int \rho^{-Q} (\log \rho)^2 \, v^2 \mu. \nonumber
\end{eqnarray}
We now rewrite the integral $$\int \rho^{-Q+2} \langle AXv, Xv \rangle$$ as follows.
We have,
\begin{eqnarray*}
&&\int \rho^{-Q+2} e^{\beta (\log \rho)^2} \langle AXu, Xu \rangle= \int \rho^{-Q+2} e^{\beta (\log \rho)^2}\langle A X e^{-\beta/2 (\log \rho)^2} v,X e^{-\beta/2 (\log \rho)^2} v \rangle\\
&&=\int \rho^{-Q+2} \bigg[\frac{(\beta \log \rho)^2}{\rho^2} \, \mu v^2+2\frac{(-\beta \log \rho)}{\rho^2} v Fv \mu+ \, <AXv, Xv> \bigg]\\
&& \geq \int \rho^{-Q+2 } \bigg[\frac{(\beta \log \rho)^2}{\rho^2} \mu v^2+ \frac{\beta}{\rho^2} v^2 - C\beta \rho^{-1} (-\log \rho) v^2 \mu + \langle AX v, Xv \rangle\bigg]. \\
&& \geq \int \rho^{-Q+2} \bigg[\frac{(\beta \log \rho)^2}{\rho^2} \mu v^2 + \, \langle AX v, Xv \rangle\bigg]\ \text{(provided $R$ is small enough)}.
\end{eqnarray*}
Thus, we get
\begin{equation}\label{dom1}
\int \rho^{-Q+2 } e^{\beta (\log \rho)^2}\langle AXu, Xu \rangle \geq \int \rho^{-Q+2} \langle AX v, Xv \rangle + \beta^2 \int \rho^{-Q} (\log \rho)^2 v^2 \mu . \end{equation}Using \eqref{dom1} in \eqref{c11} we obtain,
\begin{eqnarray}\label{c12}
&&\int \rho^{-Q+4} \, e^{\beta (\log \rho)^{2}} \, (\mathcal{L} (e^{-\frac{\beta}{2} (\log \rho)^{2}} v))^2 \mu^{-1} + \frac{5}{2} \beta \, \int \rho^{-Q+2 } e^{\beta (\log \rho)^2}\langle AXu, Xu \rangle \\
&&\geq 3 \beta^2 \int_{B_R} \, \rho^{-Q} (\log \rho)^2 (Fv)^2 \mu + \frac{13}{2} \beta^3 \int \rho^{-Q} (\log \rho)^2 \, v^2 \mu. \nonumber
\end{eqnarray}
Finally, we show how to incorporate the integral $ \beta \int \rho^{-Q+2} e^{\beta (\log \rho)^{2}} \langle A Xu, Xu\rangle $ in the left hand side of \eqref{har1} by an interpolation type argument as before. We have,
\begin{align}\label{c15}
&\beta \int \rho^{-Q+2} e^{\beta (\log \rho)^2} (-\log \rho)^{\varepsilon} \langle A Xu, Xu\rangle
=- \beta \int \bigg< X(\rho^{-Q+2} e^{\beta (\log \rho)^2} , AX(e^{-\beta/2 (\log \rho)^2}v) \bigg> e^{-\beta/2 (\log \rho)^2}v \\ & -\beta \int \mathcal{L}(e^{-\beta/2 (\log \rho)^2}v) \rho^{-Q+2} e^{\beta/2 (\log \rho)^2}v.
\notag
\\
& \leq - \beta \int \bigg< X(\rho^{-Q+2} e^{\beta (\log \rho)^2}), AX(e^{-\beta/2 (\log \rho)^2}v) \bigg> e^{-\beta/2 (\log \rho)^2}v\notag\\ & + C \int \rho^{-Q+4} e^{\beta (\log \rho)^2} (\mathcal{L} u)^2 \mu^{-1} + C\beta^2 \int \rho^{-Q} v^2
\notag
\\
& \leq - \beta \int \bigg< X(\rho^{-Q+2} e^{\beta (\log \rho)^2}, AX(e^{-\beta/2 (\log \rho)^2}v) \bigg> e^{-\beta/2 (\log \rho)^2}v + C \int \rho^{-Q+4} e^{\beta (\log \rho)^2} (\mathcal{L} u)^2 \mu^{-1} \notag\\
&
+ C \int \rho^{-Q+2} e^{\beta (\log \rho)^2} <A Xu, Xu>, \notag
\end{align}
where in the last inequality in \eqref{c15} above, we used the estimate \eqref{c12}.
Now the following term in \eqref{c15} above, i.e.
\[
- \beta \int \bigg< X(\rho^{-Q+2} e^{\beta (\log \rho)^2} ), AX(e^{-\beta/2 (\log \rho)^2}v) \bigg> e^{-\beta/2 (\log \rho)^2}v\]
is estimated as follows.
We have,
\begin{align}\label{c19}
&-\beta \int \langle X (\rho^{-Q+2} e^{\beta (\log \rho)^2} ), AX(e^{-\beta/2 (\log \rho)^2}v) \rangle e^{-\beta/2 (\log \rho)^2}v
\\
&=-\beta (-Q+2) \int \rho^{-Q} \left[\mu \beta(-\log \rho) v^2+ \mu\, Fv \cdot v\right] +\beta \int \rho^{-Q} 2\beta (-\log \rho)\left[(-\beta \log \rho) v^2\mu+ Fv \cdot v \mu \right]
\notag
\\
&\leq \frac{5}{2} \beta^3 \int \rho^{-Q} (\log \rho)^2 v^2 \mu + C \beta \int \rho^{-Q} (\log \rho)^2 (Fv)^2 \mu\ \text{(for all large $\beta$ and $R$ small)}
\notag
\\
& \leq C \int \rho^{-Q+4} e^{\beta (\log \rho)^2} (\mathcal{L} u)^2 \mu^{-1} + \left( \frac{25}{26} \beta +C \right) \int \rho^{-Q+2} \langle AXu, Xu \rangle,\notag
\end{align}
where in the last inequality above, we again used the estimate \eqref{c12}. Thus from \eqref{c15} and \eqref{c19} we obtain
\begin{align}\label{grad}
& \beta \int \rho^{-Q+2} e^{\beta (\log \rho)^2} \langle A Xu, Xu\rangle \leq C \int \rho^{-Q+4} e^{\beta (\log \rho)^2} (\mathcal{L} u)^2 \mu^{-1} + \left( C +\frac{25}{26} \beta\right) \int \rho^{-Q+2} \langle AXu, Xu \rangle.
\end{align}
Now for all $\beta$ large enough, we observe that the following term in \eqref{grad} above, i.e.
\[
\left( C +\frac{25}{26} \beta \right) \int \rho^{-Q+2} \langle AXu, Xu \rangle.\] can be absorbed in the left hand side of \eqref{grad} and we thus infer that the following estimate holds,
\begin{align}\label{grad1}
& \beta \int \rho^{-Q+2} e^{\beta (\log \rho)^2} \langle A Xu, Xu\rangle \leq C \int \rho^{-Q+4} e^{\beta (\log \rho)^2} (\mathcal{L} u)^2 \mu^{-1} .
\end{align}
The desired estimate \eqref{har1} now follows from \eqref{c12} and \eqref{grad1}.
\end{proof}
\section{Appendix}\label{ap}
\begin{proof}[Proof of Lemma \ref{lma3.3}]
First note that \[
F(b_{ij}X_i X_j \rho)=F(b_{ij}) \, X_iX_j \rho+(\frac{\rho}{\mu}\sum a_{qr} X_q\rho) \, b_{ij} X_r(X_iX_j \rho).\]
Now a standard tedious computation which uses the estimates in Lemma \ref{gauge}, Proposition \ref{prop3.4} and the hypothesis \eqref{H} shows that
\begin{equation}\label{cal1}
\sum |(F(b_{ij}) X_i X_j \rho| \leq C \psi.
\end{equation}
Consequently, we turn our attention to estimating the term $(\frac{\rho}{\mu}\sum a_{qr} X_q\rho) \, b_{ij} X_r(X_iX_j \rho).$ To do this, we need to compute the third derivatives of $\rho$. For that, we use the expressions for the second derivatives of $\rho$ as listed in Lemma \ref{secondder}. We first recall the expression for the derivatives of $\psi$ as in the proof of Proposition 3.2 in \cite{GV}.
\begin{eqnarray*}
X_l\psi=\begin{cases}
2 \gamma \psi \frac{z_l}{|z|^2}-2\gamma \psi^2\frac{z_l}{\rho^2}, & \text{ for } 1\leq l\leq m\,\\
-2\gamma(\gamma+1) \, \psi \, \frac{t_{l-m}|z|^{\gamma}}{\rho^{2\gamma+2}}, & \text{ for } m+1\leq l\leq N.
\end{cases}
\end{eqnarray*}
We split our consideration into the following cases.
\begin{enumerate}
\item For $1\leq r \leq m$ and $1\leq i,j \leq m,$ we have:
\begin{align*}
&X_r(X_iX_j \rho)=-(2\gamma+1) X_r(z_iz_j) \frac{\psi^2}{\rho^3}-(2\gamma+1) z_iz_jz_r \frac{\psi^2}{\rho^3}\left[\frac{4\gamma}{|z|^2}-\frac{\psi}{\rho^2}(4\gamma+3)\right]\\
&+X_r\left(2\gamma \frac{z_iz_j}{|z|^2}+\delta_{ij}\right) \frac{\psi}{\rho}+\left(2\gamma \frac{z_iz_j}{|z|^2}+\delta_{ij}\right) \, \frac{\psi}{\rho}z_r\left[\frac{2\gamma}{|z|^2}-\frac{\psi}{\rho^2}(2\gamma +1)\right]\\
&=-(2\gamma+1) \left(z_j \delta_{ri}+z_i \delta_{rj}\right) \frac{\psi^2}{\rho^3}-(2\gamma+1) z_iz_jz_r \frac{\psi^2}{\rho^3}\left[\frac{4\gamma}{|z|^2}-\frac{\psi}{\rho^2}(4\gamma+3)\right]\\
&+2\gamma \left(\frac{z_i\delta_{rj}+z_j \delta_{ri}}{|z|^2}-2\frac{z_iz_jz_r}{|z|^4}\right) \frac{\psi}{\rho}+\left(2\gamma \frac{z_iz_j}{|z|^2}+\delta_{ij}\right) \, \frac{\psi}{\rho}z_r\left[\frac{2\gamma}{|z|^2}-\frac{\psi}{\rho^2}(2\gamma +1)\right].
\end{align*}
Since $|z|\leq \rho$ and $\frac{|z|}{\rho}=\psi^{\frac{1}{2\gamma}}$, we have $|X_r(X_iX_j \rho)|\leq C \left[\frac{\psi^2}{\rho^2}+ \frac{\psi}{\rho |z|} \right] \leq C \frac{\psi^{1-\frac{1}{2\gamma}}}{\rho^2}.$ Thus, we have
\begin{align} \label{Third1}
\left|\left(\frac{\rho}{\mu}\sum a_{qr} X_q\rho\right) \, b_{ij} X_r(X_iX_j \rho)\right| \leq C \, \rho^2 \mu^{\frac{1}{2\gamma}} \, \frac{\psi^{1-\frac{1}{2\gamma}}}{\rho^2} \leq C \psi.
\end{align}
\vspace{.1in}
\item For $m+1\leq r \leq N$ and $1\leq i,j \leq m,$ we have:
\begin{eqnarray*}
&&X_r(X_iX_j \rho)=(2\gamma+1)(\gamma+1) z_iz_j\frac{\psi^2}{\rho^{2\gamma+5}}t_{r-m}[4\gamma |z|^{\gamma}+3 \rho^{\gamma}\psi^{1/2}]\\
&&-\left((2\gamma\frac{z_iz_j}{|z|^2}+\delta_{ij})(\gamma+1)\right)\left[\frac{\psi}{\rho^{2\gamma+3}}t_{r-m}[2\gamma |z|^{\gamma}+\rho^{\gamma}\psi^{1/2}]\right].
\end{eqnarray*}
Since $|z|\leq \rho$, $\frac{|z|}{\rho}=\psi^{\frac{1}{2\gamma}}$ and $|t|\leq \rho^{\gamma+1}$, we have $|X_r(X_iX_j \rho)|\leq C \frac{\psi^{1+\frac{1}{2}}}{\rho^2}$. Thus, we have
\begin{align} \label{Third2}
\left|\left(\frac{\rho}{\mu}\sum a_{qr} X_q\rho\right) \, b_{ij} X_r(X_iX_j \rho)\right| \leq C \psi.
\end{align}
\vspace{.1in}
\item For $1\leq r \leq m$, ~$1\leq i\leq m$ and $1\leq j \leq k,$ we have:
\begin{align*}
&X_r(X_iX_{m+j} \rho)=-(2\gamma+1)(\gamma+1)X_r\left(\frac{z_it_j}{|z|^{\gamma}}\right) \frac{\psi^2}{\rho^3}-(2\gamma+1)(\gamma+1)\left(\frac{z_it_j}{|z|^{\gamma}}\right)\frac{\psi^2}{\rho^3}z_r\left[\frac{4\gamma}{|z|^2}-\frac{(4\gamma+3)\psi}{\rho^2}\right]\\
&+\frac{\psi}{\rho}\left[\gamma(\gamma+1)X_r\left(\frac{z_it_j}{|z|^{\gamma+2}}\right)\right]+\left[\gamma(\gamma+1)\left(\frac{z_it_j}{|z|^{\gamma+2}}\right)\right]\frac{\psi}{\rho}z_r\left[\frac{2\gamma}{|z|^2}-\frac{\psi}{\rho^2}(2\gamma+1)\right]\\
&=-(2\gamma+1)(\gamma+1)\left(\frac{\delta_{ri}t_j}{|z|^{\gamma}}-\gamma \frac{z_i z_rt_j}{|z|^{\gamma+2}} \right) \frac{\psi^2}{\rho^3}-(2\gamma+1)(\gamma+1)\left(\frac{z_it_j}{|z|^{\gamma}}\right)\frac{\psi^2}{\rho^3}z_r\left[\frac{4\gamma}{|z|^2}-\frac{(4\gamma+3)\psi}{\rho^2}\right]\\
&+\frac{\psi}{\rho}\left[\gamma(\gamma+1) \left(\frac{\delta_{ir}t_j}{|z|^{\gamma+2}}-(\gamma+2) \frac{z_i z_rt_j}{|z|^{\gamma+4}}\right)\right]+\left[\gamma(\gamma+1)\left(\frac{z_it_j} {|z|^{\gamma+2}}\right)\right]\frac{\psi}{\rho}z_r\left[\frac{2\gamma}{|z|^2}-\frac{\psi}{\rho^2}(2\gamma+1)\right].
\end{align*}
Since $|z|\leq \rho$, $\frac{|z|}{\rho}=\psi^{\frac{1}{2\gamma}}$ and $|t|\leq \rho^{\gamma+1}$, we have $|X_r(X_iX_{m+j} \rho)|\leq C\left[ \frac{\psi^{3/2}}{\rho^{2}}+\frac{\psi^{1/2}}{|z|^2} \right] \leq C \frac{\psi^{1/2-\frac{1}{\gamma}}}{\rho^2}.$ Thus, we have
\begin{align} \label{Third3}
\left|\left(\frac{\rho}{\mu}\sum a_{qr} X_q\rho\right) \, b_{i(m+j)} X_r(X_iX_{m+j} \rho)\right| \leq C \, \rho^2 \mu^{\frac{1}{2\gamma}} \, (\psi^{1/2+\frac{1}{2\gamma}}) \,\frac{\psi^{1/2-\frac{1}{\gamma}}}{\rho^2} \leq C \psi.
\end{align}
\vspace{.2in}
\item For $m+1\leq r \leq N$, ~$1\leq i\leq m$ and $1\leq j \leq k,$ we have:
\begin{align*}
&X_r(X_iX_{m+j} \rho)=-(2\gamma+1)(\gamma+1)X_r\left(\frac{z_it_j}{|z|^{\gamma}}\right) \frac{\psi^2}{\rho^3}+(2\gamma+1)(\gamma+1)^2\left(\frac{z_it_j}{|z|^{\gamma}}\right)\frac{\psi^2}{\rho^{2\gamma+5}}t_{r-m}\left[4\gamma |z|^{\gamma}+3 \rho^{\gamma}\psi^{1/2}\right]\\
&+\frac{\psi}{\rho}\left[\gamma(\gamma+1)X_r\left(\frac{z_it_j}{|z|^{\gamma+2}}\right)\right]-\left[\gamma(\gamma+1)^2\left(\frac{z_it_j}{|z|^{\gamma+2}}\right)\right]\frac{\psi}{\rho^{2\gamma+3}}t_{r-m}\left[2\gamma |z|^{\gamma}+\rho^{\gamma}\psi^{1/2}\right]\\
&=-(2\gamma+1)(\gamma+1)\left(\frac{z_i |z|^{\gamma} \delta_{rj}}{|z|^{\gamma}}\right) \frac{\psi^2}{\rho^3}+(2\gamma+1)(\gamma+1)^2\left(\frac{z_it_j}{|z|^{\gamma}}\right)\frac{\psi^2}{\rho^{2\gamma+5}}t_{r-m}\left[4\gamma |z|^{\gamma}+3 \rho^{\gamma}\psi^{1/2}\right]\\
&+\frac{\psi}{\rho}\left[\gamma(\gamma+1)\left(\frac{z_i |z|^{\gamma} \, \delta_{rj}}{|z|^{\gamma+2}}\right)\right]-\left[\gamma(\gamma+1)^2\left(\frac{z_it_j}{|z|^{\gamma+2}}\right)\right]\frac{\psi}{\rho^{2\gamma+3}}t_{r-m}\left[2\gamma |z|^{\gamma}+\rho^{\gamma}\psi^{1/2}\right].
\end{align*}
Since $|z|\leq \rho$, $\frac{|z|}{\rho}=\psi^{\frac{1}{2\gamma}}$ and $|t|\leq \rho^{\gamma+1}$, we have $|X_r(X_iX_{m+j} \rho)|\leq C \, \left[ \frac{\psi^2}{\rho^2}+ \frac{\psi}{\rho |z|} \right] \leq C \frac{\psi^{1-\frac{1}{2\gamma}}}{\rho^2 }$. Thus, we have
\begin{align} \label{Third4}
\left|\left(\frac{\rho}{\mu}\sum a_{qr} X_q\rho\right) \, b_{i (m+j)} X_r(X_iX_{m+j} \rho)\right|\leq C \, \rho^2 \mu^{-\frac{1}{2}} \, (\psi^{1/2+\frac{1}{2\gamma}}) \, \frac{\psi^{1-\frac{1}{2\gamma}}}{\rho^2 } \leq C \psi.
\end{align}
\vspace{.2in}
\item For $1\leq r,i\leq m$ and $1\leq j\leq k$ we have:
\begin{align*}
&X_r(X_{m+j} X_i\rho)=-(2\gamma+1)(\gamma+1) X_r\left(\frac{z_it_j}{|z|^{\gamma}}\right) \, \frac{\psi^2}{\rho^3}-(2\gamma+1)(\gamma+1) \left(\frac{z_it_j}{|z|^{\gamma}}\right) \, \frac{\psi^2}{\rho^3}z_r\left[\frac{4\gamma}{|z|^2}-\frac{(4\gamma+3)\psi}{\rho^2}\right]\\
&=-(2\gamma+1)(\gamma+1) \left(\frac{\delta_{ri}t_j}{|z|^{\gamma}}-\gamma \frac{z_iz_rt_j}{|z|^{\gamma+2}}\right) \, \frac{\psi^2}{\rho^3}-(2\gamma+1)(\gamma+1) \left(\frac{z_it_j}{|z|^{\gamma}}\right) \, \frac{\psi^2}{\rho^3}z_r\left[\frac{4\gamma}{|z|^2}-\frac{(4\gamma+3)\psi}{\rho^2}\right].
\end{align*}
Since $|z|\leq \rho$, $\frac{|z|}{\rho}=\psi^{\frac{1}{2\gamma}}$ and $|t|\leq \rho^{\gamma+1}$, we have $|X_r(X_{m+j}X_i \rho)|\leq C \frac{\psi^{3/2}}{\rho^2}$. Thus, we have
\begin{align} \label{Third5}
\left|\left(\frac{\rho}{\mu}\sum a_{qr} X_q\rho\right) \, b_{(m+j)i} X_r(X_{m+j}X_i \rho)\right|\leq C \, \rho^2 \,\frac{\psi^{3/2}}{\rho^2}\leq C \psi.
\end{align}
\vspace{.2in}
\item For $m+1\leq r\leq N$, $1\leq i\leq m$ and $1\leq j\leq k$ we have:
\begin{align*}
&X_r(X_{m+j} X_i\rho)=-(2\gamma+1)(\gamma+1) X_r\left(\frac{z_it_j}{|z|^{\gamma}}\right) \, \frac{\psi^2}{\rho^3}+(2\gamma+1)(\gamma+1)^2 \left(\frac{z_it_j}{|z|^{\gamma}}\right) \, \frac{\psi^2}{\rho^{2\gamma+5}}t_{r-m}\left[4\gamma |z|^{\gamma}+3 \rho^{\gamma}\psi^{1/2}\right]\\
&=-(2\gamma+1)(\gamma+1) \left(\frac{z_i \, |z|^{\gamma} \delta_{rj}}{|z|^{\gamma}}\right) \, \frac{\psi^2}{\rho^3}+(2\gamma+1)(\gamma+1)^2 \left(\frac{z_it_j}{|z|^{\gamma}}\right) \, \frac{\psi^2}{\rho^{2\gamma+5}}t_{r-m}\left[4\gamma |z|^{\gamma}+3 \rho^{\gamma}\psi^{1/2}\right].
\end{align*}
Since $|z|\leq \rho$, $\frac{|z|}{\rho}=\psi^{\frac{1}{2\gamma}}$ and $|t|\leq \rho^{\gamma+1}$, we have $|X_r(X_{m+j}X_i \rho)|\leq C \frac{\psi^{3/2}}{\rho^2}$. Thus, we have
\begin{align} \label{Third6}
\left|\left(\frac{\rho}{\mu}\sum a_{qr} X_q\rho\right) \, b_{(m+j) i} X_r(X_{m+j}X_i \rho)\right|\leq C \, \rho^2 \psi^{-1/2} \frac{\psi^{3/2}}{\rho^2} \leq C \psi.
\end{align}
\vspace{.2in}
\item For $1\leq r\leq m$ and $1\leq i, j\leq k$ we have:
\begin{align*}
&X_r(X_{m+i}X_{m+j} \rho)=-(2\gamma+1)(\gamma+1)^2 X_r\left(\frac{t_jt_i}{|z|^{2\gamma}}\right) \, \frac{\psi^2}{\rho^3}-(2\gamma+1)(\gamma+1)^2 \left(\frac{t_jt_i}{|z|^{2\gamma}}\right) \, \frac{\psi^2}{\rho^3}z_r\\
&\left[\frac{4\gamma}{|z|^2}-\frac{(4\gamma+3)\psi}{\rho^2}\right] +(\gamma+1) \delta_{ij} \frac{\psi}{\rho} \, z_r\left[\frac{2\gamma}{|z|^2}-\frac{\psi}{\rho^2}(2\gamma+1)\right]\\
&=-(2\gamma+1)(\gamma+1)^2 \left(-2\gamma \frac{t_iz_rt_i}{|z|^{2\gamma+1}}\right) \, \frac{\psi^2}{\rho^3}-(2\gamma+1)(\gamma+1)^2 \left(\frac{t_jt_i}{|z|^{2\gamma}}\right) \, \frac{\psi^2}{\rho^3}z_r\\
&\left[\frac{4\gamma}{|z|^2}-\frac{(4\gamma+3)\psi}{\rho^2}\right] +(\gamma+1) \delta_{ij} \frac{\psi}{\rho} \, z_r\left[\frac{2\gamma}{|z|^2}-\frac{\psi}{\rho^2}(2\gamma+1)\right].
\end{align*}
Since $|z|\leq \rho$, $\frac{|z|}{\rho}=\psi^{\frac{1}{2\gamma}}$ and $|t|\leq \rho^{\gamma+1}$, we have $|X_r(X_{m+i}X_{m+j} \rho)|\leq C \, \left[\frac{\psi}{\rho} +\frac{\psi}{\rho |z|}\right]\leq C \frac{\psi^{1-\frac{1}{2\gamma}}}{\rho^2}$. Thus, we have
\begin{align} \label{Third7}
\left|\left(\frac{\rho}{\mu}\sum a_{qr} X_q\rho\right) \, b_{(m+i)(m+j)} X_r(X_{m+i}X_{m+j} \rho)\right|\leq C \, \rho^2 \mu^{\frac{1}{2\gamma}} \, \frac{\psi^{1-\frac{1}{2\gamma}}}{\rho^2} \leq C \psi.
\end{align}
\vspace{.2in}
\item For $m+1\leq r\leq N$ and $1\leq i, j\leq k$ we have:
\begin{align*}
& X_r(X_{m+i} X_{m+j}\rho)=-(2\gamma+1)(\gamma+1)^2 X_r\left(\frac{t_jt_i}{|z|^{2\gamma}}\right) \, \frac{\psi^2}{\rho^3}+(2\gamma+1)(\gamma+1)^3 \left(\frac{t_jt_i}{|z|^{2\gamma}}\right) \, \frac{\psi^2}{\rho^{2\gamma+5}}\\
&t_{r-m} \left[4\gamma |z|^{\gamma}+3 \, \rho^{\gamma} \, \psi^{1/2}\right]-(\gamma+1)^2 \delta_{ij} \frac{\psi}{\rho^{2\gamma+3}}t_{r-m} \left[2\gamma |z|^{\gamma}+ \rho^{\gamma}\psi^{1/2}\right]\\
&=-(2\gamma+1)(\gamma+1)^2 \left(\frac{t_j|z|^{\gamma} \delta_{ri}}{|z|^{2\gamma}} + \frac{t_i|z|^{\gamma} \delta_{rj}}{|z|^{2\gamma}} \right) \, \frac{\psi^2}{\rho^3}+(2\gamma+1)(\gamma+1)^3 \left(\frac{t_jt_i}{|z|^{2\gamma}}\right) \, \frac{\psi^2}{\rho^{2\gamma+5}}\\
&t_{r-m} \left[4\gamma |z|^{\gamma}+3 \, \rho^{\gamma} \, \psi^{1/2}\right]-(\gamma+1)^2 \delta_{ij} \frac{\psi}{\rho^{2\gamma+3}}t_{r-m} \left[2\gamma |z|^{\gamma}+ \rho^{\gamma}\psi^{1/2}\right].
\end{align*}
\end{enumerate}
Since $|z|\leq \rho$, $\frac{|z|}{\rho}=\psi^{\frac{1}{2\gamma}}$ and $|t|\leq \rho^{\gamma+1}$, we have $|X_r(X_{m+i}X_{m+j} \rho)|\leq C \frac{\psi^{3/2}}{\rho^2}$. Thus, we have
\begin{align} \label{Third8}
\left|\left(\frac{\rho}{\mu}\sum a_{qr} X_q\rho\right) \, b_{(m+i)(m+j)} X_r(X_iX_j \rho)\right|\leq C \, \rho^2 \mu^{-\frac{1}{2}} \, \frac{\psi^{3/2}}{\rho^2} \leq C \psi.
\end{align}
The estimate \eqref{third} now follows from \eqref{cal1}-\eqref{Third8}.
\end{proof}
|
\section{Introduction}
\label{s1}
Strongly interacting quantum many-body systems constitute one of the most
challenging problems in physics. The combination of a macroscopic number of
particles with interactions that are relevant in the renormalization sense puts
paid to strategies involving the most commonly used tools of quantum mechanics
(perturbation theory, exact diagonalization). Over the past decades, advanced
numerical methods have been tailored to reliably extract physical information of
interacting fermion models, from the Numerical Renormalization Group
(NRG)~\cite{Wilson_1980} and Density Matrix Renormalization
Group~\cite{White_DMRG} in low dimensions, to continuous time quantum Monte
Carlo simulations~\cite{Gull} within the Dynamical Mean Field
Theory~\cite{Georges1996} for higher connectivity lattices. While answering many
physical questions, these methods have not yet fully characterized the link
between strong correlations and physical complexity for generic quantum many-body
systems.
Some classes of problems that are insurmountable by brute force can
be tackled due to a hidden simplicity of the physically relevant states
(e.g. ground and low-lying thermal states).
Indeed, diagnostic tools such as entanglement
measures~\cite{Entanglement_Review} have shown that the Density Matrix
Renormalization
group~\cite{OstlundRommer,Dukelsky1998,Vidal2003,Schollwock_Review} owes its
success to the matrix-product state structure of ground states of locally
interacting one dimensional lattices. Insights about entanglement between
spatially distinct regions have subsequently lead to a deep understanding of the
matrix and tensor product state structure of translationally invariant
low-dimensional interacting ground states. The conceptual
understanding of inhomogeneous
systems is less complete, as is attested to by the ongoing work on many-body
localization.~\cite{MBL_Review} A simple starting point for studying
non-uniform many-body states is the class of systems known as quantum impurity
models~\cite{Hewson1993,Bulla2008}: while strong interactions are limited to few
local sites, scattering from electronic reservoirs generates complex quantum
states showing long-range spatial entanglement, dubbed the Kondo screening
cloud~\cite{Affleck1996}. The question of quantifying the amount of
correlations contained in such a non-local many-body impurity state has not yet
been addressed exhaustively~\cite{Park2013,Barcza2020,Borzenets2020}. In this Article, we answer the question
``How many of the particles in the Kondo cloud are correlated with each other or with the impurity in the
quantum many-body sense?''
Given the central position that the Kondo problem occupies in many-body physics, it may
seem the answer is obvious: many electrons become correlated.
After all, the Kondo screening cloud is typically much larger than the
Fermi wavelength and thus encompasses many conduction electrons.
However, recent studies have come to a different and seemingly paradoxical
conclusion~\cite{Yang2017,Zheng2020}.
These works
considered the one-body density matrix (also called the correlation
matrix)~\cite{He2014,Lu2014,White2015} of the Kondo problem. Its
eigenvectors define an optimal set of single-particle orbitals that are
commonly referred to as ``natural orbitals'' in the quantum chemistry
literature~\cite{CASSCF}. The associated eigenvalues are ground state
occupation numbers for the natural orbitals. If an occupation number is close to
zero or one, i.e. nearly empty of filled, the corresponding orbital is not
involved in many-body correlations, and is therefore said to be inactive. The
remaining orbitals are called active and host correlated particles. One
study~\cite{Zheng2020}
found that there is a single active orbital that is ``solely responsible for screening the impurity spin
in both the weak and strong Kondo coupling regime'', and that the resulting singlet is disentangled from
the rest of the system. The authors of another study~\cite{Yang2017}
similarly report that they have identified
``a dominant single particle wave function that is entangled to the impurity forming a singlet that is,
to a great extent, practically disentangled from the rest of the conduction electrons''.
We will show that this proposed single-correlated-orbital picture
at weak coupling is purely a finite size effect (here weak coupling means
small exchange interaction, so that the Kondo temperature is exponentially low).
Indeed, in the works quoted, systems consisting of at most a few hundred real-space
lattice sites were studied. However, the Kondo length becomes quickly
larger than this system size when the dimensionless Kondo coupling is
reduced to values below unity. When this happens, Kondo correlations cannot
fully develop, and many-body effects are dramatically reduced compared to the thermodynamic
limit. Clearly, a systematic characterization of the active space of
Kondo-correlated systems in the thermodynamic limit is still lacking, and this
will be one important goal of our study. We point out that the question we are asking concerns
how to express microscopically the ground state of the system
in terms of the complete set of {\em bare} degrees of freedom, used to define the model.
It is of course well-known that the {\em effective} description of excitations
at energies sufficiently smaller than the Kondo temperature, is that of a Fermi liquid.
We have devised the following method to determine the number of particles
taking part in ground state correlations.
We use the NRG
to calculate the correlation matrix of a fermionic quantum impurity model.
We are particularly interested models that display
Kondo correlations.
The Wilson grid discretization \cite{Bulla2008} employed by NRG allows us to
study systems with a real-space size that grows exponentially with the dimension
of the single-particle Hilbert space. We are thus able to obtain results for the
correlation matrix that are converged to the thermodynamic limit.
We then use the eigenorbitals of the correlation matrix to construct a
trial state containing $M$ active orbitals on top of an uncorrelated Fermi sea. At half-filling,
minimizing the energy expectation value of the trial state is equivalent to
exactly diagonalizing an $M/2$-particle problem in the subspace of active orbitals.
The resulting variational energy is
compared to the true ground state energy (very accurately calculated with NRG).
If the energy difference is much less than the Kondo temperature, then the trial state
is an accurate approximation to the true ground state.
When this is the case, we conclude that at most $M$ orbitals ($M/2$ particles) take
part in correlations.
We have carried out the above procedure for the interacting resonant level model (IRLM)
that displays {\it bona fide} Kondo correlations in its charge sector.
What we find is surprising: while the picture of a single orbital screening the
impurity (advocated in Refs.\onlinecite{Yang2017,Zheng2020}) does not apply in general, neither
does the pessimistic view that Kondo correlations involve a macroscopic number of electrons
within the large screening cloud. For a realistic Kondo temperature of $10^{-3}$
of the ultraviolet scale set by the Fermi energy, we find that a trial state with only 7
correlated particles approximates the ground state energy to an accuracy of 1\% of the
Kondo temperature. Only when one reaches unrealistic regimes where the Kondo temperature
becomes exponentially small, does the number of correlated particles in the ground state
increase beyond a handful, making unpractical a description in terms of natural orbitals.
This observation suggests that Fermi liquid ground states of quantum impurity models in the
thermodynamic limit are for practical purposes few-body in nature, thus neither single-body
nor many-body, once reformulated in the optimal space of natural orbitals.
An important question concerns whether these results are a general feature of Kondo physics, or
specific to the IRLM. Arguably, mapping the IRLM to the anisotropic Kondo model
might yield a more correlated state than the IRLM ground state. Indeed since IRLM fermions are
non-linear and non-polynomial functions of the bare fermions of the Kondo model,
a few-body correlated IRLM ground state might translate into a truly many-body correlated
ground state in the Kondo representation. For instance, the Toulouse point of
the Kondo model is certainly non-trivial in the original Kondo framework, while it
involves completely free fermions on the IRLM side. We have therefore also studied
the Anderson impurity model (SIAM), that displays Kondo correlations in its spin sector.Our study of the SIAM again reveals an exponential decay of the natural orbitals
to full occupancy or vacancy for any finite Kondo temperature. Our conclusions are therefore not
specific to the IRLM, and pertain to other quantum impurity models displaying a Fermi liquid
ground state.
The rest of this Article is structured as follows. In Section \ref{s2} we
introduce the IRLM, and discuss its equivalence to the single channel Kondo model.
We also review general properties of the correlation matrix for quantum impurity
models.
In Section \ref{s3}, we examine numerical results for the correlation matrix spectrum,
using systematic NRG calculations. Special attention is paid to finite size
effects (extra technical details are given in several appendices).
In Section \ref{s4}, we propose a few-body Ansatz based on natural orbitals,
which shows exponential convergence to the numerically exact multi-particle wavefunction
describing our NRG results. Section \ref{s5} contains our results for the correlation matrix
of the SIAM, which shows that our conclusions are not specific to the IRLM.
Section \ref{s5} summarizes our main findings and identifies promising directions for
future research.
\section{Generalities on the correlation matrix}
\label{s2}
A simple setting to probe Kondo correlated states is the interacting resonant
level model~\cite{Vigman1978} (IRLM):
\begin{eqnarray}
\nonumber
\cal{H}& = &U\left(d^\dagger d -\frac{1}{2}\right)\left(c_0^\dagger c_0^{\phantom{\dagger}} -\frac{1}{2}\right)
+V\left(d^\dagger c_0^{\phantom{\dagger}}+c_0^\dagger d\right)\\
\label{model}
& &+\sum_{i=1}^{N-2} t_i\left(c_i^\dagger c_{i-1}^{\phantom{\dagger}}+c_{i-1}^\dagger c_i^{\phantom{\dagger}}\right),
\end{eqnarray}
involving spinless fermions on a tight binding chain of $N$ sites
(including the $d$-level as site $i=-1$). Both Coulomb interaction $U$ and tunneling $V$
couple the resonant level $d^\dagger$ to the local orbital $c^\dagger_0$ at the start of the chain.
Despite the absence of spin degrees of freedom, the IRLM can be mapped onto the
spin-anisotropic Kondo model~\cite{GiamarchiBook,GogolinBook,WeissBook}.
The mapping is exact for energy scales below the ultraviolet scale set by the Fermi energy measured
from the bottom of the band, provided the Kondo coupling times the density of states is sufficiently small,
i.e. one is in the universal Kondo regime.
The equivalence relies on spin-charge separation in the Kondo model, with only spin-density fluctuations
coupling to the magnetic impurity. This subsystem is then bozonized and refermionized in terms of
spinless fermions. The procedure was first outlined in \cite{Guinea}. For a recent review, including
careful bookkeeping of phases generated by fermion exchange, see for instance \cite{Zarand00}.
This equivalence has been used in the past to study some
delicate facets of the Kondo problem with high accuracy, for instance quench
dynamics~\cite{Nghiem2016}. In the present context, the spinless nature of the IRLM facilitates the
bookkeeping that is necessary to compute accurately the correlation matrix.
To introduce the correlation matrix, it is helpful to first consider the properties of
uncorrelated fermionic states. These can be viewed as single
Slater determinants, characterized by a set of one-particle orbitals $q_n^\dagger$ that are each either filled or empty.
The orbitals are linear combinations of the physical orbitals $c_i^\dagger$
used to construct the Hamiltonian, e.g, the lattice site basis,
$q_n^\dagger = \sum_i U_{ni} c_i^\dagger$.
Introducing the correlation matrix
matrix of the physical orbitals
$Q_{ij} = \big< c_i^\dagger c^{\phantom{\dagger}}_j \big>$, it is clear that for a Slater determinant
one obtains $\sum_{ij} U_{mi}^{\phantom{*}} U_{ni}^* Q_{ij} = \big< q_m^\dagger
q^{\phantom{\dagger}}_n \big> = \lambda_n \delta_{n,m} $
with $\lambda_n = 0$ or $1$, depending whether orbital $q^\dagger_n$ is empty or filled.
Note that $\hat{Q}$ is proportional to the one-particle reduced density matrix.
Recent studies have used the correlation matrix as a tool to study quantum impurity problems ~\cite{He2014,Lu2014,Zheng2020}.
For a general many-body state, the eigenvalues $\lambda_n$ of the correlation matrix $\hat{Q}$
define occupancies between zero and one.
The number of eigenvalues significantly different from zero or one provides a
sensitive measure of correlations, while
the associated eigenvectors of $\hat{Q}$ define the single-particle basis in which
correlations are most economically represented~\cite{He2014}.
It is worth pointing out that many NRG studies of impurity models
focus on observables associated with the impurity degree of freedom only.
The $N\times N$ matrix elements $Q_{i,j}=\big<c_i^\dagger c^{\phantom{\dagger}}_{j}\big>$ (where
$i,\,j \in \{-1,\,0,\,\ldots,\,N-2\}$ and $c^{\phantom{\dagger}}_{-1}\equiv d$)
involve observables in the environment ($i,j>-1$) and observables that are hybridized between the
impurity and the environment ($i=-1,j>-1$, $j=-1,i>-1$). Calculating $\hat{Q}$ using NRG is therefore
more involved than the standard NRG analysis of impurity problems.
Let us focus now on the general properties of the correlation matrix $\hat{Q}$.
Clearly, its eigenvalues $\lambda_n$ are independent of the choice of one-particle orbitals
used in its definition.
Since the eigenvalues $\lambda_{n} = \langle q^{\dagger}_{n}q^{}_{n}\rangle$
correspond to occupancies of the natural orbitals, they belong to the interval $[0,1]$.
As mentioned before, the eigenvalues are either zero or one for a Slater determinant,
and their departure from these trivial values signal that the associated
orbitals participate in quantum many-body correlations.
As a simple example, consider the Bell-like state:
\begin{equation}
\left|\Psi\right>=\frac{1}{\sqrt{2}}\left(c_i^\dagger c_j^\dagger+c_k^\dagger c_l^\dagger\right) \left|\Phi\right>
\end{equation}
with $\left|\Phi\right>$ a Slater determinant that does not involve orbitals $i$, $j$,
$k$, and $l$ (considered distinct from each other).
It is easy to check that for this state $\hat{Q}$ has four eigenvalues different
from zero or one, that are all equal to $1/2$.
The IRLM Hamiltonian~(\ref{model}) manifests particle-hole symmetry
${\cal{H}}=P^{\dagger} H P$, where $P$ is the unitary and hermitian
particle-hole conjugation operator:
\begin{equation}
P=\prod_{i=0}^{\frac{N}{2}-1}
\left(c_{2i-1}^{\phantom{\dagger}}-c_{2i-1}^\dagger\right)\left(c_{2i}^{\phantom{\dagger}}+c_{2i}^\dagger\right),
\end{equation}
acting as $P^\dagger c^{}_i P=(-1)^i c_i^\dagger$ and
$P\left|0\right>= c_{-1}^\dagger c_0^\dagger \ldots c_{N-2}^\dagger \left|0\right>$.
Since $P^2=1$, the eigenvalues of $P$ are $\pm1$, and we have
$Q_{ij} = \delta_{ij}-(-1)^{i+j} Q_{ji}$,
thus the diagonal entries of $\hat{Q}$ are all equal to $1/2$.
Furthermore the matrix elements of the Hamiltonian $\cal{H}$ are all real in the
Fock-space basis built from $c_i^\dagger$ operators and hence the expansion
coefficients of the eigenstates of ${\cal{H}}$ in this basis are real too.
This implies $Q_{ij}=Q_{ji}$, and from the particle-hole symmetry of $\hat{Q}$, we
conclude that $Q_{ij}=0$ for $i+j$ even and $i\neq j$.
Owing to particle-hole symmetry the eigenvalues
of $\hat{Q}$ then come in pairs $1/2\pm r$.
\begin{figure}[htb]
\includegraphics[width=0.99\columnwidth]{Fig_Qev_IRLM.pdf}
\caption{Top panel: Spectrum of $\hat{Q}$ for the IRLM at various values of interaction $U$
for $V=0.15$, in units of the half bandwidth $D=1$.
The right side shows eigenvalues $0<\lambda_n < 1/2$, while the left side shows
$1-\lambda_n$ for $1/2<\lambda_n<1$, thus exhibiting particle-hole symmetry
explicitly. Apart from four strongly correlated orbitals on the plateau
(around which the horizontal index $n$ is centered), the rest of the eigenvalues
decay exponentially fast towards either the empty and filled occupancies. In Appendix \ref{appa}
it is demonstrated that these results are converged to the continuum and thermodynamic limit
$N\to\infty,\,\Lambda\to1$.
\label{f_qev}}
\end{figure}
\section{Study of the IRLM correlation spectrum}
\label{s3}
The relatively low computational cost to implement NRG for the IRLM makes it possible to track
with high accuracy the flow of the $N^2$ operators $c^\dagger_i c^{\phantom{\dagger}}_j$ needed for calculating
$\hat{Q}$ with modest computational resources, provided the block-diagonal structure imposed by
particle-number conservation is exploited to keep matrix dimensions manageable.
Aiming to resolve $\hat{Q}$-eigenvalues that are exponentially small,
we calculate the elements of $\hat Q$ to a very high precision, allowing
up to thousands of kept states after truncation (see Appendix \ref{appa} for a detailed study
of the convergence).
The NRG implementation is based on the hopping amplitudes along the
Wilson chain~\cite{Bulla2008}:
\begin{equation}
t_j=\frac{\left(1+\Lambda^{-1}\right)\left(1-\Lambda^{-j-1}\right)}
{2\sqrt{1-\Lambda^{-2j-1}}\sqrt{1-\Lambda^{-2j-3}}}\Lambda^{-j/2} D,\label{deft}
\end{equation}
so that $D=1$ sets the half-bandwidth of the bath and also our Fermi energy.
We present here calculations for the Wilson parameter $\Lambda=1.5$ (a more systematic
study is presented in Appendix \ref{appa}), tunneling $V=0.15\,D$, and up to
$N=180$ sites. The lowest energy at play is thus of
the order $\Lambda^{-N/2}D\simeq 10^{-16}\,D$, ensuring convergence to the
ground state for all practical purposes.
Fig.~\ref{f_qev} displays the full eigenspectrum of $\hat{Q}$, showing on the left
side $1-\lambda_n$ for $1/2<\lambda<1$, and on the right side $\lambda_n$ for $0<\lambda_n<1/2$, so
that particle-hole symmetry becomes apparent. Note that the eigenvalue index $n$ runs from
$-N/2$ to $N/2$, excluding $n=0$, in order to display more clearly the particle-hole conjugation.
The general behavior of the particle-hole
symmetrized spectrum is as follows. There is an approximate four-fold degeneracy of the
highest eigenvalue $\lambda_\mr{max}\equiv\lambda_1=1-\lambda_{-1}$, indicating Bell-like entanglement between the
four most correlated orbitals $q^\dagger_{-1}$, $q^\dagger_{-2}$, $q^\dagger_{1}$,
$q^\dagger_{2}$ (from our chosen convention, the index $n$ is centered around those
most correlated orbitals).
This is related to the fact that, at negative $U$, the impurity orbital and the first energy
shell tend to be either both filled or both empty due to Coulomb attraction, and similarly, at
positive $U$, if the impurity orbital is filled, the first energy shell tends to
be empty, and vice versa.
The other eigenvalues decay exponentially, $\lambda_n\simeq A e^{-x n}$ for
$n>2$ and $\lambda_n\simeq 1- A e^{+x n}$ for $n<-2$, with a decay rate $x$ that depends
on interaction strength. We show in Appendix \ref{appa} that this
exponential decay is not an artefact of the Wilson chain, and is robust in
the continuum limit $\Lambda\to1$. This behavior of the $\hat{Q}$-eigenvalues has previously been observed in
studies of impurity models discretized on regular real space latices~\cite{He2014,Lu2014,Zheng2020}.
We emphasize that the Kondo regime corresponds to $U<0$ in the IRLM,
and indeed the slower decay of the $\hat{Q}$-eigenvalues in
Fig.~\ref{f_qev} attests that this regime is more correlated than for $U>0$.
\begin{figure}[ht]
\begin{center}
\includegraphics[width=.90 \columnwidth]{Fig_lambda_max_IRLM.pdf}
\phantom{sssss}
\includegraphics[width=.99 \columnwidth]{Fig_x_Tk_IRLM.pdf}
\phantom{s}\hspace{-1.2cm}
\includegraphics[width=.90 \columnwidth]{Fig_x_vs_Tk_IRLM.pdf}
\end{center}
\caption{Top panel: Maximum $\hat{Q}$-eigenvalue $\lambda_\mr{max}$ as a
function of interaction $U$. Middle panel: Decay rate $x$ of the $\hat{Q}$-eigenvalue
(upper curve) and Kondo temperature $T_K$ (lower curve) versus $U$.
Only the quantum critical regime near $U_c\simeq -1.3$ is strongly correlated,
since the $Q$-eigenvalues show both a slow decay ($x<1$) and an enhanced
$\lambda_\mr{max}\simeq0.5$.
Bottom panel: Decay rate $x$ replotted as a function of Kondo temperature $T_k$, showing
a slow inverse logarithmic decrease of $x$ when $T_k$ vanishes at the IRLM quantum critical
point.}
\label{LambdaMax}
\end{figure}
The behavior of $\lambda_\mr{max}$, the maximum eigenvalue of $\hat{Q}$ in the
range $[0,1/2]$, is displayed as a function of interaction $U$ in
Fig.~\ref{LambdaMax}, showing that it remains small for all $U>0$ (this is the
weakly correlated sector of the IRLM), vanishes at $U=0$ (the ground state is a
Slater determinant, so that all eigenvalues are trivial), and increases sharply
only for $-1.3<U<-1.0$ due to the approach to the IRLM quantum critical point
$U_c=1.3$ where the Kondo temperature vanishes. Our key observation is
that the decay rate $x$ of the $\hat{Q}$-eigenvalues drops to small values only when the
Kondo temperature becomes exponentially small, seemingly with a linear vanishing
as $|U-U_c|$ (see middle panel), as also shown by the slow inverse logarithmic decrease
of $x$ as a function of Kondo temperature (see bottom panel in Fig.~\ref{LambdaMax}).
Thus, only the quantum critical regime corresponds to a true many-body state
as opposed to a few correlated particles on top of an uncorrelated Fermi sea.
Larger negative $U<-1.3$ leads to a discontinuous transition to a phase where
particle-hole symmetry is broken (corresponding to the ferromagnetic phase
of the Kondo Hamiltonian), involving clearly less correlations due to a
jump of the decay rate $x$ to finite values.
\begin{figure}[h]
\begin{center}
\includegraphics[width=.99 \columnwidth]{Fig_Flow-Qev_IRLM.pdf}
\end{center}
\caption{Finite size scaling of the $\hat{Q}$-matrix spectrum for $U=-1.2$ near
the quantum critical point, for various system sizes $N$.
In order to reach the exponentially long Kondo length $1/T_{\rm K}=10^{13}$,
a slightly larger discretization parameter $\Lambda=2.25$ was used.
The corresponding real-space system size $\Lambda^{N/2}$ equals
the Kondo length when $N=75$, as seen by the convergence to the thermodynamic
limit for $N>80$. Smaller systems are plagued by finite size effects that
preempt the full formation of the Kondo state, and show a very rapid decay of the
$\hat{Q}$-eigenvalues.}
\label{ev_vs_size}
\end{figure}
Our results are seemingly inconsistent with results for the Kondo model
reported in ~\cite{Yang2017,Zheng2020}. According to these studies, $x$ should
become large close to the phase transition, whereas we find that it vanishes.
To shed light on the apparent paradox, we show in Fig.~\ref{ev_vs_size} the
spectrum of $\hat{Q}$ as a function of the number $N$ of Wilson chain sites. The
real space system size is $\Lambda^{N/2}$. Here we used $\Lambda=2.25$ and
picked a point $U=-1.2$ close to the critical point. For this choice, the Kondo
length has the astronomically large value $1/T_{\rm K}=10^{13}$, which matches the system
size when $N=75$. (In Appendix \ref{appc} we explain how the Kondo temperature $T_{\rm K}$ is
calculated.) For $N$ significantly smaller than $75$, we see very quick
exponential decay of the spectrum, corresponding to large $x$ and a ground state
with few correlated particles. However, when $N$ increases beyond $75$, the
decay rate $x$ soon saturates to a small value, so that a large number
of correlated particles participate in the true ground state in the
thermodynamic limit. These finite size artifacts explain the results reported
in \cite{Yang2017,Zheng2020}
where real space lattices with at most a few hundred sites were studied, leading
to system sizes of the order of a hundred times the Fermi wavelength. The
exponentially diverging Kondo length reaches this order of magnitude long before
the weak coupling regime in the vicinity of the critical point is entered. In
terms of IRLM parameters, a system size between $10^2$ and $10^3$ times the
Fermi wavelength prevents a fully correlated ground state from forming for
$U<-0.5$, and leads to a severe overestimate of the decay rate $x$ close to the
critical point. Figure~\ref{ev_vs_size} clearly establishes that
correlations increase when the Kondo cloud becomes more extended, in agreement
with intuition.
\begin{figure}[h]
\begin{center}
\includegraphics[width=.99 \columnwidth]{Fig_d-x_vs_ed_IRLM.pdf}
\end{center}
\caption{
Main panel: Decay rate $x$ versus $d$-level on-site energy $\epsilon_d$, at $U=-1.0$,
$V=0.15$ and discretization parameter $\Lambda=1.5$.
The corresponding Kondo temperature is $T_{\rm K}=1.87\times10^{-6}$.
Correlations are clearly weakened ($x$ increases) when breaking the charge
degeneracy of the $d$-level as $\epsilon_d$ increases. Inset: ground-state
d-level occupancy $\left< d^\dagger d\right>$ versus $d$-level on-site energy $\epsilon_d$,
for the same parameters as main panel.}
\label{x_v_ed}
\end{figure}
A standard method for probing Kondo correlations is to perturb the system at the Kondo scale, and
to see the effect this has on observables. For instance, a biasing potential $\epsilon_d d^\dagger d$ in the IRLM,
corresponding to a Zeeman splitting between the spin-up and spin-down states of the magnetic
impurity in the Kondo model, prevents formation of the Kondo singlet. The occupancy
$\left<d^\dagger d\right>$ (or equivalently the impurity magnetization) reveals significant
symmetry breaking when $\epsilon_d$ reaches the Kondo scale. It is intuitively clear
that the symmetry breaking in the ground state is a sign of reduced correlations, but
the observable $\left<d^\dagger d\right>$ does not directly measure this --
one can clearly modify the degree of correlations in the ground state without changing
$\left<d^\dagger d\right>$ at half-filling ($\epsilon_d=0$) when $U$ is
changed.
The spectrum of $\hat{Q}$, on the other
hand, directly measures correlations.
In Fig.~\ref{x_v_ed} we plot the decay rate $x$ of the $\hat{Q}$-eigenvalues as a function of $\epsilon_d$.
The calculation was performed for $U=-1.0$ and $V=0.15$, which corresponds to $T_{\rm K}=1.87\times10^{-6}$.
We used $\Lambda=1.5$ which yields a decay rate $x$ that is converged to the $N\to\infty,\,\Lambda\to1$ limit.
For comparison, we also plot $\left<d^\dagger d\right>$ versus $\epsilon_d$ in an inset.
We see that $x$ starts changing from its unperturbed value when $\epsilon_d$ exceeds the Kondo temperature.
As $\epsilon_d$ increases further,
$x$ increases monotonically, indicating that fewer and fewer correlated particles are present,
the more severely singlet formation is prevented. In this way, the $\hat{Q}$ matrix spectrum
proves the picture suggested by the $d$-level occupancy $\left<d^\dagger d\right>$.
\begin{figure}[h]
\begin{center}
\includegraphics[width=.99 \columnwidth]{Cmaps_IRLM.pdf}
\end{center}
\caption{Spatial dispersion of the 14 most correlated orbitals $q_n^\dagger$
($n=-7\ldots7$) along the Wilson chain (sites $i=-1\ldots60$), given
by the absolute value of eigenvectors $|U_{ni}|$.
The development of Kondo correlations for $U<0$ is evidenced by the long spatial
tails, especially at $U=-1.0$, while little is changed in the spatial profile for
the weakly correlated regime $U>0$.}
\label{spatial}
\end{figure}
We now examine the spatial dispersion (along the Wilson chain) of the $\hat{Q}$-matrix
orbitals $q_n^\dagger = \sum_i U_{ni} c_i^\dagger$, by plotting the absolute value
$|U_{ni}|$ of the eigenvectors obtained from the diagonalization of the matrix $Q_{ij}$ (this
also displays particle-hole symmetry more clearly).
Fig.~\ref{spatial} shows how correlations spread along the system for
four values of the interaction $U$.
It is clear from Fig. \ref{spatial} that all the natural orbitals are highly non-local,
and carry information mostly forward along the chain. The most correlated orbitals
($n=1$ and $n=-1$) are predominantly localized near the impurity (site $i=-1)$, as expected
from the short range of the interaction, but develop also long tails that extend
to large distances.
For $U>0$, the spatial structure of correlated orbitals is fairly insensitive to the interaction strength,
showing that this regime remains weakly correlated.
In contrast, for negative values of the interaction, as we go closer to the
quantum critical point $U_c=-1.3$, correlated orbitals become more delocalized, due to the divergence of the Kondo length.
In addition, more and more orbitals
become entangled, due to the slower decay of the eigenvalues $\lambda_n$ in Fig.~\ref{f_qev}.
\section{Few-body Ansatz from natural orbitals}
\label{s4}
Equipped with this construction of the natural orbitals of the $\hat{Q}$-matrix, we establish
our most surprising finding, namely that the ground state of the IRLM
is few-body in nature for realistic ({\it i.e.} non exponentially vanishing) Kondo temperatures.
This result is clearly suggested by the exponential decay of the
$\hat{Q}$-matrix eigenvalues in Fig.~\ref{f_qev}. Since most of the eigenvalues $\lambda_n$
are exponentially close to either zero or one, it seems a good approximation to assume that
their associated orbitals are exactly uncorrelated, keeping a core of $M$ truly correlated
orbitals within the ground state wave function (those orbitals correspond to the
$M$ $\lambda_n$-eigenvalues
that are closest to 1/2, and we choose $M$ to be even, which allows for a correlated sector that is exactly half-filled).
Specifically, half of the $N-M$ uncorrelated orbitals (the ones that have
their eigenvalues closest to $1$) will be frozen and described by a Slater determinant
$\left|\Psi_0\right>=\prod_{m=-\frac{N}{2}}^{-\frac{M}{2}-1} q^{\dagger}_{m}\left|0\right>$
in the eigenorbitals of the correlation matrix computed by NRG.
The other half of the uncorrelated orbitals (those with $\hat Q$-eigenvalues closest to $0$)
are taken as empty.
We therefore write the full wave function as follows:
\begin{equation}
|\Psi_\mr{few}\rangle =
{\sum_{\{N_n\}}}
\Psi(N_{-\frac{M}{2}},\ldots, N_{\frac{M}{2}})\!\!\!\!
\prod_{n=-\frac{M}{2}}^{\frac{M}{2}}\!\!
[q^{\dagger}_n]^{N_n}
|\Psi_0\rangle,
\label{FewBodyWF}
\end{equation}
with $N_n=0,1$ the occupancy of correlated orbital $q^\dagger_n$, the summation
restricted to occupations such that $\sum_{n=-M/2}^{M/2}N_n=M/2$, and
$\Psi(N_{-\frac{M}{2}},\ldots, N_{\frac{M}{2}})$ the complete few-body wave function
in the correlated subspace.
Note that the total set of $\hat{Q}$-orbitals runs with index $n=-N/2,\ldots,N/2$,
as in Fig.~\ref{f_qev}, and that the index $n=0$ is excluded in the above
expression. We stress that such an Ansatz is very common in quantum chemistry, where
an active space (also dubbed the correlated sector) is used to select the most
important chemical degrees of freedom~\cite{CASSCF}.
The Hamiltonian can be re-expressed within the $q_n^\dagger$ orbitals, and then exactly
divided into three pieces: ${\cal{H}} = {\cal{H}}_\mr{corr} + {\cal{H}}_\mr{uncorr}
+ {\cal{H}}_\mr{mix}$, depending on whether the indices $n$ act only within
the correlated sector (first term), or only within the uncorrelated sector
(second term), or mix both sectors (third term).
Minimizing $\langle \Psi_{\rm few}|{\cal{H}}| \Psi_{\rm few}\rangle$
with respect to the few-body wave function $\Psi(N_{-\frac{M}{2}},\ldots, N_{\frac{M}{2}})$
yields a variational energy equal to the ground state energy of the few-body Hamiltonian
${\cal{H}}_\mr{few} = {\cal{H}}_\mr{corr} +
\Pi\left({\cal{H}}_\mr{uncorr}+{\cal{H}}_\mr{mix}\right)\Pi^\dagger$, that acts
on states in which electrons occupy correlated orbitals only, with
$\Pi=\prod_{m=-\frac{N}{2}}^{-\frac{M}{2}-1} q_{m}$.
Within the Fock space constructed from correlated orbitals only,
$\Pi {\cal{H}}_\mr{uncorr}\Pi^\dagger$ is a real number, while
$\Pi {\cal{H}}_\mr{mix}\Pi^\dagger$ is a quadratic operator
(see Appendix \ref{appb} for details).
The optimal wavefunction $\Psi(N_{-\frac{M}{2}},\ldots, N_{\frac{M}{2}})$ can be found
by exact diagonalization of the few-body Hamiltonian ${\cal{H}}_\mr{few}$, which
we have done for increasing values of $M$.
The only relevant parameter of the few-body approximation is the number $M$ of
kept correlated orbitals. Obviously, the limit $M\to N$ would lead to the exact
wave function.
We stress that all computations at finite $M$ are done in the thermodynamic limit, since
the $N-M$ uncorrelated orbitals are fully accounted for in our
Ansatz~(\ref{FewBodyWF}). These uncorrelated orbitals actually constitute a
major part of the total energy, despite being evaluated in a single-particle
picture.
The difference between the computed few-body energy $E_\mr{few} =
\big<\Psi_\mr{few}|{\cal{H}}|\Psi_\mr{few}\big>$ at fixed $M$ and the many-body
ground state energy $E_\mr{NRG}$ obtained from the converged NRG simulations is
shown in Fig.~\ref{f_conv}.
We find an exponential convergence of the few-body energy as a function of the
number $M$ of correlated orbitals, as anticipated from the structure of the $\hat{Q}$-matrix spectrum.
Note that for the half-filling considered here, the number of truly interacting
fermions is $M/2$. We see that an accuracy of 6 digits is obtained for 6
correlated orbitals (3 interacting particles) for all $U>0$. For $U<0$, the rate of convergence
becomes slower the closer we come to the critical point, consistent with the increase in the number
of $\hat{Q}$-eigenvalues that are significantly different from zero or one.
However, even at $U=-1.0$, where the Kondo temperature is $1.87\times10^{-6}$,
20 correlated orbitals (10 interacting particles) would give an accuracy better than 10\% of the Kondo temperature.
This clearly vindicates our claim that for practical purposes, the ground state of the Kondo problem is
few-body and not many-body in nature, once expressed in the
optimal set of natural orbitals. Only exponentially close to a quantum phase transition does
a truly many-correlated-particle wave function emerge, as discussed previously
for dissipative systems~\cite{BeraSubohmic}.
\begin{figure}[ht]
\begin{center}
\includegraphics[width=.99 \columnwidth]{Fig_Conv_IRLM.pdf}
\end{center}
\caption{Difference between the ground state energy $E_\mr{few}$ computed with
the few-body wavefunction~(\ref{FewBodyWF}) and the numerically exact energy
$E_\mr{NRG}$ obtained from NRG, as a function of the number of correlated
orbitals.}
\label{f_conv}
\end{figure}
\section{SIAM Correlation spectrum}
\label{ssiam}
In this final section, we investigate whether our results extend to other
impurity models, by investigating the correlation spectrum of the single impurity
Anderson model (SIAM).
The IRLM and SIAM share the same universal low energy
physics at scales that are small compared to the ultraviolet cutoff, although
Kondo correlations pertain to the charge sector of the IRLM and to the spin sector of the SIAM.
Does this automatically mean that the ground state of the SIAM (and other models in
the same Kondo universality class) is few-body in nature,
as long as $T_K$ is finite but sufficiently smaller than the ultraviolet cutoff?
The universality of Kondo physics does not settle this question, for the following reason.
The fermionic operators that appear in the IRLM are non-linear (and non-polynomial) functions of
the ones appearing in the definition of the anisotropic Kondo Hamiltonian. Our results up to this point show that the Kondo ground state is effectively few-body in nature,
when expressed in terms of IRLM fermions, and it remains to be checked whether this is also
true in other representations, such as the arguably more fundamental fermions of the SIAM.
To address this question, we investigate the correlation matrix of the single impurity Anderson
model (SIAM)
\begin{eqnarray}
\nonumber
\cal{H}& = &U\left(d^\dagger_\uparrow d_\uparrow -\frac{1}{2}\right)
\left(d^\dagger_\downarrow d_\downarrow -\frac{1}{2}\right)\nonumber\\
&&+ V \sum_{\sigma=\uparrow,\downarrow}
\left(d^\dagger_\sigma c_{0,\sigma}+c_{0\sigma}^\dagger
d_\sigma\right)\nonumber\\
&&+\sum_{\sigma=\uparrow,\downarrow}\sum_{i=1}^{N-2} t_i\left(c_{i,\sigma}^\dagger
c_{i-1,\sigma}^{\phantom{\dagger}}+c_{i-1,\sigma}^\dagger c_{i,\sigma}^{\phantom{\dagger}}\right),
\label{eq:HSIAM}
\end{eqnarray}
whose effective low-energy description in the strong interaction limit $U\gg\Gamma=V^2/(2D)$
is the Kondo model, $D$ being the half-bandwidth. Hamiltonian~(\ref{eq:HSIAM})
is again discretized on the Wilson chain, and we used particle number as well as spin conservation
to optimize the numerical simulations, as the spinfulness of the SIAM fermions doubles the dimension of
the single-particle Hilbert space. Because the ground state is a spin singlet,
$\big<c_{i\sigma}^\dagger
c_{j\sigma'}\big>\propto\delta_{\sigma\sigma'}$ and
$\big<c_{i\uparrow}^\dagger
c_{j\uparrow}\big>=\big<c_{i\downarrow}^\dagger
c_{j\downarrow}\big>$. Thus there is an extra two-fold degeneracy in the
correlation matrix spectrum, as compared to the IRLM. The NRG calculation of the correlation matrix
demands more computational resources than for the IRLM, but as we show in Appendix \ref{appa}, we
succeeded in obtaining well-converged results. As for IRLM, we include the $d$-level
fermions in the operators used to construct the correlation matrix, so that the limit $U=0$ is
strictly uncorrelated.
\begin{figure}[htb]
\begin{center}
\includegraphics[width=.99 \columnwidth]{Fig_Qev_SIAM.pdf}
\includegraphics[width=.99 \columnwidth]{Fig_x_vs_Tk_SIAM.pdf}
\end{center}
\caption{Top panel: Correlation matrix spectrum for the single impurity Anderson model (SIAM)
for various ratios of the onsite interaction $U$ to the hybridization $\Gamma$. In all cases
$\Gamma=0.01D$.
As in Fig.\,\ref{f_qev}, the right
side shows eigenvalues $0<\lambda_{n\sigma} < 1/2$, while the left side shows
$1-\lambda_{n\sigma}$ for $1/2<\lambda_{n\sigma}<1$. Spin degenerate pairs
of eigenvalues $\lambda_{n\sigma}$ decay exponentially $\sim\exp(-|n|x)$
to full occupancy or vacancy. Bottom panel: Decay rate $x$ of correlation
matrix eigenvalues, versus Kondo temperature $T_k$.
\label{siam}}
\end{figure}
The top panel of Fig.\,\ref{siam} shows the
correlation matrix spectrum, plotted in the same way as for the IRLM in Fig.\,\ref{f_qev}. Beyond a
central plateau, that still contains the four eigenvalues furthest from full occupancy or vacancy,
we see degenerate pairs $\lambda_{n\uparrow}=\lambda_{n\downarrow}$ that decay exponentially
$\lambda_{n\sigma}\sim\exp(-x|n|)$. In the bottom panel of Fig.\,\ref{siam}, we show the extracted
decay rate $x$, as a function of the Kondo temperature $T_k$ (the latter is calculated from the magnetic
susceptibility of the impurity). We see a finite decay rate even at extremely low Kondo temperatures
$\sim 10^{-12}$ of the band width, and our results are consistent with $x$ vanishing at zero Kondo coupling
($U\to\infty$).
The exponential decay of correlation matrix eigenvalues (natural orbital occupation numbers) to
full occupancy or vacancy therefore is not a special feature of the IRLM representation of
Kondo physics. Thus, also for the SIAM, the single-particle Hilbert space can be partitioned into
an $M$-dimensional correlated sector, and a remainder that is uncorrelated. An ansatz that
straightforwardly generalizes (\ref{FewBodyWF}) can be constructed. Its accuracy
is controlled by $M$, and any desired accuracy can be obtained with an $M$ that remains
finite in the thermodynamic limit. Due to the fact that there is an extra degeneracy
in the correlation matrix spectrum of the SIAM and also because for given $T_K$, the decay
rate $x$ is roughly twice smaller for SIAM fermions than for IRLM fermions, a larger $M$ will
be required for the same accuracy at a given $T_K$ than in the IRLM. As a practical matter, this limits the
range of Kondo couplings for which few-body approximations to the ground state of the SIAM
can be found numerically, but in principle, the SIAM ground state is effectively a few-body correlated state
in terms of SIAM fermions, in the same way that the IRLM ground state is few-body in nature,
provided $T_K$ is finite.
\section{Conclusions}
\label{s5}
We have calculated the correlation matrix of the IRLM and the SIAM, two quantum impurity
models
that are equivalent to the single channel Kondo Hamiltonian.
Several recent studies have
noted that the eigenvalues of the correlation matrix of quantum impurity models often
decay exponentially towards full occupation or vacancy\cite{He2014,Lu2014,Zheng2020}, and our results
confirm this observation, provided that the ground state is not quantum critical. We have
however identified results in the literature about the Kondo model, namely
that the exponential decay rate of correlation matrix eigenvalues become
large close to the weak coupling critical point, that are finite size artefacts.
We demonstrated that, in fact, the decay rate tends to zero as the critical
point is approached for a macroscopically large electronic bath. Finite
size systems that are smaller than the Kondo length prevent the full development of correlations.
We have also investigated the spatial structure of the most correlated
natural orbitals as the critical point is approached and detected clear fingerprints
of the Kondo screening cloud.
Our main result presents a general method for determining the effective number
of correlated particles (on top of an uncorrelated Fermi sea).
This involves using the natural orbital single-particle basis
to identify correlated and uncorrelated sectors of Fock space. Owing to the
exponential decay of the correlation matrix spectrum to full occupancy or vacancy,
the correlated sector can, to a good approximation, be chosen to contain a finite number
of particles $M/2$, whereas the uncorrelated sector contains an infinite number
of particles within a single Slater determinant in the thermodynamic limit.
The full ground state can be reconstructed approximately
by solving an effective few-body problem for the particles in the correlated sector.
If the reconstructed state has an energy expectation value that differs from the
true ground state by an amount that is significantly less than the Kondo temperature,
then the reconstructed state is a faithful approximation of the true ground state.
By comparing the energy of this reconstructed state to the true ground state energy,
as a function of $M$, we can thus determine the effective number of correlated particles.
Whereas the number of correlated particles diverge at the weak coupling fixed point
($T_{\rm K}\to0$),
for realistic Kondo temperatures of $\sim 10^{-3}$ of the Fermi energy, the ground state
only hosts around seven correlated particles in the IRLM representation, and a larger
but still finite number in the SIAM. The different models host different numbers of
correlated particles at the same Kondo temperature because their microscopic degrees
of freedom are nontrivially related.
We have investigated how this picture is affected when correlations are
frustrated, either by finite size effects, or by symmetry-breaking fields.
We showed that, as expected, physical cutoffs acting near the Kondo scale
are accompanied by a sharp reduction in the number of correlated particles.
However, we anticipate that models tuned to criticality,
such as the two-channel and two-impurity Kondo models, remain truly many-body in any
single-particle basis.
Our results open many interesting avenues for research, such as generalizations
to other quantum impurity problems or even to disordered lattice models.
It would also be interesting to investigate whether this few-body picture is robust
for excited or unitarily time-evolved states, a notoriously challenging problem
for strongly interacting fermions.
\acknowledgments We thank M.-B. Lepetit for discussions, the National Research Foundation of
South Africa (Grant No. 90657), and the CNRS PICS contract FERMICATS for support.
|
\section{Transformation properties of $G_{\be,\pbe}[z,\pz]$}
|
\section{Introduction}
\label{introduction}
Training on environments comprising of multiple scenes / variations from the same domain task (\emph{e.g.} different levels from a video game), has become a powerful strategy for countering over-fitting in deep reinforcement learning \cite{cobbe2018quantifying,justesen2018illuminating,zhang2018dissection,zhang2018study,igl2019generalization,packer2018assessing,sadeghi2016cad2rl}. However, such an approach comes at the price of increased sample variance in policy gradient computations \cite{cobbe2019leveraging,song2019empirical}. The high variance necessitates using more samples \cite{schulman2015high}, and thus, training high performance agents on these environments \cite{cobbe2019leveraging,kolve2017ai2,nichol2018gotta,juliani2019obstacle,beattie1612deepmind} invariably involves increasing the sample size per update step through the use of multiple parallel actors \cite{mirowski2016learning,wortsman2019learning,mnih2016asynchronous}. While parallel sample collection helps in stabilizing the learning process, the obvious disadvantages of lower sample efficiency and higher hardware constraints, suggest the need for specialized variance reduction techniques in multi-scene RL.
One such strategy is to replace the traditionally used scene-generic value function $V(s)$ with a scene-specific estimate $V(s,\mathcal{M})$ while computing the advantage function \cite{singh2020dynamic}. However, in the absence of information about the operational scene at train / test times, learning the scene-specific value function presents a challenging problem. Recently, Singh \emph{et al.} \cite{singh2020dynamic} showed that while a fine estimation of the joint value function is not feasible, a coarse approximation can be obtained by dividing the value function distribution into multiple clusters and then using episode trajectories to predict the assignment of the current state to each cluster (refer Section \ref{dve_revisit} for details).
\begin{figure}[ht]
\begin{center}
\centerline{\includegraphics[width=\linewidth]{overview2.pdf}}
\caption{(\textbf{Left}) The clusters $\{\mathcal{C}_1,\mathcal{C}_2 ... \mathcal{C}_N\}$ originating from the original dynamic value estimation \cite{singh2020dynamic} can be approximated as multi-variate gaussian functions in $(s,V(s,\mathcal{M}))$ space. The overlap regions correspond to points of high confusion and are usually characterized by critical states / tricky obstacles \cite{singh2020dynamic}. We claim that such an overlap constitutes a waste of information available for joint value estimation and can be avoided by increasing the spread of learned cluster means (\textbf{Right}).}
\label{fig:overview}
\end{center}
\vskip -0.3in
\end{figure}
In this paper, we show that the scene-specificity of the dynamic value estimates can be further enhanced by enforcing sparse cluster assignments, once the agent has explored most of the state space and thus learned a good enough approximation of the cluster parameters. The sparse cluster probabilities along with application of traditional value function loss, have a combined effect of spreading out the learned clusters in $(s,V(s,\mathcal{M}))$ space.
We claim that the adjustment of dynamic clusters in this manner reduces the overall value function prediction error and support it with extensive testing on OpenAI ProcGen \cite{cobbe2019leveraging} environments. Fig. \ref{fig:overview} provides an overview of our method.
The main contributions of this paper are summarized as follows.
\begin{itemize}
\item We introduce a novel \emph{confusion-contribution} loss for improving dynamic value estimation (DVE) \cite{singh2020dynamic}. The proposed loss decreases the overlap between learned dynamic clusters by progressively enforcing sparse cluster assignments.
\item We demonstrate that the sparse clusters divide the overall state space into distinct sets of game skills. The collection of these skills represents a curriculum that the agent must master for effective game play.
\item By comparing the game level trajectories for the non-sparse and sparse dynamic models, we show that the high navigation efficiency of our method and its tendency to limit unnecessary exploration, presents an effective alternative to explicit reward-shaping \cite{laud2004theory,laud2003influence,ng1999policy}, for penalizing longer episode-lengths / reward-horizons in multi-scene reinforcement learning.
\end{itemize}
\section{Relevant Background}
\subsection{Problem Setup}
The multi-scene learning problem is characterized by a set of MDPs $\mathcalbf{M}: \{\mathcal{M}_1,\mathcal{M}_2 ... \mathcal{M}_N\}$. Each MDP $\mathcal{M}$ is defined by state space $\mathcal{S}_\mathcal{M}$, transition probabilities $\mathcal{P}_\mathcal{M}(s_{t+1}|s_t,a_t)$, reward function $r_\mathcal{M}(s_t,a_t,s_{t+1})$, discount factor $\gamma$ and the common action space $\mathcal{A}$. The agent with policy $\pi(a|s)$ then interacts with a randomly chosen MDP to generate a trajectory $\tau: \{s_0,a_0,s_1,a_1, ... s_T\}$ with total discounted reward $\mathcal{R}_{\tau} = \sum_{t=0}^{T-1} \gamma^t r(s_t,a_t,s_{t+1}) $. We aim to learn a policy $\pi^*$ such that the expected reward over the tuples $(\mathcal{M},\tau)$ is maximized, \emph{i.e.}, $\pi^* = \argmax_\pi \mathbf{E}_{\tau,\mathcal{M}}\left[\mathcal{R}_{\tau,\mathcal{M}}\right]$.
\subsection{Revisiting Dynamic Value Estimation}
\label{dve_revisit}
Singh \emph{et al.} \cite{singh2020dynamic} show that the true value function distribution across different scenes resembles a Gaussian Mixture Model and thus can be divided into clusters. The main idea of dynamic value estimation is to enforce muti-modal distribution learning by modelling the scene-specific value function as weighted sum over the mean value estimates for these clusters. Mathematically,
\begin{align}
\hat{V}(s_t,\mathcal{M}) = \sum_{i=1}^{N_b} \alpha_i(s_t,\tau^{t-}) \ \hat{V}_i(s_t) \qquad s.t. \quad \alpha_i > 0, \quad \sum_i^{N_b} \alpha_i=1, \label{eq:mean_sum}
\end{align}
where $\tau^{t-}$ is the trajectory till time $(t-1)$, $N_b$ is the number of clusters and $\alpha_i$, $\hat{V}_i(s)$ represent the cluster assignments and the value function mean for the $i^{th}$ cluster, respectively.
From a qualitative perspective, \cite{singh2020dynamic} also show that the distribution of cluster assignments ($\alpha_i$) provides important intuition about the nature of states, and define two metrics to analyse the same, \emph{confusion} and \emph{contribution}. Confusion ($\delta$) is a measure of uncertainty as to which cluster, the current state-trajectory pair $\{s_t,\tau^{t-}\}$ belongs to. On the other hand, contribution ($\rho$), as the name suggests, determines the `contribution' of a cluster in the overall value function estimation across a general trajectory sequence $\tau: \{s_0,a_0,s_1,a_1, ... s_T\}$. Formally, confusion and contribution are defined as,
\begin{equation}
\delta(s_t,\tau^{t-}) = \frac{1}{N_b . \sum_i \alpha^2_i(s_t,\tau^{t-})}, \qquad
\rho_i(\tau) = \frac{1}{T} \sum_{t=1}^{T} \delta(s_t,\tau^{t-}) \ \alpha_i(s_t,\tau^{t-}).
\label{eq:conf_contrib}
\end{equation}
\section{Motivation}
\label{motivation}
\subsection{Minimizing Cluster Overlap}
\label{minimize_cluster_overlap}
As shown in Fig. \ref{fig:overview}, we note that the original dynamic model leads to clusters with high overlap (high confusion) at critical states \cite{singh2020dynamic}. The high confusion states are usually characterized by presence of tricky obstacles / scenarios and are critical to the final episode reward. Given the value estimation model from Eq. \ref{eq:mean_sum}, it is understandable that the use mean squared error critic loss drives multiple cluster centers towards the true value of these critical states. However, such a behavior is undesirable as it reduces the range of value estimates $\hat{V}(s,\mathcal{M})$ covered through interpolation among cluster means in Eq. \ref{eq:mean_sum}. Fig. \ref{fig:overlap} explains how the spread of dynamic cluster means affects the prediction error $||V(s,\mathcal{M})-\hat{V}(s,\mathcal{M})||$ across $\mathcal{M} \in \mathcalbf{M}$. Consequently, we conjecture that the overall prediction error can be reduced by minimizing the overlap between the learned dynamic clusters.
\begin{figure}[ht]
\vskip 0.1in
\begin{center}
\centerline{\includegraphics[width=\linewidth]{prediction_error3.pdf}}
\caption{\textbf{Qualitative Analysis.} The dynamic value prediction model from Eq. \ref{eq:mean_sum} can be interpreted as the interpolation (using $\alpha_i$) across the learned cluster means $\hat{V}_i(s)$. Thus, as seen above, the prediction error is usually low in the range covered by the cluster centers. The original dynamic clusters with their high overlap are similar to the distribution shown on left, and have a very narrow range of low prediction error. As shown on the right, this region of low prediction error can be expanded by increasing the spread of learned dynamic cluster means.}
\label{fig:overlap}
\end{center}
\vskip -0.2in
\end{figure}
\subsection{Correlation Analysis}
\label{corr_analysis}
As the clusters move far apart from each other, the cluster assignments $\alpha_i$ for a given tuple $(s,\tau^-)$ tend towards a one-hot encoding, with the one corresponding to the closest cluster. This implies that a higher spread in cluster means corresponds to a sparser cluster assignment distribution and can be measured using the confusion $\delta$ (refer Eq. \ref{eq:conf_contrib}).
Hence, to test the initial validity of the above analysis, we compute the correlation between final model performance and inverse confusion ($1/\delta$), while training on OpenAI's ProcGen \cite{cobbe2019leveraging} environments. The samples for this testing are collected randomly during the first 50M timesteps of training across 4 distinct runs with the original dynamic model. The Pearson correlation \cite{benesty2009pearson} coefficients for various ProcGen games are shown in Fig. \ref{fig:correlation}. The results clearly corroborate our analysis from section \ref{minimize_cluster_overlap} and show a high correlation between reduced confusion and improved model performance.
\begin{figure}[ht]
\floatbox[{\capbeside\thisfloatsetup{capbesideposition={right,center},capbesidewidth=7cm}}]{figure}[\FBwidth]
{\caption{Results showing Pearson correlation \cite{benesty2009pearson} coefficient $(r)$ between inverse confusion $(1/\delta)$ and total reward score $(\mathcal{R})$. For most games the correlation coefficient is greater than 0.5, which points to the statistical significance of the analysis done in section \ref{minimize_cluster_overlap}. We next demonstrate how the original dynamic training can be modified to achieve lower confusion in cluster assignments.}\label{fig:correlation}}
{\includegraphics[width=7cm]{correlation.png}}
\end{figure}
\section{Sparse Dynamic Value Estimation}
\label{our_method}
Given the analysis from Section \ref{corr_analysis}, we note that increasing the inter-cluster mean variance leads to sparser cluster assignment distribution. We claim that the reverse is also true, \emph{i.e.}, an appropriate spread in learned cluster means can be obtained by progressively enforcing sparse cluster assignments followed by adjustment of cluster means. Fig. \ref{fig:sparse_steps} illustrates this process on a sample GMM distribution.
\begin{figure}[ht]
\begin{center}
\centerline{\includegraphics[width=\linewidth]{sparse_steps2.pdf}}
\caption{\textbf{Illustration.} Example showing how sparse cluster assignments help in reducing the overlap between clusters learned by the dynamic model. (\textbf{Left}) Each point $(s,\mathcal{M})$ is allocated to the most probable cluster based on the cluster assignments $\alpha_i$. (\textbf{Right}) The means of each cluster adjust to reflect the expected value estimate of all $(s,\mathcal{M})$ pairs in the modified cluster assignments. Note that the hard sparse assignment is for illustration purposes only. In practice, the sparsity is introduced progressively as the new cluster means are learned through the value function loss.}
\label{fig:sparse_steps}
\end{center}
\vskip -0.1in
\end{figure}
\subsection{Enforcing Sparsity}
The sparsity condition is equivalent to maximization of the L2 norm for cluster assignments $\{\alpha_1,\alpha_2, \dots \alpha_{N_b}\}$ and thus using Eq. \ref{eq:conf_contrib}, corresponds to minimal confusion ($\delta$). However, we note that a mere enforcement of sparsity may encourage convergence to solutions where only one of the clusters is active. We also want to ensure that each cluster contributes equally in the $(s,\mathcal{M})$ space. To achieve this, we propose the following \emph{confusion-contribution loss},
\begin{equation}
L^{CC} = k_1 \ \mathbf{E}_{s_t,\tau^{t-}} \left[\log \delta(s_t,\tau^{t-})\right] + k_2 \ \mathbf{E}_{\tau} \left[\log \left(\sum_i^{N_b} \rho^2_i(\tau)\right)\right].
\end{equation}
We must emphasize that the state space must have already been well explored by the agent, prior to the application of confusion-contribution loss. If applied prematurely, due to the continuous nature of neural networks, the sparse cluster assignment is incorrectly generalized across the entire state space. This would lead to a detrimental impact on value function estimation for the currently unexplored states. Also, such a mistake is hard to recover from, because for any state $s$, the sparse assignment ensures that the gradients for all but one cluster are approximately zero.
\section{Evaluation on OpenAI ProcGen}
\subsection{Experimental Design}
\textbf{Training Details.} The network design for the dynamic model is quite similar to the one described in \cite{singh2020dynamic}. The states are fed through an IMPALA-CNN \cite{espeholt2018impala} + LSTM \cite{duan2016rl} network to output a joint latent representation, used for learning both the policy and the value function. The critic network uses these latent representations to predict cluster assignments $\alpha_i$ and mean value estimates $\hat{V}_i(s)$. Finally, the predicted value function $\hat{V}(s,\mathcal{M})$ is computed using Eq. \ref{eq:mean_sum}. Similar to \cite{cobbe2019leveraging}, the agent is trained using Proximal policy optimization (PPO) \cite{schulman2017proximal} with 4 parallel workers. The only point of difference with the original dynamic model is the application of confusion-contribution loss $(L_{CC})$ at a suitable stage in the training process. The loss coefficients $(k_1,k_2)$ determine the balance between confusion and contribution, and are chosen through extensive hyper-parameter search for each environment.
We test our method on 8 ProcGen \cite{cobbe2019leveraging} environments: CoinRun, CaveFlyer, Climber, Jumper, Plunder, Dodgeball, FruitBot and StarPilot. Note that each game is characterized by a different rate of state exploration and training trajectories. Thus, depending upon the type of environment, we adopt the following strategies for obtaining sparse boosts.
\textbf{Pre-boost.} For games allowing rapid state space exploration at the beginning, the confusion-contribution loss can be applied quite early to promote sparsity. In fact, because the policy gradient and value function loss dominate the initial training updates, we apply the confusion-contribution loss from the start. However, the coefficients $(k_1,k_2)$ are kept moderately small so as to encourage the network to progressively converge to a sparse cluster assignment over the first quarter timesteps. CoinRun, CaveFlyer, Climber and Jumper belong to this set and are labelled as \emph{class-1} environments.
\textbf{Post-boost.} In contrast, other games display a much more gradual expansion of explored state space, exhibiting a positive correlation between episode lengths and the total reward. Sparse-boosting for such environments, can only be applied after the rate of increase of average episode length has declined. Thus, the application of confusion-contribution loss is usually preceded by pre-training with the original dynamic model for 50M timesteps (per worker). Games like Plunder, Dodgeball, FruitBot and StarPilot are part of this set and are labelled as \emph{class-2} environments.
We also train the vanilla-LSTM based RL$^2$ \cite{duan2016rl} and non-sparse dynamic models from \cite{singh2020dynamic}, to show a comprehensive comparison between model performances. For consistency reasons, a pre-training procedure same as the one described above is followed, for all class-2 environments. All results are reported as an average across 4 distinct runs using 500 levels for training.
\subsection{Results}
\begin{figure}[ht]
\begin{center}
\centerline{\includegraphics[width=0.97\linewidth]{procgen_train_curves3.pdf}}
\caption{Learning curves for RL$^2$, sparse and non-sparse dynamic models, illustrating differences in sample efficiency, total reward and and episode lengths.}
\label{fig:procgen_train_curves}
\end{center}
\vskip -0.2in
\end{figure}
\textbf{Class-1.} The sparse model leads to consistent performance improvements in all 4 class-1 environments. Fig. \ref{fig:procgen_train_curves} shows the total reward and average episode length curves during the training process for the Caveflyer environment. We clearly see that sparse training leads to significant gains in both final reward and sample efficiency over the regular dynamic model. For instance, we report an increase of 28.3\% and 22.4\% in the final episode reward, over the non-sparse dynamic model, for the games of CaveFlyer and Climber respectively (refer Table \ref{tb:procgen_results}).
Furthermore, as shown in Fig. \ref{fig:procgen_train_curves} and Table \ref{tb:procgen_results}, the sparse model leads to better reward scores while on average, using much fewer timesteps per episode\footnote{Note that the ProcGen environments have no explicit penalty for longer episode lengths.}. We call this phenomenon as enhanced navigation efficiency and delve into it in detail in Section \ref{navigation_efficiency}.
\textbf{Class-2.} Fig. \ref{fig:procgen_train_curves} reports the results for the FruitBot (class-2) environment using the post-boost strategy. While the baseline RL$^2$ and non-sparse dynamic models show a saturation in model performance with the extended training protocol, the sparse model loss leads to continued gains in reward scores. Interestingly, we also see that a saturation in rate of state space exploration is necessary for getting gains with the sparse model. This is illustrated through the training curves for the game of FruitBot (refer Fig. \ref{fig:procgen_train_curves}), where relative gains over the non-sparse model occur only after a decline in the rate of increase of average episode length.
For sake of completeness, we report the results for all class-1 and class-2 environments in Table \ref{tb:procgen_results}.
\begin{table}
\vskip 0.1in
\centering
\begin{tabular}{c|l|ccc|ccc}
\toprule
\multicolumn{2}{c}{} & \multicolumn{3}{c}{Total Reward} & \multicolumn{3}{c}{Episode Length}\\
\midrule
Class & Environment & RL$^2$ & DVE & Sparse DVE & RL$^2$ & DVE & Sparse DVE \\
\midrule
\multirow{4}{*}{Class 1} & CoinRun & 7.75 & 9.16 & \textbf{9.62} & 126 & 78.99 & 62.1 \\
& CaveFlyer & 6.82 & 9.02 & \textbf{11.57} & 225.6 & 275.1 & 75.2\\
& Climber & 7.50 & 8.14 & \textbf{10.17} & 178.1 & 226.6 & 170.5 \\
& Jumper & 6.61 & 6.52 & \textbf{6.65} & 236.4 & 180.3 & 78.9\\
\midrule
\multirow{5}{*}{Class 2} & Plunder & 7.13 & 17.16 & \textbf{18.42} & 495.1 & 780.6 & 739.4\\
& DodgeBall & 10.98 & 11.25 & \textbf{12.76} & 401.5 & 459.9 & 285.8 \\
& FruitBot & 7.33 & 18.32 & \textbf{23.08} & 172.1 & 364.5 & 374.2\\
& StarPilot & 17.94 & 18.08 & \textbf{19.81} & 327.6 & 342.9 & 320.2 \\
\bottomrule
\end{tabular}
\caption{Performance comparison in final reward and average episode length for both class 1 and 2 environments. Our method achieves higher total rewards while needing much shorter episode lengths.}
\label{tb:procgen_results}
\end{table}
\section{What are Clusters Made of?}
\label{cluster_state_analysis}
\begin{figure}[ht]
\begin{center}
\centerline{\includegraphics[width=\linewidth]{coinrun_cluster_feats4.pdf}}
\caption{Examples of key obstacles types learned by the each cluster in the CoinRun Environment. We note that the sparse training divides the overall state space into a distinct sets of game skills.}
\label{fig:coinrun_cluster_feats}
\end{center}
\vskip -0.1in
\end{figure}
Given the non-sparse nature of original cluster probability distribution, Singh \emph{et al.} \cite{singh2020dynamic} use the normalized contribution scores as a measure of similarity between the basis MDPs \cite{singh2020dynamic} and a particular game level. However, such a comparison is not helpful in understanding the key features that differentiate each basis cluster. In this section, we use the sparse property of our method to visualize different obstacle types characteristic of each cluster in the CoinRun Environment.
To visualize the distinguishing features for each cluster, we first extract the set of states $\mathcal{S}_i$ for which each cluster is active. The latent representations (output of the LSTM network) for these states are used to map each $s \in \mathcal{S}_i$ to a two dimensional embedding space using TSNE \cite{maaten2008visualizing}. This embedding is then manually analysed for clusters to the identify the salient obstacle classes.
Fig. \ref{fig:coinrun_cluster_feats} shows some key obstacle types for each cluster. We observe that each cluster is responsible for predicting the value function on a distinct set of obstacles / skills. For instance, cluster-1 is responsible for value estimation in cases like double-jump from one side to another (skill-1) and crossing over moving enemies (skill-2). On the other hand, cluster-2 handles landing after jumps from higher ground (skill-1) and high jumps with very limited visibility of the coming obstacles (skill-2). Finally, cluster-3 takes care of precision climbs (skill-1) and jumps over wide valleys (skill-2).
Thus, we see that each disjoint state space set $\mathcal{S}_i, \ i\in[1,N_b]$ represents a distinct curriculum of game skills that must be learned for mastering the overall multi-scene game environment. This division is analogous to human learning where it is quite common to break down a complex task into a set of manageable skills before attempting the complete task.
\section{Navigation Efficiency}
\label{navigation_efficiency}
\begin{figure}[ht]
\begin{center}
\centerline{\includegraphics[width=\linewidth]{trajectories.pdf}}
\caption{Demonstrating qualitative difference between trajectories for sparse and non-sparse dynamic agents. Our method shows higher efficiency in navigating to the final goals (red \& green spheres).}
\label{fig:trajectories}
\end{center}
\vskip -0.1in
\end{figure}
A peculiar feature arising as a result of applying sparse boosting can be seen in terms of improved \emph{navigation efficiency}. That is, the agent on average uses fewer time-steps per episode while achieving similar or better reward score. This massive difference in time-steps results from two reasons:
\begin{itemize}
\item The tendency to use fewer time-steps is a direct consequence of optimizing the discounted reward function with $\gamma < 1$ \cite{schulman2015high}. As a result, the agent is incentivized to minimize the number of steps between the current state and the next reward. Hence, more accurate policy updates (lower sample variance) should lead to fewer timesteps.
\item As explained in Section \ref{our_method}, the expansion in state space after application of confusion-contribution loss can lead to potential errors in value function estimation. Thus, the sparse dynamic agent learns to maximize the utilization of already explored state space.
\end{itemize}
In this section, we will analyse the first point in greater detail. We first note that not all critical game states correspond to a high overlap region in the non-sparse dynamic model. At a critical state with low overlap (and possibly high value prediction error), the computation of suboptimal value function, can lead the agent to underestimate the \emph{advantage} of choosing an action leading to a faster route to the final destination / goal. We next try to identify these critical states by comparing episode trajectories for the sparse and non-sparse dynamic agents on the CaveFlyer environment.
\textbf{Game Description.} The goal of the Caveflyer environment is to destroy the red spheres and finally reach the green sphere while avoiding intermediate obstacles. The agent receives a small reward of +3 on destroying a red sphere and an end of episode reward of +10 on successfully reaching the green one. Direct collisions with an obstacle or the red sphere cause immediate episode termination.
Trajectories for both sparse and non-sparse dynamic agents are shown in Fig. \ref{fig:trajectories}. We see that the non-sparse agent after destruction of the red sphere (critical state), effectively restarts its search for the next target, while often revisiting already encountered states. In contrast, the sparse agent with its more accurate value estimates, realizes that the expected value for exploring unseen parts of the cave is much higher than revisiting previous states. Doing so not only helps the sparse agent in reaching the end goals much faster, but also eliminates the need for evading obstacles it has already crossed.
We also note that, the balance between the sparse model's reluctance towards state space expansion and maximization of total reward can be modulated through the coefficients of the confusion-contribution loss. In this regard, the high navigation efficiency of our method provides an effective alternative to designing explicit reward shaping \cite{laud2004theory} penalties for promoting reduced episode lengths.
\section{Conclusion}
This paper introduces a novel \emph{confusion-contribution} loss which improves the efficiency of the recently proposed dynamic value estimation method, by progressively learning sparser cluster assignments. The resulting dynamic clusters \emph{contribute} equally to the overall value function estimation and display minimal inter-cluster overlap. The proposed approach consistently outperforms the vanilla-LSTM based RL$^2$ and non-sparse dynamic models on a range of OpenAI ProcGen environments, while on average using much fewer timesteps per episode to complete a game level. Additionally, the sparse training divides the overall state space into disjoint subsets. We show that each subset focuses on a distinct set of game-skills, which draws a strong parallel with the human learning paradigm.
\section*{Broader Impact}
While this work is largely theoretical, we believe that in the long term, it will have major impact in the upcoming area of AI-inspired learning \cite{sadler2019game}. Recent years have seen the field of deep reinforcement learning demonstrate tremendous success in achieving super-human performance in complex game play. Deepmind's Alphazero \cite{silver2017mastering}, Alphastar\cite{vinyals2019grandmaster} and OpenAI's Dota-2 \cite{berner2019dota} are some salient examples. Each such milestone is followed by an increased public interest to analyse and break down the policy of the trained RL agent into a set of simple skills than can be consumed by a human learner \cite{sadler2019game,alphago_teach}. This process is often manual and involves painstaking analysis across hundreds of game runs. As shown in Section \ref{cluster_state_analysis}, our method does this automatically by dividing the possible game scenarios (states) into distinct sets of game skills. While each set can be composed of other mini-skills, the broad division achieved by our method promises great potential in the development of semi-automatic, AI-inspired teaching tools for human players.
|
\subsection{$h$-transverse polygons}
The class of $h$-transverse polygons enlarges slightly the class of
polygons $\Delta_{a,b,n}$.
\begin{defi}\label{df:ht}
A convex integer polygon $\Delta$ is called \emph{$h$-transverse} if
every edge contained in its boundary $\partial \Delta$ is either horizontal,
vertical, or has slope
$\frac{1}{k}$, with $k\in\mathbb{Z}$.
\end{defi}
Given an $h$-transverse polygon $\Delta$, we use the following
notation:
\begin{itemize}
\item
$\partial_l\Delta$ and $\partial_r\Delta$
denote the sets of
edges~$e\subset\partial \Delta$ with an external normal vector
having negative and positive first
coordinate, respectively;
\item $d_l\Delta$ and $d_r\Delta$ denote the unordered lists of integers~$k$
appearing~$j\in\mathbb{Z}_{>0}$ times, such that $(jk,-j)$ belongs to $\partial_l\Delta$ and $\partial_r\Delta$, respectively, with $j$ maximal;
\item $d_b\Delta$ and $d_t\Delta$
denote the lengths of the horizontal edges at the bottom
and top, respectively, of $\Delta$.
\end{itemize}
Note that both sets $d_l\Delta$ and $d_r\Delta$ have
the same cardinal.
\begin{exa}
As said above, all polygons $\Delta_{a,b,n}$ are
$h$-transverse. Recall that we use the notation $\Delta_d$ instead of $\Delta_{d,0,1}$.
We depicted in Figure~\ref{fig:htrans} two examples of $h$-transverse
polygons.
\end{exa}
\begin{figure}[h]
\begin{center}
\begin{tabular}{ccc}
\includegraphics[height=3cm]{Figures1/deltah3.pdf}&
\hspace{8ex} &
\includegraphics[height=3cm]{Figures1/deltah2.pdf}
\\ \\a) $\begin{array}{l}d_l\Delta_3=\{0,0,0\},\\ d_r\Delta_3=\{1,1,1\},\\ d_b\Delta_3=3,\\ d_t\Delta_3=0.
\end{array}$& & b)
$\begin{array}{l}
d_l\Delta=\{-2,0,1,1\},\\ d_r\Delta=\{2,0,0,-1\},\\ d_b\Delta=2,\\ d_t\Delta=1.\end{array}$
\end{tabular}
\end{center}
\caption{Examples of $h$-transverse polygons.}
\label{fig:htrans}
\end{figure}
\subsection{Block-Göttsche refined invariants via floor diagrams}
In this text, an oriented multigraph $\Gamma$ consists in
a
set of vertices
$V(\Gamma)$, a collection
$E^0(\Gamma)$ of oriented
bivalent edges
in $V(\Gamma)\times V(\Gamma)$
and two collections of monovalent edges:
a collection of sources
$E^{-\infty}(\Gamma)$, and a collection of sinks
$E^{+\infty}(\Gamma)$.
A source adjacent to the vertex $v$ is oriented towards $v$, and
a sink adjacent to the vertex $v$ is oriented away from $v$.
Given such oriented graph, we define the set of all edges of
$\Gamma$ by
\[
E(\Gamma)=E^0(\Gamma)\cup E^{-\infty}(\Gamma)\cup
E^{+\infty}(\Gamma).
\]
We use the notation $\underset{\longrightarrow v}{e}$ and
$\underset{v \longrightarrow}{e}$
if the edge $e$ is oriented toward the vertex $v$ and away from $v$,
respectively.
A \emph{weighted} oriented graph $(\Gamma,\omega)$ is an oriented
graph endowed with a function $\omega:E(\Gamma)\to \mathbb{Z}_{>0}$.
The \emph{divergence} of a vertex $v$ of a weighted oriented graph is
defined as
\[
\operatorname{div}(v)=\sum_{\underset{\longrightarrow v}{e}}\omega(e)-\sum_{\underset{v \longrightarrow}{e}}\omega(e).
\]
\begin{defi}\label{df:fd}
A \emph{floor diagram} $\mathcal{D}$ with Newton polygon $\Delta$ is
a quadruple
$\mathcal{D}=(\Gamma, \omega,l,r)$ such that
\begin{enumerate}
\item $\Gamma$ is a connected weighted acyclic oriented graph
with $\operatorname{Card}(d_l\Delta)$ vertices, with
$d_b\Delta$ sources and $d_t\Delta$ sinks;
\item all sources and sinks have weight~$1$;
\item $l:V(\Gamma)\longrightarrow d_l\Delta$ and $r: V(\Gamma)\longrightarrow d_r\Delta$
are bijections such that for every vertex $v\in V(\Gamma)$,
one has
$ \operatorname{div}(v)=r(v)-l(v)$.
\end{enumerate}
\end{defi}
By a slight abuse of notation, we
will not distinguish in this text between
a floor diagram $\mathcal{D}$ and its underlying graph $\Gamma$.
The first Betti number of $\mathcal{D}$ is called the
\emph{genus} of the floor diagram $\mathcal{D}$. The vertices
of a floor diagram are referred as its \emph{floors}, and its edges
are refereed as \emph{elevators}.
The \emph{degree} of a floor diagram~$\mathcal{D}$ is defined as
$$\deg(\mathcal{D})=\sum_{e\in E(\mathcal{D})}(\omega(e)-1).$$
Given an integer $k\in \mathbb{Z}$, the quantum integer $[k](q)$ is defined by
\[
\displaystyle
[k](q)=\frac{q^{\frac{k}{2}}-q^{-\frac{k}{2}}}{q^{\frac{1}{2}}-q^{-\frac{1}{2}}}=
q^{\frac{k-1}{2}} +q^{\frac{k-3}{2}}+\cdots +q^{-\frac{k-3}{2}}+q^{-\frac{k-1}{2}}.
\]
\begin{defi}
The refined multiplicity of a floor diagram
$\mathcal{D}$ is the Laurent polynomial defined by
\[
\mu(\mathcal{D})=\prod_{e\in E(\mathcal{D})}[\omega(e)]^2.
\]
\end{defi}
Note that $\mu(\mathcal{D})$ is in $\mathbb{Z}_{>0}[q^{\pm 1}]$,
is symmetric, and has degree $\deg(\mathcal{D})$.
\begin{exa}\label{exa:ex fd}
Examples of floor diagrams together with their refined multiplicities
are depicted in Figure \ref{fig:ex FD}. Conventionally, floors and
elevators
are represented
by ellipses and vertical lines, respectively. Orientation on elevators
is understood from bottom to top and will not be depicted; neither
will be the weight on elevators of weight~$1$.
All floor diagrams with Newton polygon $\Delta_3$
are depicted in Figures \ref{fig:ex FD}a), b), c), and
d). Since both functions $l$ and $d$ are trivial in this case, we do not precise
them on the picture. An example of floor diagram with Newton polygon
depicted in Figure
\ref{fig:htrans}b) is depicted in Figure \ref{fig:ex FD}e). We precise
the value of $l$ and $r$ at each floor by an integer on the left and
on the right in the corresponding ellipse, respectively.
\end{exa}
\begin{figure}[h]
\begin{center}
\begin{tabular}{ccccc}
\includegraphics[height=3cm, angle=0]{Figures1/FD30.pdf}&
\includegraphics[height=3cm, angle=0]{Figures1/FD31.pdf}
\put(-13,40){$2$}&
\includegraphics[height=3cm, angle=0]{Figures1/FD32.pdf}&
\includegraphics[height=3cm, angle=0]{Figures1/FD33.pdf}&
\includegraphics[height=4cm, angle=0]{Figures1/FDht.pdf}
\put(-82,42){$3$}
\put(-68,77){$2$}
\put(-88,24){$1$}
\put(-62,23){$0$}
\put(-90,60){$-2$}
\put(-65,60){$-1$}
\put(-56,88){$0$}
\put(-30,88){$1$}
\put(-42,39){$1$}
\put(-15,39){$0$}
\\ \\a) $\mu=1$ & b) $\mu=q + 2 + q^{-1}$ & c) $\mu=1$ & d) $\mu=1$ &
e) $\mu=\ \ q^{3}\ +4q^{2}\ \ +8q\ \ +10 $
\\&&& & $\qquad\ \ +q^{-3}+4q^{-2}+8q^{-1}\qquad$
\end{tabular}
\end{center}
\caption{Example of floor diagrams and their refined multiplicities.}
\label{fig:ex FD}
\end{figure}
For a floor diagram $\mathcal{D}$
with Newton polygon $\Delta$ and genus $g$,
we define
\[
n(\mathcal{D})=\operatorname{Card}(\partial\Delta\cap\mathbb{Z}^2)+g-1.
\]
Note that, by a simple Euler characteristic computation, we also have
\[
n(\mathcal{D})=\operatorname{Card}(V(\mathcal{D}))+\operatorname{Card}(E(\mathcal{D})).
\]
The orientation of $\mathcal{D}$ induces a partial ordering on $\mathcal{D}$, that we
denote by $\preccurlyeq$. A map $m:A\subset\mathbb{Z}\to V(\mathcal{D})\cup E(\mathcal{D})$ is said to
be
\emph{increasing} if
$i\le j$ whenever $m(i)\preccurlyeq m(j)$.
\begin{defi}
A \emph{marking} of a floor diagram $\mathcal{D}$ with Newton polygon $\Delta$
is an increasing bijection
\[
m\colon\{1,2,\dots,n(\mathcal{D})\}\longrightarrow V(\mathcal{D})\cup E(\mathcal{D}).
\]
Two marked floor diagrams $(\mathcal{D},m)$, $(\mathcal{D}',m')$
with Newton polygon $\Delta$
are said to be
\emph{isomorphic} if there exists an isomorphism of weighted oriented
graphs $\varphi:\mathcal{D}\longrightarrow \mathcal{D}'$ such that $l=l'\circ\varphi$,
$r=r'\circ\varphi$, and $m'=\varphi\circ m$.
\end{defi}
Next theorem is a slight generalisation of \cite[Theorem 3.6]{Br6b}.
\begin{thm}[{\cite[Theorem 4.3]{BlGo14bis}}]\label{thm:fd}
Let $\Delta$ be an $h$-transverse polygon in $\mathbb{R}^2$, and $g\ge 0$ an
integer. Then one has
\[
G_\Delta(g)(q)=\sum_{(\mathcal{D},m)} \mu(\mathcal{D})(q),
\]
where the sum runs over all isomorphism classes of
marked floor diagrams with Newton polygon
$\Delta$ and genus $g$.
\end{thm}
\begin{exa}\label{exa:fd cubic}
Using Figures \ref{fig:ex FD}a), b), c), and d)
one obtains
\[
G_{\Delta_3}(1)(q)=1 \qquad\mbox{and}\qquad
G_{\Delta_3}(0)(q)=q+10+q^{-1}.
\]
\end{exa}
\begin{exa}\label{exa:fd quartic}
Combining Theorem \ref{thm:fd} with Figures \ref{degree 4 g=3,2},
\ref{degree 4 g=1}, and \ref{degree 4 g=0}, where all floor
diagrams with Newton polygon $\Delta_4$ are depicted, one obtains:
\[
G_{\Delta_4}(3)=1, \qquad
G_{\Delta_4}(2) = 3q^{-1} + 21 + 3q, \qquad
G_{\Delta_4}(1) = 3q^{-2} + 33q^{-1} +153 + 33q + 3q^2,
\]
\[
G_{\Delta_4}(0) = q^{-3} +13q^{-2} + 94q^{-1} + 404 + 94q + 13q^2 + q^3.
\]
\begin{figure}[h]
\centering
\begin{tabular}{cccccc}
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_1.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_2.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_3.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_4.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_5.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_6.pdf}
\end{tabular}
\caption{Floor diagrams of genus 3 and 2 with Newton polygon
$\Delta_4$}
\label{degree 4 g=3,2}
\end{figure}
\begin{figure}[h]
\centering
\begin{tabular}{cccccc}
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_7.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_8.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_9.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_10.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_11.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_12.pdf}
\\
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_13.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_14.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_15.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_16.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_17.pdf}&
\end{tabular}
\caption{Floor diagrams of genus 1 with Newton polygon $\Delta_4$}
\label{degree 4 g=1}
\end{figure}
\begin{figure}[h]
\centering
\begin{tabular}{cccccc}
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_18.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_19.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_20.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_21.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_22.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_23.pdf}
\\
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_24.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_25.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_26.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_27.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_28.pdf}&
\includegraphics[height=3.5cm, angle=0]{Figures1/Floordec_deg4_29.pdf}
\end{tabular}
\caption{Floor diagrams of genus 0 with Newton polygon $\Delta_4$}
\label{degree 4 g=0}
\end{figure}
\end{exa}
\subsection{Göttsche-Schroeter refined invariants via floor diagrams}
In the case when $g=0$, one can tweak the notion of marking of a
floor diagram in order to compute Göttsche-Schroeter refined
invariants.
\begin{defi}
A \emph{pairing of order $s$} of the set $\mathcal P=\{1,\cdots, n\}$ is a set
$S$ of $s$ disjoint pairs $\{i,i+1\}\subset \mathcal P$.
Given a floor diagram $\mathcal{D}$ and
a pairing $S$ of the set $\{1,\cdots, n(\mathcal{D})\}$, a marking
$m$ of $\mathcal{D}$ is said to be
\emph{compatible with $S$} if for any $\{i,i+1\}\in S$, the set
$\{m(i),m(i+1)\}$ consists in one of the following sets
(see Figure \ref{fig:S-marking}):
\begin{itemize}
\item an elevator and an adjacent
floor;
\item two elevators that have a common adjacent floor, from which both
are emanating or ending.
\end{itemize}
\end{defi}
\begin{figure}[h]
\begin{center}
\begin{tabular}{ccccc}
\includegraphics[height=2.5cm, angle=0]{Figures1/Compatible3.pdf}&
\includegraphics[height=2.5cm, angle=0]{Figures1/Compatible4.pdf}&
\includegraphics[height=2.5cm, angle=0]{Figures1/Compatible1.pdf}&
\includegraphics[height=2.5cm, angle=0]{Figures1/Compatible2.pdf}&
\includegraphics[height=3.3cm, angle=0]{Figures1/Compatible0.pdf}
\\
\\a) Compatible &b) Compatible &c) Compatible &d) Compatible
& e) Not compatible
\end{tabular}
\end{center}
\caption{Marking and pairing, the red dots corresponds to the image of
$i$ and $i+1$.}
\label{fig:S-marking}
\end{figure}
We generalize the refined multiplicity of a marked floor
diagram in the presence of a pairing.
Given $(\mathcal{D},m)$ a marked floor diagram compatible with a pairing $S$,
we define the following sets of elevators of $\mathcal{D}$:
\[
\begin{array}{l}
E_0=\{e\in E(\mathcal{D})\ | \ e\notin m(S)\};
\\ E_1=\{e\in E(\mathcal{D})\ |\ \{e,v\}=m(\{i,i+1\})\mbox{ with }v\in V(\mathcal{D})
\mbox{ and } \{i,i+1\}\in S\};
\\E_2=\left\{\{e,e'\}\subset E(\mathcal{D})\ |\ \{e,e'\}=m(\{i,i+1\})\mbox{ with }
\{i,i+1\}\in S\right\}.
\end{array}
\]
\begin{defi}\label{def:refined mult s}
The refined $S$-multiplicity of a marked floor diagram $(\mathcal{D},m)$ is defined by
\[
\mu_S(\mathcal{D},m)(q)=\prod_{e\in E_0} [\omega(e)]^2(q)
\prod_{e\in E_1}[\omega(e)](q^2)
\prod_{\{e,e'\}\in E_2} \frac{[\omega(e)]\times[\omega(e')]\times[\omega(e)+\omega(e')]}{[2]}(q)
\]
if $(\mathcal{D},m)$ is compatible with $S$, and by
\[
\mu_S(\mathcal{D},m)(q)=0
\]
otherwise.
\end{defi}
Clearly $\mu_S(\mathcal{D},m)(q)$ is
symmetric in $q^{\frac{1}2}$, but more can be said.
\begin{lemma}
For any marked floor diagram $(\mathcal{D},m)$ compatible with a
pairing $S$, one has
\[
\mu_S(\mathcal{D},m)(q)\in \mathbb{Z}_{\ge 0}[q^{\pm 1}].
\]
Furthermore $\mu_S(\mathcal{D},m)(q)$ has degree $\deg(\mathcal{D})$.
\end{lemma}
\begin{proof}
The degree of $\mu_S(\mathcal{D},m)(q)$ is clear.
Next, the factors of $\mu_S(\mathcal{D},m)(q)$
coming from
elevators in $E_0$ and $E_1$ are clearly in $\mathbb{Z}_{\ge 0}[q^{\pm 1}]$.
Given a pair $\{e,e'\}$ in $E_3$,
one of the integers $\omega(e), \omega(e')$ or
$\omega(e)+\omega(e')$ is even, and
the remaining two terms have the same parity. Hence it follows
from Lemmas \ref{lem:quatum product} and \ref{lem:quantum div} that
\[
\frac{[\omega(e)]\times[\omega(e')]\times[\omega(e)+\omega(e')]}{[2]}(q)\in
\mathbb{Z}_{\ge 0}[q^{\pm 1}],
\]
and the lemma is proved.
\end{proof}
\begin{thm}\label{thm:psi fd}
Let $\Delta$ be an $h$-transverse polygon in $\mathbb{R}^2$, and let $s$ be a non-negative
integer. Then for any pairing $S$ of order $s$ of
$\{1,\cdots , \operatorname{Card}(\partial \Delta\cap\mathbb{Z}^2)-1\}$, one has
\[
G_\Delta(0;s)(q)=\sum_{(\mathcal{D},m)}\mu_S(\mathcal{D},m)(q),
\]
where the sum runs over all isomorphism classes of
marked floor diagrams with Newton polygon
$\Delta$ and genus $0$.
\end{thm}
\begin{proof}
Given a marked floor diagram $(\mathcal{D},m)$ with Newton polygon
$\Delta$, of genus $0$, and compatible with $S$, we construct
a marked Psi-floor diagram of type $(n(\mathcal{D})-2s,s)$ with
a fixed order induced by $S$ on the Psi-powers of the vertices
(in the terminology of \cite[Definition 4.1 and Remark 4.6]{BGM}), as depicted in
Figure \ref{fig:contraction} and its symmetry with respect to the
horizontal axis. This construction clearly establishes a
surjection $\Psi$ from the first set of floor diagrams to the second
one. Furthermore, given a marked Psi-floor diagram $(\mathcal{D},m')$, all
marked
floor diagrams such that $\Psi(\mathcal{D},m)=\Psi(\mathcal{D},m')$ are described by
the two conditions:
\begin{enumerate}
\item $m(\{i,i+1 \})=m'(\{i,i+1 \})$ if $\{i,i+1\}\in S$;
\item $m(i)=m'(i)$ if $i$ does not belong to any pair in $S$.
\end{enumerate}
\begin{figure}[h]
\begin{center}
\begin{tabular}{ccc}
\includegraphics[height=2.5cm, angle=0]{Figures1/FDtoPsiFD1.pdf}
\put(-195,65){\tiny{$\omega(e_1)$}}
\put(-165,75){\tiny{$\omega(e_2)$}}
\put(-185,50){\tiny{$i$}}
\put(-172,60){\tiny{$i+1$}}
\put(-85,65){\tiny{$\omega(e_1)$}}
\put(-55,75){\tiny{$\omega(e_2)$}}
\put(-108,51){\tiny{$\omega(e_1)+\omega(e_2)$}}
& \hspace{1cm} &
\includegraphics[height=2.5cm, angle=0]{Figures1/FDtoPsiFD2.pdf}
\put(-155,35){\tiny{$i$}}
\put(-185,55){\tiny{$i+1$}}
\end{tabular}
\end{center}
\caption{From marked floor diagrams to Psi-floor diagrams
($\{i,i+1\}\in S$).}
\label{fig:contraction}
\end{figure}
Substituting the integer
multiplicity of a Psi-floor diagram from \cite{BGM} of type
$(k_0,k_1)$ by the refined
multiplicity from \cite[Definition 3.1]{GotSch16}, see also
\cite[Section 2.1]{BleShu17}, one
obtains the result.
\end{proof}
\begin{rem}
Theorem \ref{thm:psi fd} implies that the
right-hand side term only depends on $s$, and not on a particular
choice of $S$. This does not look immediate to us. It may be
interesting to have a proof of this independency with respect to $S$
which does not go through tropical geometry as in \cite{GotSch16}.
Another type of pairing and multiplicities
have been proposed in \cite{Br6b} to compute
Welschinger invariants $W_{X_\Delta}(\mathcal L_\Delta;s)$, when $X_\Delta$
is a del Pezzo surface. Note that the multiplicities from \cite{Br6b}
do not coincide with the refined $S$-multiplicities defined in
Definition \ref{def:refined mult s} evaluated at $q=-1$.
\end{rem}
\begin{exa}\label{exa:fd cubic s}
We continue Examples \ref{exa:ex fd} and \ref{exa:fd cubic}.
All marked floor diagrams of genus 0 and Newton polygon $\Delta_3$
are depicted in
Table \ref{fig:cubic}. Below each of them, we write the multiplicity
$\mu$ and the multiplicities $\mu_{S_i}$ for
$S_i=\{(9-2i,10-2i),\cdots,(7,8)\}$.
The first
floor diagram
has an elevator of weight 2, but we didn't mention it in the picture to
avoid confusion.
According to Theorem \ref{thm:psi fd} we find
$G_{\Delta_3}(0;s)=q+10-2s+q^{-1}$.
It is interesting to compare this computation with \cite[Example 3.10]{Br6b}.
\end{exa}
\begin{table}[h]
\centering
\begin{tabular}{c|c|c|c|c|c|c|c|c|c}
&
\includegraphics[height=2.5cm, angle=0]{Figures1/Cubic1}&
\includegraphics[height=2.5cm, angle=0]{Figures1/Cubic2}&
\includegraphics[height=2.5cm, angle=0]{Figures1/Cubic3}&
\includegraphics[height=2.5cm, angle=0]{Figures1/Cubic4}&
\includegraphics[height=2.5cm, angle=0]{Figures1/Cubic5}&
\includegraphics[height=2.5cm, angle=0]{Figures1/Cubic6}&
\includegraphics[height=2.5cm, angle=0]{Figures1/Cubic7}&
\includegraphics[height=2.5cm, angle=0]{Figures1/Cubic8}&
\includegraphics[height=2.5cm, angle=0]{Figures1/Cubic9}
\\ \hline $ \mu$ & $q+2+q^{-1}$ & 1 &1 &1 &1 &1 &1 &1 &1
\\ \hline $ \mu_{S_1}$ &$q+2+q^{-1}$ & 1 &1 &1 &1 &1 &0 &0 &1
\\ \hline $ \mu_{S_2}$ & $q+q^{-1}$ & 1 &1 &1 &1 &1 &0 &0 &1
\\ \hline $ \mu_{S_3}$ & $q+q^{-1}$ & 1 &0 &0 &1 &1 &0 &0 &1
\\ \hline $ \mu_{S_4}$ & $q+q^{-1}$ & 1 &0 &0 &0 &0 &0 &0 &1
\end{tabular}
\\
\begin{tabular}{c}
\end{tabular}
\caption{Computation of $G_{\Delta_3}(0;s)$.}
\label{fig:cubic}
\end{table}
The following proposition states that the decreasing of
$\mu_{S}(\mathcal{D},m)$ with respect to $S$ that one observes in Table
\ref{fig:cubic} is actually a general phenomenon.
Given two elements $f,g \in\mathbb{Z}_{\ge 0}[q^{\pm 1}]$, we
write $f\ge g$ if $f-g \in\mathbb{Z}_{\ge 0}[q^{\pm 1}]$.
\begin{prop}\label{prop:decreasing}
Let $(\mathcal{D},m)$ be a marked floor diagram of genus 0, and $S_1\subset S_2$ be two
pairings of the set $\{1,\cdots,n(\mathcal{D})\}$.
Then one has
\[
\mu_{S_1}(D,m)(q)\ge \mu_{S_2}(D,m)(q).
\]
\end{prop}
\begin{proof}
Since $\mu_{S_1}(D,m)\in \mathbb{Z}_{\ge 0}[q^{\pm 1}]$, the result
obviously holds if $\mu_{S_2}(D,m)=0$. If $\mu_{S_2}(D,m)\ne 0$,
then the
result follows from Corollary \ref{cor:quantum ineq2}, and from the
inequality
\[
[k](q^2)\le [2k-1](q)\le [k]^2(q),
\]
the last inequality holding by Lemma \ref{lem:quatum product}.
\end{proof}
Next corollary generalizes \cite[Corollary 4.5]{Bru18} to arbitrary
$h$-transverse polygon. Recall that we use the notation
\[
s_{max}=\left[ \frac{\operatorname{Card}(\partial \Delta\cap \mathbb{Z}^2)-1}{2}\right].
\]
\begin{cor}\label{cor:decreasing}
For any $h$-transverse polygon $\Delta$ in $\mathbb{R}^2$ and any
$i\in\mathbb{Z}_{\ge 0}$, one has
\[
\coef[i]{G_\Delta(0;0)}\ge
\coef[i]{G_\Delta(0;1)}\ge
\coef[i]{G_\Delta(0;2)}\ge \cdots \ge
\coef[i]{G_\Delta\left(0;s_{max}\right)}\ge 0.
\]
\end{cor}
\begin{proof}
Since $\mu_{S}(D,m)\in \mathbb{Z}_{\ge 0}[q^{\pm 1}]$ for any marked floor
diagram $(\mathcal{D},m)$ and any pairing $S$, we have that
$\coef[i]{G_\Delta(0;s)}\ge 0$ for
any $s$. The decreasing the sequence $(\coef[i]{G_\Delta(0;s)})_s$ is a direct consequence
of Proposition \ref{prop:decreasing} and Theorem \ref{thm:psi fd}.
\end{proof}
\begin{exa}\label{exa:G quartic}
Thanks to Figure \ref{degree 4 g=0}, one can compute:
\[
\begin{array}{cclclclclclclcl}
G_{\Delta_4}(0;0)&=& q^{-3} & +& 13q^{-2} &+ &94q^{-1}& +& 404
& + &94 q &+ &13 q^2& +& q^3
\\ G_{\Delta_4}(0;1)&=& q^{-3} & +& 11q^{-2} &+ &70q^{-1}& +& 264
& + &70 q &+ &11 q^2& +& q^3
\\ G_{\Delta_4}(0;2)&=& q^{-3} & +& 9q^{-2} &+ &50q^{-1}& +& 164
& + &50 q &+ &9 q^2& +& q^3
\\ G_{\Delta_4}(0;3)&=& q^{-3} & +& 7q^{-2} &+ &34q^{-1}& +& 96
& + &34 q &+ &7 q^2& +& q^3
\\ G_{\Delta_4}(0;4)&=& q^{-3} & +& 5q^{-2} &+ &22q^{-1}& +& 52
& + &22 q &+ &5 q^2& +& q^3
\\ G_{\Delta_4}(0;5)&=& q^{-3} & +& 3q^{-2} &+ &14q^{-1}& +& 24
& + &14 q &+ &3 q^2& +& q^3
\end{array}
\]
\end{exa}
A particular case of Corollary \ref{cor:decreasing} has first been
proved in
\cite{Bru18} using next proposition. For the sake of brevity, the
proof of
\cite[Proposition 4.3]{Bru18} has been omitted there. We close this
gap here.
Let us define $n(\Delta)=\operatorname{Card}(\partial\Delta\cap \mathbb{Z}^2)-1$.
\begin{figure}[h]
\begin{center}
\begin{tabular}{ccccccc}
\includegraphics[height=2.5cm, angle=0]{Figures1/Delta.pdf}
\put(-80,-5){\tiny{$(0,0)$}}
\put(-90,70){\tiny{$(0,d)$}}
\put(-10,-5){\tiny{$(d,0)$}}
& \hspace{0.5cm} &
\includegraphics[height=2.5cm, angle=0]{Figures1/Deltab.pdf}
\put(-90,20){\tiny{$(0,a)$}}
\put(-60,-5){\tiny{$(a,0)$}}
\put(-90,70){\tiny{$(0,d)$}}
\put(-10,-5){\tiny{$(d,0)$}}
& \hspace{0.5cm} &
\includegraphics[height=2.5cm, angle=0]{Figures1/Deltat.pdf}
\put(-90,20){\tiny{$(0,a)$}}
\put(-60,-5){\tiny{$(a,0)$}}
\put(-90,70){\tiny{$(0,d)$}}
\put(-18,2){\tiny{$(d-b,0)$}}
\put(-18,20){\tiny{$(d-b,b)$}}
& \hspace{0.5cm} &
\includegraphics[height=2cm, angle=0]{Figures1/DeltaChopped.pdf}
\put(-100,-5){$\Delta$}
\put(-25,-5){$ \widetilde\Delta$}
\\
\\ a) $d\ge 2$ && b) $d-a\ge 2$
&& c) $d-\max(a,b)\ge 2$ && d)
\end{tabular}
\end{center}
\caption{}
\label{fig:np wel}
\end{figure}
\begin{prop}[{\cite[Proposition 4.3]{Bru18}}]\label{prop:wel}
Let $\Delta$ be one of the integer polygons depicted in Figures
\ref{fig:np wel}a),b), or c),
and let $\widetilde \Delta$ be the integer polygon
obtained by chopping off
the top of $\Delta$ as depicted in Figure
\ref{fig:np wel}d).
If $2s\le n(\Delta)-2$, then one has
\[
G_{\Delta}(0;s+1)=G_{\Delta}(0;s) - 2G_{\widetilde \Delta}(0;s).
\]
\end{prop}
\begin{proof}
Let $S$ be a pairing of order $s$ of
the set $\{1,\cdots,n(\Delta)-2\}$,
and let $\widetilde S=S\cup\{n(\Delta)-1,n(\Delta)\}$.
Let $A\sqcup B$ be the partition of
the set of marked floor diagrams $(\mathcal{D},m)$
with Newton polygon
$\Delta$ and genus 0 such that
\[
(\mathcal{D},m)\in B\Longleftrightarrow m(\{n(\Delta)-1,n(\Delta)\})\subset V(\mathcal{D}),
\]
see Figure \ref{fig:QWel}.
\begin{figure}[h]
\begin{center}
\begin{tabular}{ccc}
\includegraphics[height=2cm, angle=0]{Figures1/QWel1.pdf}
& \hspace{1cm} &
\includegraphics[height=2cm, angle=0]{Figures1/QWel2.pdf}
\\ a) $A$ && b) $B$
\end{tabular}
\end{center}
\caption{A partition of the set of marked floor diagrams, the red dots
represent $m(n(\Delta)-1)$ and $m(n(\Delta))$}
\label{fig:QWel}
\end{figure}
Then by Theorem \ref{thm:psi fd}, one has
\[
G_\Delta(0;s)(q)=\sum_{(\mathcal{D},m)\in A\cup B}\mu_S(\mathcal{D},m)(q) \qquad\mbox{and}
\qquad G_\Delta(0;s+1)(q)=\sum_{(\mathcal{D},m)\in A}\mu_{\widetilde S}(\mathcal{D},m)(q).
\]
By chopping off
the two top floors of the floor diagrams from the set
$B$, it follows again from Theorem \ref{thm:psi fd} that
\[
G_{\widetilde \Delta}(0;s)(q)=\frac{1}{2}\sum_{(\mathcal{D},m)\in B}\mu_S(\mathcal{D},m)(q).
\]
Since the divergence of any floor of $\mathcal{D}$ is 1, we have
that $\mu_{\widetilde S}(\mathcal{D},m)(q)=\mu_{ S}(\mathcal{D},m)(q)$ for any
marked floor diagram $(\mathcal{D},m)\in A$. Hence we have
\begin{align*}
G_\Delta(0;s+1)(q)&=\sum_{(\mathcal{D},m)\in A}\mu_{S}(\mathcal{D},m)(q)
\\ & = \sum_{(\mathcal{D},m)\in A\cup B}\mu_S(\mathcal{D},m)(q) - \sum_{(\mathcal{D},m)\in B}\mu_S(\mathcal{D},m)(q),
\end{align*}
which concludes the proof.
\end{proof}
\section{Codegrees}\label{sec:codeg}
\subsection{Codegree of a floor diagram}
We define the \emph{codegree} of a floor diagram $\mathcal{D}$ of genus $g$ with Newton
polygon $\Delta$ by
\[
\operatorname{codeg}(\mathcal{D})= \operatorname{Card}(\operatorname{Int}(\Delta)\cap \mathbb{Z}^2)-g - \deg(\mathcal{D}).
\]
By {\cite[Proposition 2.11]{IteMik13}}, one has
$\deg(\mathcal{D})\le \operatorname{Card}(\operatorname{Int}(\Delta)\cap \mathbb{Z}^2)-g$, and so
$\operatorname{codeg}(\mathcal{D})\ge 0$.
Furthermore, the codegree of $\mathcal{D}$ is zero if and only if
\begin{itemize}
\item the order $\preccurlyeq$ is total on the set of floors of $\mathcal{D}$;
\item elevators in $E^{-\infty}(\mathcal{D})$ are all adjacent to the minimal floor
of $\mathcal{D}$, and elevators in $E^{+\infty}(\mathcal{D})$ are all adjacent to the maximal floor
of $\mathcal{D}$;
\item the function $l:V(\mathcal{D})\to d_l$ is decreasing, and the function
$r:V(\mathcal{D})\to d_r$ is increasing.
\end{itemize}
With this characterization, one sees easily that there exists exactly
${\operatorname{Card}(\operatorname{Int}(\Delta)\cap \mathbb{Z}^2)\choose g}$ marked floor diagrams of
genus $g$ with Newton
polygon $\Delta$ and codegree 0 (see {\cite[Proposition
2.11]{IteMik13} and \cite[Proposition 4.10]{BlGo14}}).
\begin{exa}
Figures \ref{fig:ex FD}a) and b) depict the
only floor diagrams of codegree 0 with Newton polygon~$\Delta_3$ and
genus 1 and 0, respectively.
The only codegree 0 floor diagram with
Newton polygon depicted in Figure \ref{fig:htrans}b) and genus 0 is
depicted in Figure
\ref{fig:ex codeg}a). All codegree 0 floor diagrams with
Newton polygon depicted in Figure \ref{fig:htrans}b) and genus 1 are
depicted in Figures
\ref{fig:ex codeg}b), c), d), e), f), and g). Note that the floor
diagram depicted in Figure \ref{fig:ex codeg}b) admits a single
marking, while floor
diagrams depicted in Figures
\ref{fig:ex codeg}c), d), e), f), and g)
admit exactly two different markings.
\begin{figure}[h!]
\begin{center}
\begin{tabular}{ccccccccccccc}
\includegraphics[height=4cm, angle=0]{Figures1/FDht2.pdf}
\put(-28,31){\small{$4$}}
\put(-28,58){\small{$5$}}
\put(-28,84){\small{$5$}}
\put(-33,17){\small{$1$}}
\put(-18,17){\small{$-1$}}
\put(-33,46){\small{$1$}}
\put(-11,46){\small{$0$}}
\put(-33,70){\small{$0$}}
\put(-11,70){\small{$0$}}
\put(-33,97){\small{$-2$}}
\put(-11,97){\small{$2$}}
& \hspace{0.4cm} &
\includegraphics[height=4cm, angle=0]{Figures1/FDht3.pdf}
\put(-31,31){\small{$2$}}
\put(-13,31){\small{$2$}}
\put(-28,58){\small{$5$}}
\put(-28,84){\small{$5$}}
\put(-33,17){\small{$1$}}
\put(-18,17){\small{$-1$}}
\put(-33,46){\small{$1$}}
\put(-11,46){\small{$0$}}
\put(-33,70){\small{$0$}}
\put(-11,70){\small{$0$}}
\put(-33,97){\small{$-2$}}
\put(-11,97){\small{$2$}}
& \hspace{0.4cm} &
\includegraphics[height=4cm, angle=0]{Figures1/FDht3.pdf}
\put(-31,31){\small{$1$}}
\put(-13,31){\small{$3$}}
\put(-28,58){\small{$5$}}
\put(-28,84){\small{$5$}}
\put(-33,17){\small{$1$}}
\put(-18,17){\small{$-1$}}
\put(-33,46){\small{$1$}}
\put(-11,46){\small{$0$}}
\put(-33,70){\small{$0$}}
\put(-11,70){\small{$0$}}
\put(-33,97){\small{$-2$}}
\put(-11,97){\small{$2$}}
& \hspace{0.4cm} &
\includegraphics[height=4cm, angle=0]{Figures1/FDht4.pdf}
\put(-28,31){\small{$4$}}
\put(-31,58){\small{$1$}}
\put(-13,58){\small{$4$}}
\put(-28,84){\small{$5$}}
\put(-33,17){\small{$1$}}
\put(-18,17){\small{$-1$}}
\put(-33,46){\small{$1$}}
\put(-11,46){\small{$0$}}
\put(-33,70){\small{$0$}}
\put(-11,70){\small{$0$}}
\put(-33,97){\small{$-2$}}
\put(-11,97){\small{$2$}}
& \hspace{0.4cm} &
\includegraphics[height=4cm, angle=0]{Figures1/FDht4.pdf}
\put(-28,31){\small{$4$}}
\put(-31,58){\small{$2$}}
\put(-13,58){\small{$3$}}
\put(-28,84){\small{$5$}}
\put(-33,17){\small{$1$}}
\put(-18,17){\small{$-1$}}
\put(-33,46){\small{$1$}}
\put(-11,46){\small{$0$}}
\put(-33,70){\small{$0$}}
\put(-11,70){\small{$0$}}
\put(-33,97){\small{$-2$}}
\put(-11,97){\small{$2$}}
& \hspace{0.4cm} &
\includegraphics[height=4cm, angle=0]{Figures1/FDht5.pdf}
\put(-28,31){\small{$4$}}
\put(-28,58){\small{$5$}}
\put(-31,84){\small{$1$}}
\put(-13,84){\small{$4$}}
\put(-33,17){\small{$1$}}
\put(-18,17){\small{$-1$}}
\put(-33,46){\small{$1$}}
\put(-11,46){\small{$0$}}
\put(-33,70){\small{$0$}}
\put(-11,70){\small{$0$}}
\put(-33,97){\small{$-2$}}
\put(-11,97){\small{$2$}}
& \hspace{0.4cm} &
\includegraphics[height=4cm, angle=0]{Figures1/FDht5.pdf}
\put(-28,31){\small{$4$}}
\put(-28,58){\small{$5$}}
\put(-31,84){\small{$2$}}
\put(-13,84){\small{$3$}}
\put(-33,17){\small{$1$}}
\put(-18,17){\small{$-1$}}
\put(-33,46){\small{$1$}}
\put(-11,46){\small{$0$}}
\put(-33,70){\small{$0$}}
\put(-11,70){\small{$0$}}
\put(-33,97){\small{$-2$}}
\put(-11,97){\small{$2$}}
\\ a)&&b)&&c)&&d)&&e)&&f)&&g)
\end{tabular}
\end{center}
\caption{Codegree 0 floor diagrams of genus 0 and 1 with
Newton polygon from Figure \ref{fig:htrans}b).}
\label{fig:ex codeg}
\end{figure}
\end{exa}
Throughout
the text, we will make an extensive use of
the following four operations on a floor diagram $\mathcal{D}$:
\begin{enumerate}
\item[$A^+$:] Suppose that there exist two floors
$v_1$ and $v_2$ of $\mathcal{D}$ connected by an elevator
$e_1$ from $v_1$ to $v_2$, and an additional elevator $e_2$
originating from $v_1$ but not adjacent to $v_2$. Then construct a
new floor diagram $\mathcal{D}'$ out of $\mathcal{D}$ as depicted in Figure
\ref{fig:operationA}a).
\item[$A^-$:] Suppose that there exist two floors
$v_1$ and $v_2$ of $\mathcal{D}$ connected by an elevator
$e_1$ from $v_1$ to $v_2$, and an additional elevator $e_2$
ending at $v_2$ but not adjacent to $v_1$. Then construct a
new floor diagram $\mathcal{D}'$ out of $\mathcal{D}$ as depicted in Figure
\ref{fig:operationA}b).
\begin{figure}[h]
\begin{center}
\begin{tabular}{ccc}
\includegraphics[height=3cm, angle=0]{Figures1/OperationA+.pdf}
\put(-136,30){\tiny{$\omega(e_1)$}}
\put(-203,58){\tiny{$\omega(e_2)$}}
\put(-25,30){\tiny{$\omega(e_1)+\omega(e_2)$}}
\put(-70,78){\tiny{$\omega(e_2)$}}
\put(-160,-20){$\mathcal{D}$}
\put(-55,-20){$\mathcal{D}'$}
& \hspace{1cm} &
\includegraphics[height=3cm, angle=0]{Figures1/OperationA-.pdf}
\put(-136,55){\tiny{$\omega(e_1)$}}
\put(-203,48){\tiny{$\omega(e_2)$}}
\put(-25,55){\tiny{$\omega(e_1)+\omega(e_2)$}}
\put(-70,8){\tiny{$\omega(e_2)$}}
\put(-160,-20){$\mathcal{D}$}
\put(-55,-20){$\mathcal{D}'$}
\\ \\ a) Operation $A^+$ &&b) Operation $A^-$
\end{tabular}
\end{center}
\caption{Operations $A$ on floor diagrams.}
\label{fig:operationA}
\end{figure}
\item[$B^l$:] Suppose that there exist two
consecutive floors
$v_1 \preccurlyeq v_2$ of $\mathcal{D}$ such that $l(v_1)<l(v_2)$.
Then construct a
new floor diagram $\mathcal{D}'$ out of $\mathcal{D}$ as depicted in Figure
\ref{fig:operationB}a), where $e$ is any elevator adjacent to $v_1$ and $v_2$.
\item[$B^r$:] Suppose that there exist two
consecutive floors
$v_1 \preccurlyeq v_2$ of $\mathcal{D}$ such that $r(v_1)>r(v_2)$.
Then construct a
new floor diagram $\mathcal{D}'$ out of $\mathcal{D}$ as depicted in Figure
\ref{fig:operationB}b), where $e$ is any elevator adjacent to $v_1$ and $v_2$.
\begin{figure}[h]
\begin{center}
\begin{tabular}{ccc}
\includegraphics[height=2.5cm, angle=0]{Figures1/OperationB.pdf}
\put(-113,26){\tiny{$\omega(e)$}}
\put(-155,58){\tiny{$l(v_2)$}}
\put(-155,11){\tiny{$l(v_1)$}}
\put(-8,26){\tiny{$\omega(e)+l(v_2)-l(v_1)$}}
\put(-50,58){\tiny{$l(v_1)$}}
\put(-50,11){\tiny{$l(v_2)$}}
\put(-140,-20){$\mathcal{D}$}
\put(-35,-20){$\mathcal{D}'$}
& \hspace{1.8cm} &
\includegraphics[height=2.5cm, angle=0]{Figures1/OperationB.pdf}
\put(-113,26){\tiny{$\omega(e)$}}
\put(-132,58){\tiny{$r(v_2)$}}
\put(-132,11){\tiny{$r(v_1)$}}
\put(-8,26){\tiny{$\omega(e)+r(v_1)-r(v_2)$}}
\put(-26,58){\tiny{$r(v_1)$}}
\put(-26,11){\tiny{$r(v_2)$}}
\put(-140,-20){$\mathcal{D}$}
\put(-35,-20){$\mathcal{D}'$}
\\
\\a) Operation $B^l$ &&b) Operation $B^r$
\end{tabular}
\end{center}
\caption{Operations $B$ on floor diagrams.}
\label{fig:operationB}
\end{figure}
\end{enumerate}
The following lemma is straightforward.
\begin{lemma}\label{lem:codegree}
Genus and Newton polygon are invariant under
operations $A^\pm$, $B^l$, and $B^r$.
Furthermore, the codegree decreases by $w(e_2)$ under operations $A^\pm$,
by $l(v_2)-l(v_1)$ under operations $B^l$, and
by $r(v_1)-r(v_2)$ under operations $B^r$.
\end{lemma}
Next lemma is an example of application of Lemma \ref{lem:codegree}.
For the sake of simplicity, we state and prove it only for
floor diagrams with constant divergence. Generalizing it to floor
diagrams with any $h$-transverse Newton polygon
presents no difficulties other that technical.
\begin{lemma}\label{lem:min}
Let $\mathcal{D}$ be a floor diagram with constant divergence $n\in \mathbb{Z}$.
If $\mathcal{D}$ has $k$ minimal floors,
then one has that
\[
\operatorname{codeg}(\mathcal{D})\ge (k-1)\ \left(\operatorname{Card}(E^{-\infty}(\mathcal{D})) -n\frac{k}{2}\right).
\]
\end{lemma}
\begin{proof}
Denote by $v_1,\cdots,v_k$ these minimal floors, and by $u_i$ the
number of elevators in $E^{-\infty}(\mathcal{D})$ to which $v_i$ is adjacent.
By a
finite succession of operations $A^-$ and applications
of Lemma
\ref{lem:codegree},
we may assume that
\[
\sum_{i=1}^ku_i=\operatorname{Card}(E^{-\infty}(\mathcal{D})).
\]
Next, by a
finite succession of operations $A^\pm$ and applications
of Lemma
\ref{lem:codegree}, we may assume that there exists $v\in V(\mathcal{D})$
greater that all floors
$v_1,\cdots,v_k$, and such that any
elevator in $E(\mathcal{D})\setminus E^{-\infty}(\mathcal{D})$ adjacent to $v_i$ is also adjacent to $v$, see
Figure \ref{fig:op lower}a).
\begin{figure}[h]
\begin{center}
\begin{tabular}{ccc}
\includegraphics[height=3.5cm, angle=0]{Figures1/LowerBoundCod.pdf}
\put(-140,-10){$u_2$}
\put(-25,-10){$u_k$}
\put(-190,-10){$u_1$}
\put(-80,-10){$u_{k-1}$}
& \hspace{1cm} &
\includegraphics[height=3.5cm, angle=0]{Figures1/LowerBoundCod2.pdf}
\put(-140,-10){$u_2$}
\put(-190,-10){$u_1$}
\put(-80,-10){$u_{k-2}$}
\put(-45,-10){$u_{k-1}+u_k$}
\\
\\a) $\mathcal{D}$ &&b) $\mathcal{D}'$
\end{tabular}
\end{center}
\caption{}
\label{fig:op lower}
\end{figure}
This implies in particular that if $e_{i,1},\cdots,e_{i,k_i}$ are the
elevators in $E^0(\mathcal{D})$ adjacent to $v_i$, then one has
\[
\sum_{j=1}^{k_i}\omega(e_{i,j})=u_i-n.
\]
By a
finite succession of operations $A^-$ and applications
of Lemma
\ref{lem:codegree}, we now construct a floor diagram
$\mathcal{D}'$ with $k-1$ minimal floors and satisfying
(see Figure \ref{fig:op lower}b)
\[
\operatorname{codeg}(\mathcal{D})=\operatorname{codeg}(\mathcal{D}')+ \operatorname{Card}(E^{-\infty}(\mathcal{D})) - n(k-1).
\]
Now the result follows by induction on $k$.
\end{proof}
\subsection{Degree of codegree coefficients}
Here we prove a couple of intermediate results regarding the degree of codegree $i$
coefficients of some families of Laurent polynomials.
Given two integers $k,l\ge 0$, we define
\[
F(k,l)=\sum_{\substack{i_1+i_2+\cdots+ i_k=l\\ i_1,\cdots,i_k\ge
1}}\quad \prod_{j=1}^k i_j
\qquad\mbox{and}\qquad \Phi_l(k)=F(k,k+l).
\]
\begin{exa}\label{ex:G0}
One computes easily that
\[
\Phi_0(k)=1
\qquad\mbox{and}\qquad \Phi_1(k)=2k.
\]
\end{exa}
\begin{lemma}
For any fixed $l\in\mathbb{Z}_{\ge 0}$, the function
$\Phi_l:k\in\mathbb{Z}_{\ge 0}\mapsto \Phi_l(k)$ is polynomial of degree $l$.
\end{lemma}
\begin{proof}
The proof goes by induction on $l$.
The case $l=0$ is covered by Example \ref{ex:G0}.
Now suppose that $l\ge 1$ and that
the lemma holds up to $l-1$. For $l\ge k$, one has
\begin{align*}
F(k,l)&=\sum_{i_1=1}^{l-k+1} i_1
\sum_{\substack{i_2+\cdots+ i_k=l-i_1\\ i_2,\cdots,i_k\ge
1}}\quad \prod_{j=2}^k i_j
\\ &= \sum_{i_1=1}^{l-k+1} i_1 \ F(k-1,l-i_1),
\end{align*}
and so
\begin{align*}
\Phi_l(k)&= F(k,k+l)
\\ &= \sum_{i_1=1}^{l+1} i_1 \ F(k-1,k+l-i_1)
\\ &= \sum_{i_1=1}^{l+1} i_1 \ \Phi_{l-i_1+1}(k-1)
\\ &= \Phi_l(k-1)+ \sum_{i_1=2}^{l+1} i_1 \ \Phi_{l-i_1+1}(k-1).
\end{align*}
By induction on $l$, the function $P_l:k\mapsto \Phi_l(k)-\Phi_l(k-1)$ is
then polynomial of degree $l-1$. Since $\Phi_l(0)=F(0,l)=0$, one has
\begin{align*}
\Phi_l(k)&=\sum_{i=0}^{k-1} \left( \Phi_l(k-i)-\Phi_l(k-(i+1)) \right)
\\ &= \sum_{i=1}^{k} P_l(i).
\end{align*}
By Faulhaber's formula, the function $\Phi_l(k)$ is polynomial of degree
$l$, and the proof is complete.
\end{proof}
Next corollaries constitute key steps in our polynomiality proofs.
\begin{cor}\label{cor:key}
Let $i,k\ge 0$ and $a_1,\cdots,a_k> i$ be integers. Then one has
\[
\coef[i]{\prod_{j=1}^{k}[a_j]^2}=\Phi_i(k).
\]
In particular, the function
$(k,a_1,\cdots,a_k)\mapsto \coef[i]{\prod_{j=1}^{k}[a_j]^2}$
only depends on $k$ on the set
$\{a_1>i,\cdots,a_k> i\}$,
and is polynomial of degree $i$.
\end{cor}
\begin{proof}
Since $\coef[i]{[a]^2}=i+1$ if $a>i$, one has
\begin{align*}
\coef[i]{\prod_{j=1}^{k}[a_j]^2}&=
\sum_{\underset{i_1,\dots,i_k\geq 0}{i_1+i_2+\dots+i_k=i}}
\quad \prod_{j=1}^{k}\coef[i_j]{ [a_j]^2}
\\ &=\sum_{\underset{i_1,\dots,i_k\geq 0}{i_1+i_2+\dots+i_k=i}}
\quad \prod_{j=1}^{k}(i_j+1)
\\ &=\sum_{\underset{i_1,\dots,i_k\geq 1}{i_1+i_2+\dots+i_k=i+k}}
\quad \prod_{j=1}^{k}i_j
\\ &= \Phi_i(k),
\end{align*}
as announced.
\end{proof}
\begin{cor}\label{cor:key2}
Let $P(q)$ be a Laurent polynomial, and
$i\ge 0$ an integer. Then the function
$(k,a_1,\cdots,a_k)\mapsto \coef[i]{P(q)\times \prod_{j=1}^{k}[a_j]^2}$
only depends on $k$ on the set
$\{a_1>i,\cdots,a_k> i\}$, and is polynomial of degree $i$.
\end{cor}
\begin{proof}
One has
\[
\coef[i]{P(q)\times \prod_{j=1}^{k}[a_j]^2}=
\sum_{\underset{i_1,i_2\geq 0}{i_1+i_2=i}} \coef[i_1]{P(q)} \times\coef[i_2]{\prod_{j=1}^{k}[a_j]^2}.
\quad
\]
The statement now follows from Corollary \ref{cor:key}.
\end{proof}
\section{The genus 0 case}\label{sec:g=0}
\subsection{Proof of Theorem \ref{thm:main1}}\label{sec:g=0 gen}
The main step is Lemma \ref{lem:d rat} below.
It can be summarized as follows:
for $(a,b,n,s)$ satisfying the condition from
Theorem \ref{thm:main1}, all floor diagrams of codegree at most $i$
can easily be described. Then Theorem \ref{thm:main1} simply follows from an
explicit computation of the multiplicity and the number of markings of
such floor diagram.
Given $i\in\mathbb{Z}_{\ge 0}$, and
$(u,\widetilde u)\in \mathbb{Z}_{\ge 0}^i\times\mathbb{Z}_{\ge0}^i$, we define
\[
\operatorname{codeg}(u,\widetilde u)=\sum_{j=1}^{i}j\ (u_j +\widetilde u_j),
\]
and we consider the finite set
\[
C_i=\left\{(u,\widetilde u)\in \mathbb{Z}_{\ge 0}^i\times\mathbb{Z}_{\ge 0}^i\ | \
\operatorname{codeg}(u,\widetilde u)\le i \right\}.
\]
For $(u,\widetilde u)\in C_i$, and integers $b,n\ge 0$, and $a>i$, we denote by
$\mathcal{D}_{a,b,n,u,\widetilde u}$ the floor diagram of genus 0 and
Newton polygon $\Delta_{a,b,n}$ depicted in Figure
\ref{fig:d rat} (we do not precise the weight on elevators in
$E^0(\mathcal{D}_{a,b,n,u,\widetilde u})$ there since they can be recovered from
$a,b,n,u$, and $\widetilde u$).
\begin{figure}[h]
\begin{center}
\begin{tabular}{c}
\includegraphics[height=12cm, angle=0]{Figures1/D_gen0.pdf}
\put(-100,35){$v_1$}
\put(-80,68){$v_2$}
\put(-50,113){$v_{i+1}$}
\put(-100,302){$v_a$}
\put(-83,270){$v_{a-1}$}
\put(-55,225){$v_{a-i}$}
\put(-62,-10){$u_1$}
\put(-20,-10){$u_{i}$}
\put(-62,348){$\widetilde u_1$}
\put(-20,348){$\widetilde u_{i}$}
\end{tabular}
\end{center}
\caption{The floor diagram $\mathcal{D}_{a,b,n,u,\widetilde u}$}
\label{fig:d rat}
\end{figure}
In particular the partial ordering $\o$ on $\mathcal{D}_{a,b,n,u,\widetilde u}$ induces a total
ordering on its floors
\[
v_1\prec \cdots\prec v_a.
\]
Note that $\widetilde u_k=0$ (resp. $u_k= 0$) for $k>i-j$ as soon as
$u_j\ne 0$ (resp. $\widetilde u_j\ne 0$).
\begin{lemma}\label{lem:d rat}
Let $i,n\in\mathbb{Z}_{\ge 0}$, and let
$\mathcal{D}$ be a floor diagram of genus 0 with Newton polygon
$\Delta_{a,b,n}$ with $a,b,$ and $i$ satisfying
\[
\left\{\begin{array}{l}
b> i
\\ a>i
\end{array}
\right. .
\]
Then one has
\[
\operatorname{codeg}(\mathcal{D})\le i \Longleftrightarrow \exists (u,\widetilde u)\in C_i,\ \mathcal{D}=\mathcal{D}_{a,b,n,u,\widetilde u}.
\]
Furthermore in this case, any elevator $e\in E^0(\mathcal{D})$ satisfies
$\omega(e)>i-\operatorname{codeg}(\mathcal{D})$.
\end{lemma}
\begin{proof}
Given $(u,\widetilde u)\in C_i$, one has
$\operatorname{codeg}(\mathcal{D}_{a,b,n,u,\widetilde u})=\sum_{j=1}^{i}j\ (u_j +\widetilde u_j)$
by a
finite succession of operations $A^\pm$ and applications
of Lemma
\ref{lem:codegree}.
Let $\mathcal{D}$ be of codegree at most $i$, and
suppose that the order $\o$ is not total on the set of floors of~$\mathcal{D}$. Since~$\mathcal{D}$
is a tree, this is equivalent to say that there
exist at least two minimal or two maximal floors for $\o$. Denote by
$k_t$ and $k_b$ the number of maximal and minimal floors of $\mathcal{D}$,
respectively.
By Lemma \ref{lem:min} applied to the polygon $-\Delta_{a,b,n}$,
one has
\[
\operatorname{codeg}(\mathcal{D})\ge (k_t-1)\ \left(b +n\frac{k_t}{2}\right).
\]
Hence $k_t\ge 2$ implies that
\[
\operatorname{codeg}(\mathcal{D})\ge b +n >i,
\]
contrary to our assumption.
Analogously, by Lemma \ref{lem:min}, one has that
\[
\operatorname{codeg}(\mathcal{D})\ge (k_b-1)\ \left( \left(a -\frac{k_b}{2}\right)n +b\right).
\]
Since $k_b\le a-1$, one deduces that $a -\frac{k_b}{2}\ge 1$.
Hence $k_b\ge 2$ implies that
\[
\operatorname{codeg}(\mathcal{D})\ge b +n >i,
\]
contrary to our assumption.
Hence we proved that the order $\o$ is total on the set of floors of $\mathcal{D}$.
Denoting by $u_j$ (resp. $\widetilde u_j$) the number of elevators in
$E^{-\infty}(\mathcal{D})$ (resp. $E^{+\infty}(\mathcal{D})$) adjacent to the floor
$v_{j+1}$ (resp. $v_{a-j}$), we then have
$\mathcal{D}=\mathcal{D}_{a,b,n,u,\widetilde u}$.
Since
\[
\operatorname{codeg}(\mathcal{D})= \sum_{j=1}^{a-1} j(u_j+\widetilde u_j),
\]
we deduce that $(u,\widetilde u)\in C_i$.
To end the proof of the lemma, just note that the elevator in
$E^0(\mathcal{D})$ with the lowest weight is either one of the elevators adjacent to
the floors $v_k$ and $v_{k+1}$, with $1\le k\le i$, or the highest
one for $\o$. The former has weight at least
\[
(a-k)n+b-\sum_{j=k}^iu_j \ge b-\operatorname{codeg}(\mathcal{D})>i-\operatorname{codeg}(\mathcal{D}),
\]
while the latter has weight at least
$n+b-\sum_{j=1}^i\widetilde u_j>i-\operatorname{codeg}(\mathcal{D})$.
\end{proof}
Let us now count the number of markings of the floor diagram
$\mathcal{D}_{a,b,n,u,\widetilde u}$.
Given $(u,\widetilde u)\in C_i$, we define the functions
\[
\widetilde \nu_{u}(a,b,n,s)=
\sum_{s_0+s_1+\cdots+s_i=s}
\frac{s!}{s_0! s_1! \cdots s_i!}
\prod_{j=1}^i
{{an+b+2j-2s_0-2s_1-\cdots - 2s_j-u_{j+1}-\cdots-u_i}\choose{u_j-2s_j}}
\]
and
\[
\nu_{u,\widetilde u}(a,b,n,s)=
\widetilde \nu_{u}(a,b,n,s)\times
\widetilde \nu_{\widetilde u}(0,b,0,0).
\]
\begin{lemma}\label{lem:marking g=0}
If $(u,\widetilde u)\in C_i$ and $(a,b,n,s)$ is an element of the
subset of $\mathbb{Z}_{\ge 0}^4$ defined by
\[
\left\{
\begin{array}{l}
b\ge i
\\ an+b\ge i+2s
\end{array}
\right.,
\]
then $\nu_{u,\widetilde u}(a,b,n,s)$ is the
number of markings of the floor diagram $\mathcal{D}_{a,b,n,u,\widetilde u}$
that are compatible with the pairing
$\{\{1,2\},\{3,4\},\cdots,\{2s-1,2s\}\}$.
Furthermore the function
$(a,b,n,s)\mapsto \nu_{u,\widetilde u}(a,b,n,s)$ is polynomial
on
this set, and has degree at most $ \sum_{j=1}^i(u_j+\widetilde u_j)$ in each variable.
If $(u,\widetilde u)=((i),0)$, then the degree in each variable is
exactly $i$.
\end{lemma}
\begin{proof}
Recall that $u_j\ne 0$ (resp. $\widetilde u_j\ne 0$) implies that
$\widetilde u_k=0$ (resp. $u_k= 0$) for $k>i-j$.
Next,
if $an+b\ge i+2s$, then any marking $m$ of
$\mathcal{D}_{a,b,n,u,\widetilde u}$ satisfies
$m(j)\in E^{-\infty}(\mathcal{D}_{a,b,n,u,\widetilde u})$
if $j\le 2s$.
From these two observations, it is straightforward to
compute the
number of markings of $\mathcal{D}_{a,b,n,u,\widetilde u}$
compatible with $\{1,\cdots,2s\}$. This proves the first assertion
of the lemma.
To prove the second assertion, notice that
the number of possible values of $s_1,\cdots,s_i$ giving rise to a
non-zero summand of $\widetilde \nu_{u}(a,b,n,s)$
is finite and only depends on the vector $u$. Hence this assertion
follows from the fact that,
for such a fixed choice of $s_1,\cdots,s_i$,
the function
\[
(a,b,n,s)\longmapsto
\frac{s!}{s_0! s_1! \cdots s_i!}
\prod_{j=1}^i
{{an+b+2j-2s_0-2s_1-\cdots - 2s_j-u_{j+1}-\cdots-u_i}\choose{u_j-2s_j}}
\]
is polynomial as soon as $an+b\ge i+2s$, of degree
$ \sum_{j=1}^i(u_j-2s_j)$ in the variables $a,b,$ and $n$, and of degree
$ \sum_{j=1}^i(u_j-s_j)$ in the variable $s$.
The third assertion also follows from this computation.
\end{proof}
\begin{thm}\label{thm:main1 expl g0}
For any $i\in\mathbb{Z}_{\ge 0}$, and any $(a,b,n,s)$ in the set
$\mathcal U_{i}\subset \mathbb{Z}_{\ge 0}^4$
defined by
\[
\left\{\begin{array}{l}
an+b\ge i+2s
\\ b>i
\\ a>i
\end{array}
\right. ,
\]
one has
\[
\coef[i]{G_{\Delta_{a,b,n}}(0;s)}= \sum_{(u,\widetilde u)\in C_i}
\nu_{u,\widetilde u}(a,b,n,s)
\times \Phi_{i-\operatorname{codeg}(u,\widetilde u)}(a-1).
\]
In particular,
the function
\[
\begin{array}{ccc}
\mathcal U_{i}&\longrightarrow & \mathbb{Z}_{\ge 0}
\\ (a,b,n,s)& \longmapsto & \coef[i]{G_{\Delta_{a,b,n}}(0;s)}
\end{array}
\]
is polynomial
of degree $i$ in each variable.
\end{thm}
\begin{proof}
Let $(a,b,n,s)\in \mathcal U_{i}$. Since $an+b\ge i+2s$, any marking $m$ of
$\mathcal{D}_{a,b,n,u,\widetilde u}$ satisfies
$m(j)\in E^{-\infty}(\mathcal{D}_{a,b,n,u,\widetilde u})$
if $j\le 2s$. In particular, one has
\[
\mu_{\{1,\cdots,2s\}}(\mathcal{D}_{a,b,n,u,\widetilde u},m)=\mu(\mathcal{D}_{a,b,n,u,\widetilde u})
\]
for any marking $m$ of $\mathcal{D}_{a,b,n,u,\widetilde u}$ compatible with
the pairing $\{\{1,2\},\{3,4\},\cdots,\{2s-1,2s\}\}$.
Lemma \ref{lem:d rat} and Corollary \ref{cor:key} give
\[
\coef[i-\operatorname{codeg}(u,\widetilde u)]{\mu(\mathcal{D}_{a,b,n,u,\widetilde u})}=
\Phi_{i-\operatorname{codeg}(u,\widetilde u)}(a-1).
\]
By Lemma \ref{lem:marking g=0}, one has then
\begin{align*}
\coef[i]{G_{\Delta_{a,b,n}}(0;s)}&=
\coef[i]{ \sum_{(u,\widetilde u)\in C_i}
\nu_{u,\widetilde u}(a,b,n,s)
\times \mu(\mathcal{D}_{a,b,n,u,\widetilde u}) }
\\ &=
\sum_{(u,\widetilde u)\in C_i}
\nu_{u,\widetilde u}(a,b,n,s)
\times \coef[i-\operatorname{codeg}(u,\widetilde u)]{
\mu(\mathcal{D}_{a,b,n,u,\widetilde u})}
\\ &= \sum_{(u,\widetilde u)\in C_i}
\nu_{u,\widetilde u}(a,b,n,s)
\times \Phi_{i-\operatorname{codeg}(u,\widetilde u)}(a-1).
\end{align*}
Hence Corollary \ref{cor:key} and Lemma \ref{lem:marking g=0}
imply that the function
$(a,b,n,s)\in\mathcal U_{i} \mapsto\coef[i]{G_{\Delta_{a,b,n}}(0;s)}$ is
polynomial. Furthermore, its degree in $b,n$ and $s$ is $i$, since it
is the maximal degree of a function $\nu_{u,\widetilde u}$.
The degree in the variable $a$ of
$\nu_{u,\widetilde u}(a,b,n,s)\times \Phi_{i-\operatorname{codeg}(u,\widetilde u)}(a-1)$
is at most
\[
i-\operatorname{codeg}(u,\widetilde u)+\sum_{j=1}^i(u_j+\widetilde u_j)
= i-\sum_{j=2}^{i}(j-1)\ (u_j +\widetilde u_j).
\]
Hence this degree is at most $i$, with equality if $u=\widetilde u=0$.
\end{proof}
\subsection{$b=0$ and $n$ fixed}\label{sec:g=b=0}
Here we explain how to modify the proof of Theorem \ref{thm:main1 expl g0} in
the case when one wants to fix $b=0$ and $n\ge 1$. This covers in
particular the case of $X_{\Delta_d}=\mathbb{C}P^2$.
The difference with Section \ref{sec:g=0 gen} is that now a floor diagram $\mathcal{D}$
contributing to
$ \coef[i]{G_{\Delta_{a,0,n}}(0;s)}$ may have several maximal floors for
the order $\o$. Nevertheless for fixed $n$ and $i$, we show that the set of possible
configurations of these multiple maximal floors is finite and does not depend
on $a$.
In order to do so, we introduce the notion of \emph{capping
tree}.
\begin{defi}\label{def:capping}
A \emph{capping tree}
with Newton polygon $\Delta_{a,n}$ is
a couple
$\mathcal{T}=(\Gamma, \omega)$ such that
\begin{enumerate}
\item $\Gamma$ is a connected weighted oriented tree
with $a$ floors and with no
sources nor sinks;
\item $\Gamma$ has a unique minimal floor $v_1$, and
$\Gamma\setminus \{v_1\}$ is not connected;
\item for every floor $v\in V(\Gamma)\setminus \{v_1\}$,
one has $ \operatorname{div}(v)=n$.
\end{enumerate}
The codegree of a capping tree $\mathcal{T}$ with Newton polygon
$\Delta_{a,n}$ is defined as
\[
\operatorname{codeg}(\mathcal{T})=\frac{(a-1)(na-2)}{2}-\sum_{e\in E(\mathcal{T})}(\omega(e)-1)
\]
\end{defi}
\begin{figure}[h]
\begin{center}
\begin{tabular}{ccc}
\includegraphics[height=3cm, angle=0]{Figures1/ExTopping1.pdf}
\put(-78,22){$2$}
&\hspace{3cm}
& \includegraphics[height=3cm, angle=0]{Figures1/ExTopping2.pdf}
\put(-78,22){$2$}
\put(-15,22){$2$}
\end{tabular}
\end{center}
\caption{Two examples of capping trees of codegree 2}
\label{fig:ex top}
\end{figure}
\begin{exa}
Examples of capping tree of codegree 2 and with Newton polygon $\Delta_{4,1}$ and
$\Delta_{3,2}$ are depicted in Figure \ref{fig:ex top}. We use the
same convention to depict capping trees than to depict floor diagrams.
\end{exa}
\begin{lemma}\label{lem:codeg capping}
A capping tree with Newton polygon
$\Delta_{a,n}$ has codegree at least $n(a-2)$.
\end{lemma}
\begin{proof}
Let $\mathcal{T}$ be such capping tree, and denote by
$\omega_1,\cdots,\omega_k$ the weight of the elevators of $\mathcal{T}$ adjacent
to $v_1$, and by $a_1,\cdots,a_k$ the number of floors of the
corresponding connected component of $\mathcal{T}\setminus\{v_1\}$.
By Definition \ref{def:capping},
one has
$\omega_j=na_j$.
By a
finite succession of operations $A^+$ and applications
of Lemma
\ref{lem:codegree}, we reduce the proof
successively to the
case when
\begin{enumerate}
\item $\o$ induces a total order on each connected component of
$\mathcal{T}\setminus\{v_1\}$;
\item $k=2$.
\end{enumerate}
\begin{figure}[h]
\begin{center}
\begin{tabular}{ccc}
\includegraphics[height=4cm, angle=0]{Figures1/ExToppingT.pdf}
\put(-55,10){$v_1$}
\put(-15,28){$na_1$}
\put(-108,28){$na_2$}
&\hspace{1cm}
& \includegraphics[height=4cm, angle=0]{Figures1/ExToppingTp.pdf}
\put(-55,10){$v_1$}
\put(-42,28){$n(a-1)$}
\put(-42,67){$n(a-2)$}
\\ $\mathcal T$&& $\mathcal T'$
\end{tabular}
\end{center}
\caption{Bounding $\operatorname{codeg}(\mathcal T)$ from below}
\label{fig:capping T'}
\end{figure}
By two additional operations $A^+$, we construct a capping tree
$\mathcal T'$ such that (see Figure \ref{fig:capping T'})
\[
\operatorname{codeg}(\mathcal T)\ge \operatorname{codeg}(\mathcal T')+n(a_1+a_2-1)= \operatorname{codeg}(\mathcal T')+n(a-2).
\]
This proves the lemma since $ \operatorname{codeg}(\mathcal T')\ge 0$.
\end{proof}
\begin{proof}[Proof of Theorem \ref{thm:main1 expl g02}]
Let $\mathcal{D}$ be a floor diagram of genus 0, with Newton polygon
$\Delta_{a,0,n}$, and of codegree at most $i$.
Suppose that $\mathcal{D}$ has $k_b\ge 2$ minimal floors for $\o$.
Then exactly as in the proof of Lemma
\ref{lem:d rat}, we have that
\[
\operatorname{codeg}(\mathcal{D})\ge n(k_b-1)\left(a-\frac{k_b}{2}\right)\ge n(a-1)\ge
n(i+1)>i.
\]
This contradicts our assumptions, and $k_b=1$.
Suppose that $\mathcal{D}$ has at least two maximal floors.
Denote by $v_o$ the lowest floor
of $\mathcal{D}$ having at least two adjacent outgoing elevators.
Since $k_b=1$, the order $\o$ induces a total ordering on
floors $v$ of $\mathcal{D}$ such that $v\o v_o$. Let $\mathcal{T}$ be the weighted
subtree of $\mathcal{D}$
obtained by removing from $\mathcal{D}$ all elevators and floors strictly below
$v_o$, and denote by $a_o$ the number of floors of $\mathcal{T}$.
Suppose that $\mathcal{T}$ is not a capping tree, i.e.
$E^{-\infty}(\mathcal{T})\ne\emptyset$. By a finite succession of $A^-$
operations, we construct a floor diagram $\mathcal{D}'$ with the same floors
than $\mathcal{D}$, the same elevators as well, except for
elevators in $E^{-\infty}(\mathcal{T})$,
which become adjacent to $v_o$
in $\mathcal{D}'$. By Lemma
\ref{lem:codegree}, we have
\[
\operatorname{codeg}(\mathcal{D})>\operatorname{codeg}(\mathcal{D}').
\]
Let $\mathcal{T}'$ be the capping
tree
obtained by removing from $\mathcal{D}'$ all elevators and floors strictly below
$v_o$. By Lemma \ref{lem:codeg capping},
it
has codegree at least $n(a_o-2)$.
Since at least one elevator in $E^{-\infty}(\mathcal{D}')$ is adjacent to
$v_o$, we deduce that
\[
\operatorname{codeg}(\mathcal{D}')\ge n(a_o-2) + a-a_o = a +(n-1)a_o -2n.
\]
Since $a_o\ge 3$, we obtain
\[
\operatorname{codeg}(\mathcal{D}')\ge a +n-3\ge i.
\]
As a consequence we get that $\operatorname{codeg}(\mathcal{D})>i$,
contrary to our assumption that $\mathcal{T}$ is a capping tree.
\begin{figure}[h]
\begin{center}
\begin{tabular}{c}
\includegraphics[height=9.2cm, angle=0]{Figures1/D_gen02.pdf}
\put(-100,35){$v_1$}
\put(-80,68){$v_2$}
\put(-50,113){$v_{i+1}$}
\put(-45,235){$\mathcal{T}$}
\put(-62,-10){$u_1$}
\put(-20,-10){$u_{i}$}
\end{tabular}
\end{center}
\caption{$\operatorname{codeg}(\mathcal{T})+\sum_{j=1}^i ju_j\le i$.}
\label{fig:d rat2}
\end{figure}
Hence the floor diagram $\mathcal{D}$
either is $\mathcal{D}_{a,0,n,u,0}$, or
looks like the floor diagram
$\mathcal{D}_{a,0,n,u,0}$,
except that the top part is replaced by a capping tree of codegree at
most $i$.
In any case $\mathcal{D}$ looks like the floor diagram depicted in Figure
\ref{fig:d rat2} where $\mathcal{T}$ is either a single vertex or a
capping tree of codegree at
most $i$.
Note that the number of edges $e$ of $\mathcal{D}$ with
$\omega(e)\le i-\operatorname{codeg}(\mathcal{D})$, as well as
the Laurent polynomial
\[
P(q)=\prod_{\substack{e\in E^0(\mathcal{D})\\ \omega(e)\le i-\operatorname{codeg}(\mathcal{D})}}[w(e)]^2
\]
do not depend on $a$. Indeed, let $k$ such that there
exists $l\ge k$ with $u_l\ne 0$. Denoting by $e$ the elevator $e\in E^0(\mathcal{D})$ adjacent to the floors $v_k$ and $v_{k+1}$, we have that
\[
\omega(e)=n(a-k)-\sum_{j=k}^i u_j> i-k+1 -\sum_{j=k}^i u_j\ge
i-\sum_{j=k}^i ju_j\ge i-\operatorname{codeg}(\mathcal{D}).
\]
Hence by Corollary \ref{cor:key2}, the coefficient
$\coef[i-\operatorname{codeg}(\mathcal{D})]{\mu(\mathcal{D})}$ is polynomial in $a$ of degree $i-\operatorname{codeg}(\mathcal{D})$.
Furthermore since $an\ge i+2s$, any increasing bijection
\[
\left\{n(\mathcal{D})-\operatorname{Card}(V(\mathcal{T}) \cup E(\mathcal{T})) ,\cdots, n(\mathcal{D})\right\}\longrightarrow V(\mathcal{T}) \cup
E(\mathcal{T})
\]
extends to exactly $\widetilde \nu_{u}(a,0,n,s)$ markings of $\mathcal{D}$
compatible with $\{1,\cdots,2s\}$.
Since there exists finitely many such increasing maps,
and
finitely many capping trees of codegree at
most $i$ by Lemma \ref{lem:codeg capping}, the end of the proof
is now entirely analogous to the proof of
Theorem \ref{thm:main1 expl g0}.
\end{proof}
\subsection{Polynomiality with respect to $s$}
\input{erwan2.tex}
\subsection{Results}
Tropical refined invariants of toric surfaces have been introduced
in \cite{BlGo14} and further explored in several directions since then, see for example
\cite{IteMik13,FiSt15,BlGo14bis,GoKi16, Mik15,NPS16,
Shu18,BleShu17,Bou17,GotSch16,Bou19,Blo19,Bru18, Blo20a,Blo20b}.
In this paper, we study the polynomial behavior of the coefficients
of these tropical refined
invariants, in connection with node polynomials and Göttsche conjecture
on
one hand, and with Welschinger invariants on the other hand.
Our methods are entirely combinatorial and do not require any
specific knowledge in complex or real enumerative
geometry, nor in tropical, algebraic or symplectic geometry. Nevertheless
our work probably only gains meaning in the light of these frameworks,
so we briefly indicate below how tropical refined invariants arose
from enumerative geometry considerations, and
present some further connections in Section \ref{sec:got}.
We also provide in Section \ref{sec:comp} a few explicit computations
in genus 0
that are interesting to interpret in the light of Section \ref{sec:got}.
\medskip
Given a convex integer polygon $\Delta\subset\mathbb{R}^2$, i.e. the convex hull of
finitely many points in $\mathbb{Z}^2$,
Block and Göttsche proposed in \cite{BlGo14}
to enumerate irreducible tropical
curves with Newton polygon $\Delta$ and genus $g$ as proposed in \cite{Mik1},
but replacing Mikhalkin's complex multiplicity with its
quantum analog.
Itenberg and Mikhalkin proved in \cite{IteMik13} that the obtained
symmetric Laurent polynomial in the variable $q$
does not depend on the configuration of points
chosen to define it. This Laurent polynomial
is called
a \emph{tropical refined invariant} and is denoted by
$G_{\Delta}(g)$.
As a main feature,
tropical refined invariants interpolate between
Gromov-Witten invariants (for $q=1$) and tropical Welschinger
invariants (for $q=-1$) of the toric surface $X_\Delta$
defined by
the polygon $\Delta$.
They are also conjectured to agree with the
$\chi_y$-refinement of Severi degrees of $X_\Delta$
introduced in
\cite{GotShe12}.
Göttsche and Schroeter extended
the work of \cite{BlGo14} in the case when $g=0$.
They defined in \cite{GotSch16} some tropical
refined descendant invariants, denoted by $G_{\Delta}(0;s)$,
depending now on an additional integer parameter $s\in\mathbb{Z}_{\ge 0}$.
On the complex side, the value at $q=1$ of $G_{\Delta}(0;s)$ recovers some
genus 0 relative Gromov-Witten invariants (or some
descendant invariants) of $X_\Delta$. On the real side and when $X_\Delta$ is an
unnodal del Pezzo surface,
plugging $q=-1$ in $G_{\Delta}(0;s)$ recovers Welschinger invariants
counting real algebraic (or
symplectic) rational curves passing through a generic
real configuration of $\operatorname{Card}(\partial \Delta\cap\mathbb{Z}^2)-1$
points in $X_\Delta$ containing exactly
$s$ pairs of complex conjugated points. The case when $s=0$
corresponds to tropical Welschinger invariants, and
$ G_{\Delta}(0;0)=G_{\Delta}(0)$
for any polygon $\Delta$.
For the sake of brevity,
we do not recall the definition of tropical refined invariants in this
paper. Nevertheless we provide in Theorems \ref{thm:fd} and \ref{thm:psi fd} a
combinatorial recipe that computes them when $\Delta$ is an
\emph{$h$-transverse} polygon, via the so-called \emph{floor diagrams}
introduced by Mikhalkin and the first author in \cite{Br7,Br6b}.
Since the present
work in entirely based on these floor diagram computations,
the reader unfamiliar with the invariants
$G_\Delta(g)$ and $G_\Delta(0;s)$ may take Theorems \ref{thm:fd}
and \ref{thm:psi fd} as definitions rather than statements.
\medskip
Denoting by $\iota_\Delta$ the number of integer points contained in
the interior of $\Delta$,
the invariant $G_\Delta(g)$ is non-zero if and only if
$g\in\{0,1,\cdots,\iota_\Delta\}$.
It is known furthermore,
see for example \cite[Proposition 2.11]{IteMik13}, that
in this case $G_\Delta(g)$
has degree\footnote{As for
polynomials, the degree of a Laurent polynomial $\sum_{j=-m}^na_jq^j$
with $a_n\ne 0$
is defined to be $n$.} $\iota_\Delta-g$.
In this paper we establish that
coefficients of
small \emph{codegree} of $G_{\Delta_{a,b,n}}(g)$ and $G_{\Delta_{a,b,n}}(0;s)$ are
asymptotically polynomials in $a,b,n$, and $s$, where
$\Delta_{a,b,n}$ is the convex polygon depicted in
Figure \ref{fig:hirz}.
\begin{figure}[h]
\begin{center}
\begin{tabular}{ccc}
\includegraphics[height=2.5cm]{Figures1/deltaHirz.pdf}
\put(-160,-10){$(0,0)$}
\put(-160,75){$(0,a)$}
\put(-105,75){$(b,a)$}
\put(-15,-10){$(an+b,0)$}
&\hspace{12ex} &
\includegraphics[height=2.5cm]{Figures1/deltaHirz2.pdf}
\put(-160,-10){$(0,0)$}
\put(-160,75){$(0,a)$}
\put(-15,-10){$(an,0)$}
\\ \\ a) $\Delta_{a,b,n}$ && b) $\Delta_{a,0,n}$
\end{tabular}
\end{center}
\caption{}
\label{fig:hirz}
\end{figure}
By definition
the coefficient of codegree $i$ of a Laurent polynomial $P(q)$ of
degree $d$ is its coefficient of degree $d-i$, and is
denoted by $\coef[i]{P}$.
\begin{thm}\label{thm:maing}
For any $i,g\in\mathbb{Z}_{\ge 0}$, the function
\[
\begin{array}{ccc}
\mathbb{Z}_{\ge 0}^3&\longrightarrow & \mathbb{Z}_{\ge 0}
\\ (a,b,n)& \longmapsto & \coef[i]{G_{\Delta_{a,b,n}}(g)}
\end{array}
\]
is polynomial on the set $\mathcal U_{i,g}$
defined by
\[
\left\{\begin{array}{l}
n\ge 1
\\ b> i
\\ b+n> (g+2)i+g
\\ a\ge i+2g+2
\end{array}
\right.
\]
and has degree $i+g$ in each of the variables
$b$ and $n$, and degree $i+2g$ in the variable $a$.
\end{thm}
Theorem \ref{thm:maing} requires $n$ to be positive, and has the
following version for $n=0$.
\begin{thm}\label{thm:maing n=0}
For any $i,g\in\mathbb{Z}_{\ge 0}$, the function
\[
\begin{array}{ccc}
\mathbb{Z}_{\ge 0}^2&\longrightarrow & \mathbb{Z}_{\ge 0}
\\ (a,b)& \longmapsto & \coef[i]{G_{\Delta_{a,b,0}}(g)}
\end{array}
\]
is polynomial on the set defined by
\[
\left\{\begin{array}{l}
b> (g+2)i+g
\\ a\ge i+2g+2
\end{array}
\right.
\]
and has degree $i+g$ in each of the variables $a$ and $b$.
\end{thm}
In connection to Göttsche conjecture (see Section \ref{sec:got}), one may also be interested in
fixing $b=0$ and $n\ge 1$, and varying $a$. Theorem \ref{thm:maing}
can be adapted in this case.
\begin{thm}\label{thm:maing2}
For any $i,g\in\mathbb{Z}_{\ge 0}$, and $n\in\mathbb{Z}_{>0}$, the function
\[
\begin{array}{ccc}
\mathbb{Z}_{\ge 0}&\longrightarrow & \mathbb{Z}_{\ge 0}
\\ a& \longmapsto & \coef[i]{G_{\Delta_{a,0,n}}(g)}
\end{array}
\]
is polynomial of degree $i+2g$ for $a\ge i+2g+2$.
\end{thm}
\begin{exa}\label{exa:g i=0}
Theorem \ref{thm:maing} may be seen as a partial generalisation of the
fact
that for any convex integer polygon $\Delta$, one has
\[
\coef[0]{G_{\Delta}(g)}={{\iota_\Delta}\choose {g}}
\]
(see {\cite[Proposition
2.11]{IteMik13} and \cite[Proposition 4.10]{BlGo14}}). Indeed,
when $\Delta=\Delta_{a,b,n}$, this identity can be rewritten as
\[
\coef[0]{G_{\Delta_{a,b,n}}(g)}={{\frac{a^2n+2ab-(n+2)a -2b +2}{2}}\choose {g}},
\]
which is a polynomial of degree $g$ in the variables $b$ and $n$, and
of degree $g$ or $2g$ in the variable $a$ depending on whether $n=0$
or not.
\end{exa}
The particular case $g=0$ is much simpler to deal with, and the three
above theorems can be made more precise. Since there is the additional
parameter $s$ in this case, one may also study polynomiality with
respect to $s$.
Note that the invariant $G_\Delta(0;s)$ is non-zero if and only if
\[
s\in\left\{0,\cdots,\left[\frac{\operatorname{Card}(\partial \Delta\cap\mathbb{Z}^2)-1}{2}\right]
\right\},
\]
in which case it has degree $\iota_\Delta$.
\begin{thm}\label{thm:main1}
For any $i\in\mathbb{Z}_{\ge 0}$, the function
\[
\begin{array}{ccc}
\mathbb{Z}^4&\longrightarrow & \mathbb{Z}_{\ge 0}
\\ (a,b,n,s)& \longmapsto & \coef[i]{G_{\Delta_{a,b,n}}(0;s)}
\end{array}
\]
is polynomial on the set $\mathcal U_{i}$ defined by
\[
\left\{\begin{array}{l}
an+b\ge i+2s
\\ b>i
\\ a>i
\end{array}
\right. .
\]
Furthermore it has degree $i$ in each of the variables
$a$, $b$, $n$, and $s$.
\end{thm}
Theorem \ref{thm:main1} is an easy-to-state version of
Theorem \ref{thm:main1 expl g0} where we also provide an explicit
expression for $ \coef[i]{G_{\Delta_{a,b,n}}(0;s)}$.
As in the higher genus case, Theorem \ref{thm:main1} can be adapted to the case
when $b=0$ and $n$ is fixed.
\begin{thm}\label{thm:main1 expl g02}
For any $(i,n)\in\mathbb{Z}_{\ge 0}\times\mathbb{Z}_{>0}$, the function
\[
\begin{array}{ccc}
\mathbb{Z}_{\ge 0}^2&\longrightarrow & \mathbb{Z}_{\ge 0}
\\ (a,s)& \longmapsto & \coef[i]{G_{\Delta_{a,0,n}}(0;s)}
\end{array}
\]
is polynomial on the set defined by
\[
\left\{\begin{array}{l}
an\ge i+2s
\\a\ge i+2
\end{array}
\right.
\]
Furthermore it has degree $i$ in each of the variables
$a$ and $s$.
\end{thm}
As mentioned above, floor diagrams allow the computation of the invariants
$G_{\Delta}(g)$ and $G_{\Delta}(0;s)$ when $\Delta$ is an
$h$-transverse polygons. Polygons
$\Delta_{a,b,n}$ are $h$-transverse, but the converse may not be true.
We do not see any difficulty other than technical to generalize all
the above statements to the case of $h$-transverse polygons, in the
spirit of \cite{ArdBlo,BlGo14bis}. Since this paper is already quite
long and technical, we restricted ourselves to the case of polygons
$\Delta_{a,b,n}$.
From an algebro-geometric perspective, these polygons corresponds to
the toric surfaces
$\mathbb{C}P^2$, the $n$-th Hirzebruch surface $\mathbb F_n$, and the
weighted projective plane $\mathbb{C}P^2(1,1,n)$.
\medskip
It emerges from Section \ref{sec:got} that
polynomiality with respect to $s$ deserves a separate study
from polynomiality with respect to $\Delta$.
Clearly, the values $\coef[i]{G_\Delta(0;0)},\cdots,\coef[i]{G_\Delta(0;s_{max})}$
are interpolated by a polynomial of degree at most $s_{max}$, where
\[
s_{max}=\left[ \frac{\operatorname{Card}(\partial \Delta\cap \mathbb{Z}^2)-1}{2}\right].
\]
It is nevertheless reasonable to expect,
at least for ``simple'' polygons,
this interpolation polynomial to be of degree $\min(i,s_{max})$.
Next Theorem
states that this is indeed the case for small values of $i$.
Given a convex integer
polygon $\Delta\subset \mathbb{R}^2$, we denote by
$d_b(\Delta)$ the length of the bottom horizontal edge of
$\Delta$. Note that $d_b(\Delta)=0$ if this edge is reduced to a point.
\begin{thm}\label{thm:poly s}
Let $\Delta$ be an $h$-transverse polygon in $\mathbb{R}^2$.
If
$2i\le d_b(\Delta)+1 $ and $i\le\iota_\Delta$, then the values
$\coef[i]{G_\Delta(0;0)},\cdots,\coef[i]{G_\Delta(0;s_{max})}$
are interpolated by a polynomial of degree $i$, whose leading
coefficient is $\frac{(-2)^i}{i!}$.
If $\Delta=\Delta_{a,b,n}$, then the result holds also for
$2i= d_b(\Delta)+2 $.
\end{thm}
Observe that even when
$\Delta=\Delta_{a,b,n}$, Theorem \ref{thm:poly s} cannot be deduced from neither
Theorems \ref{thm:main1} nor \ref{thm:main1 expl g02}.
Since
the proof of Theorem \ref{thm:poly s} does not seem easier when
restricting
to polygons $\Delta_{a,b,n}$ for $2i\le d_b(\Delta)+1$, we provide a proof valid for any
$h$-transverse polygon.
We expect that the upper bounds $2i\le d_b(\Delta)+1$ and
$2i\le d_b(\Delta)+2$ can be weakened,
nevertheless the proof via floor diagrams becomes more and more
intricate as $i$ grows, as is visible in our proof of Theorem \ref{thm:poly s}.
\subsection{Connection to complex and real enumerative geometry}\label{sec:got}
Let $N_{\mathbb{C}P^2}^\delta(d)$ be the number of
irreducible algebraic curves of degree $d$, with $\delta$ nodes, and
passing through a generic configuration of $\frac{d(d+3)}{2}-\delta$
points in $\mathbb{C}P^2$.
For a fixed $\delta\in\mathbb{Z}_{\ge 0}$, this number is polynomial in $d$ of
degree $2\delta$
for $d\ge \delta +2$. For example, one
has
\begin{align*}
& \forall d\ge 1, \ N_{\mathbb{C}P^2}^0(d)=1
\\& \forall d\ge 3,\ N_{\mathbb{C}P^2}^1(d)=3(d-1)^2
\\ & \forall d\ge 4,\ N_{\mathbb{C}P^2}^2(d)=\frac 3 2(d - 1)(d - 2)(3d^2 - 3d - 11)
\end{align*}
These \emph{node polynomials} have a long history. After some
computations for small values of $\delta$, they were
conjectured to exist for any $\delta$ by Di Francesco and Itzykson in \cite{DiFrIt}.
By around 2000,
they were computed up to $\delta=8$, see \cite{KlePie04} and reference
therein for an historical account.
Göttsche proposed in \cite{Got98} a more general conjecture: given a
non-singular complex algebraic surface $X$, a non-negative integer
$\delta$, and a line bundle $\mathcal L$
on $X$ that is sufficiently ample with respect to $\delta$, the number
$N_X^\delta(\mathcal L)$ of
irreducible algebraic curves in the linear system $|\mathcal L|$, with $\delta$ nodes, and
passing through a generic configuration of
$\frac{\mathcal L^2 + c_1(X)\cdot\mathcal L}{2}-\delta$
points in $X$ equals
$P_\delta(\mathcal L^2, c_1(X)\cdot\mathcal L,c_1(X)^2,c_2(X))$,
with $P_\delta(x,y,z,t)$ a universal polynomial depending only on $\delta$.
Göttsche conjecture was proved in full generality by Tzeng in
\cite{Tze12}, and an alternative proof has been
proposed short after in \cite{KST11}. Both proofs use
algebro-geometric methods.
Fomin and Mikhalkin gave in \cite{FM} a combinatorial proof of Di
Francesco-Itzykson conjecture
by mean of floor diagrams. This was generalized by Ardila and Block
in \cite{ArdBlo}
to a proof of Göttsche conjecture restricted to the case when $X$ is
the toric surface associated to an $h$-transverse polygon.
Ardila and Block's work contains
an interesting outcome: combinatorics
allows one to emancipate from the original realm of Göttsche
conjecture, and to consider algebraic surfaces with mild
singularities as well. We are not aware of any algebro-geometric
approach to Göttsche conjecture in the case of singular surfaces.
Motivated by the paper \cite{KST11}, Göttsche and Shende defined in \cite{GotShe12} a
$\chi_y$-refined version of the numbers $N_X^\delta(\mathcal L)$. In the case
when $X$ is the toric surface $X_\Delta$ associated to the polygon $\Delta$,
these refined invariants are
conjecturally equal to the refined tropical invariants
$G_\Delta(\frac{\mathcal L^2 + c_1(X_\Delta)\cdot\mathcal L}{2}-\delta)$
that were simultaneously defined by Block and Göttsche in
\cite{BlGo14}.
In light of Göttsche conjecture,
it is reasonable to expect the coefficients of
$G_\Delta(\frac{\mathcal L^2 + c_1(X_\Delta)\cdot\mathcal L}{2}-\delta)$ to be
asymptotically
polynomial with respect to $\Delta$.
Block and
Göttsche adapted in \cite{BlGo14}
the methods from \cite{FM,ArdBlo} to show
that this is indeed the case.
\medskip
In all the above story, the parameter $\delta$ is fixed and the line bundle
$\mathcal L$ varies. In other words, we are enumerating algebraic
curves with a fixed number of nodes in a varying linear system.
In particular, the genus of the curves under enumeration in
the linear system $d\mathcal L$ grows quadratically with respect to $d$.
On a kind of dual setup, one may fix the genus of curves under
enumeration. For example one may consider the numbers
$N^{\frac{(d-1)(d-2)}{2}-g}_{\mathbb{C}P^2}(d)$ in the case of $\mathbb{C}P^2$, and
let $d$ vary. However in this case it seems hopeless to seek for any
polynomiality behavior. Indeed, the sequence
$N^{\frac{(d-1)(d-2)}{2}-g}_{\mathbb{C}P^2}(d)$ tends to infinity more than
exponentially fast.
This has been proved by Di Francesco and Itzykson in
\cite{DiFrIt} when $g=0$, and the general case can be obtained for example by an
easy adaptation of the proof of Di Francesco and Itzykson's result
via floor diagrams proposed in \cite{Br6b,Br10}.
Nevertheless, our results can be interpreted as a resurgence of Göttsche conjecture
at the refined level: coefficients of small codegrees of
$G_{\Delta_{a,b,n}}(g)$ behave polynomially asymptotically with respect to $(a,b,n)$.
It is somewhat reminiscent of Itenberg-Kharlamov-Shustin
conjecture \cite[Conjecture 6]{IKS2}: although it has been shown to be wrong in
\cite{Wel4,Br8}, its refined version turned out to be true by
\cite[Corollary 4.5]{Bru18} and Corollary \ref{cor:decreasing} below.
Anyhow, it may be interesting to understand further this resurgence of
Göttsche conjecture.
In the same range of ideas, it may worth to investigate the existence
of universal polynomials
giving asymptotic values of
$\coef[i]{G_{\Delta_{a,b,n}}(g)}$. It follows from Examples
\ref{exa:coef g0} and \ref{exa:coef g0 bis} that the polynomials whose
existence is attested in Theorems \ref{thm:maing} and
\ref{thm:maing2} are not equal.
Nevertheless,
we do not know whether there
exists a universal polynomial $Q_{g,i}(x,y,z,t)$ such that,
under the assumption that the toric
surface $X_{\Delta_{a,b,n}}$ is non-singular, the
equality
\[
\coef[i]{G_{\Delta_{a,b,n}}(g)}=Q_{g,i}(\mathcal L_{a,b,n}^2,
c_1(X_{\Delta_{a,b,n}})\cdot\mathcal L_{a,b,n},c_1(X_{\Delta_{a,b,n}})^2,c_2(X_{\Delta_{a,b,n}}))
\]
holds in each of the three regions described in Theorems
\ref{thm:maing},
\ref{thm:maing n=0}, and
\ref{thm:maing2}. In the above expression $\mathcal L_{a,b,n}$ denotes
the line bundle on $X_{\Delta_{a,b,n}}$ defined by $\Delta_{a,b,n}$.
As explained in \cite[Section 1.3]{ArdBlo}, it is unclear what
should generalize the four intersection numbers in the above formula
when $X_{\Delta_{a,b,n}}$ is singular.
Recall that the surface $X_{\Delta_{a,b,n}}$ is non-singular precisely
when $b\ne 0$ or $n= 1$, in which case one has
\[
\mathcal L_{a,b,n}^2=a^2n+2ab,
\qquad
c_1(X_{\Delta_{a,b,n}})\cdot\mathcal L_{a,b,n}=(n+2)a+2b,
\]
and
\[
c_1(X_{\Delta_{a,b,n}})^2=8 \mbox{ and } c_2(X_{\Delta_{a,b,n}})=4 \quad\mbox{if }b\ne 0,
\qquad \qquad c_1(X_{\Delta_{a,0,1}})^2=9 \mbox{ and } c_2(X_{\Delta_{a,0,1}})=3.
\]
It follows from the adjunction formula
combined with Pick formula that
\[
\iota_{\Delta_{a,b,n}}= \frac{\mathcal
L_{a,b,n}^2-c_1(X_{\Delta_{a,b,n}})\cdot\mathcal
L_{a,b,n}+2}{2}.
\]
As a consequence, for $i=0$, the universal polynomials $Q_{g,0}$ exist and are given by
\[
Q_{g,0}(x,y,z,t)={{\frac{x-y+2}{2}}\choose{g}}.
\]
At the other extreme, Examples \ref{exa:coef g0} and
\ref{exa:coef g0 bis} suggest that $Q_{0,i}$ may not depend on $x$.
\bigskip
If this kind of ``dual'' Göttsche conjecture phenomenon may come as a
surprise,
polynomiality with respect to $s$ of
$\coef[i]{G_{\Delta_{a,b,n}}(0;s)}$ is quite expected. It
is also related to complex and real enumerative geometry, and
pleads in favor of a more geometric
definition of refined tropical invariants as conjectured, for example, in \cite{GotShe12}.
Given a real projective algebraic surface $X$, we denote by
$W_{X}(d;s)$ the Welschinger invariant of $X$
counting (with signs) real $J$-holomorphic rational curves realizing
the class $d\in H_2(X;\mathbb{Z})$, and
passing through a generic
real configuration of $c_1(X)\cdot d-1$
points in $X$ containing exactly
$s$ pairs of complex conjugated points (see \cite{Wel1,Bru18}).
Welschinger exhibited in \cite[Theorem 3.2]{Wel1} a very simple
relation between Welschinger invariants of a real algebraic surface $X$ and
its blow-up $\widetilde X$ at a real point, with exceptional
divisor $E$:
\begin{equation}\label{eq:w rel}
W_{X}(d;s+1)=W_{X}(d;s) - 2W_{\widetilde X}(d -2[E];s).
\end{equation}
This equation is also obtained in \cite[Corollary 2.4]{Bru18} as a special
case of a formula relating Welschinger invariants of real surfaces
differing by a surgery along a real Lagrangian sphere.
As suggested in \cite[Section 4]{Bru18},
it is reasonable to expect
that such formulas admit a refinement.
The refined Abramovich-Bertram \cite[Corollary 5.1]{Bou19}, proving
\cite[Conjecture 4.6]{Bru18},
provides an evidence for such
expectation.
Hence one may expect that a refinement of
formula $(\ref{eq:w rel})$ holds both for tropical refined invariants from
\cite{BlGo14,GotSch16}
and for
$\chi_y$-refined invariants from \cite{GotShe12}.
As mentioned earlier, one has
\[
G_{\Delta}(0;s)(-1)= W_{X_\Delta}(\mathcal L_\Delta;s)
\]
when $X_\Delta$ is an
unnodal del Pezzo surface. In particular
\cite[Proposition 4.3]{Bru18} and
Proposition \ref{prop:wel} below state precisely that the refinement
of formula $(\ref{eq:w rel})$
holds true in the tropical set-up when both $X_\Delta$ and
$\widetilde{X_\Delta}$ are unnodal toric del Pezzo surfaces.
In any event, reducing inductively to $s=0$,
one sees easily that $\coef[i]{G_{\Delta}(d,0;s)}$ is polynomial of
degree $i$ in $s$ if one takes for granted that
\begin{itemize}
\item tropical refined invariants $ G_{\Delta}(0;s)$ generalize
to some $\chi_y$-refined tropical invariants
$G_{X,\mathcal L}(0;s)$, where $X$ is an arbitrary projective
surface and $\mathcal L\in Pic(X)$ is a line bundle;
\item $G_{X,\mathcal L}(0;s)$ is a symmetric Laurent series of degree
$\frac{\mathcal L^2-c_1(X)\cdot \mathcal L+2}{2} $
with leading coefficient equal to 1;
\item a refined version of formula $(\ref{eq:w rel})$ holds for
refined invariants $G_{X,\mathcal L}(0;s)$.
\end{itemize}
Since none of the last three conditions are established yet, Theorem
\ref{thm:poly s} may be seen as an evidence that these conditions
actually hold.
\bigskip
To end this section, note that all the mentioned asymptotical problems
require to fix either the number $\delta$ of nodes
of the curves under enumeration, or their genus $g$.
These two numbers are related by the adjunction formula
\[
g+\delta = \frac{\mathcal L^2-c_1(X)\cdot \mathcal L+2}{2}.
\]
One may wonder whether these asymptotical results generalize when both
$g$ and $\delta$ are allow to vary, as long as they satisfy the above equation.
\subsection{Some explicit computations in genus 0}\label{sec:comp}
Here we present a few computations that illustrates Theorems \ref{thm:main1 expl g0},
\ref{thm:main1 expl g02}, and \ref{thm:poly s}, and which, in the light of Section
\ref{sec:got}, may point towards interesting directions.
\begin{exa}\label{exa:coef g0}
Theorem \ref{thm:main1 expl g0} allows to compute
$\coef[i]{G_{\Delta_{a,b,n}}(0;s)}$ for small values of $i$.
For example
one computes easily that
(recall that the sets $\mathcal U_i$ are defined in the statement of Theorem \ref{thm:main1})
\[
\forall (a,b,n)\in\mathcal U_{1},\ \coef[1]{G_{\Delta_{a,b,n}}(0;s)}=(n+2)a+2b+2-2s.
\]
In relation to Göttsche conjecture, one may try to express
$\coef[i]{G_{\Delta_{a,b,n}}(0;s)}$
in terms of topological numbers related to the linear
system $\mathcal L_{a,b,n}$ defined
by the polygon $\Delta_{a,b,n}$ in the Hirzebruch surface
$X_{\Delta_{a,b,n}}=\mathbb F_n$. Surprisingly, the values of
$\coef[i]{G_{\Delta_{a,b,n}}(0;s)}$ we computed can be expressed in
terms of $c_1(\mathbb F_n)\cdot \mathcal L_{a,b,n}=(n+2)a+2b$ and $s$
only.
Furthermore expressing these values in terms of the number of real points rather
than in terms of the number $s$ of pairs of complex conjugated points
simplify even further the final expressions.
More
precisely, setting $y=(n+2)a+2b$ and $t=y-1-2s$, we obtain
\begin{align*}
& \coef[0]{G_{\Delta_{a,b,n}}(0;s)}=1
\\&\coef[1]{G_{\Delta_{a,b,n}}(0;s)}=t+3
\\&\coef[2]{G_{\Delta_{a,b,n}}(0;s)}=\frac{t^2 + 6t + y + 19}{2}
\\&\coef[3]{G_{\Delta_{a,b,n}}(0;s)}=\frac{t^3 + 9t^2 + (3y + 59)t + 9y + 147}{3!}
\\&\coef[4]{G_{\Delta_{a,b,n}}(0;s)}=\frac{t^4 + 12t^3 + (6y + 122)t^2 + (36y + 612)t + 3y^2 + 120y + 1437}{4!}
\\&\coef[5]{G_{\Delta_{a,b,n}}(0;s)}=\frac{1}{5!}\times \left(
t^5 + 15t^4 + (10y + 210)t^3 + (90y + 1590)t^2 + (15y^2 + 620y +
7589)t\right.
\\ & \qquad\qquad\qquad\qquad\qquad\quad\left. + 45y^2 + 1560y + 16035\right)
\\&\coef[6]{G_{\Delta_{a,b,n}}(0;s)}=\frac{1}{6!}\times \left(
t^6 + 18t^5 + (15y + 325)t^4 + (180y + 3300)t^3 + (45y^2 + 1920y +
24019)t^2\right.
\\ & \qquad\qquad\qquad\qquad\qquad\quad\left.
+ (270y^2 + 9720y + 102522)t + 15y^3 + 945y^2 + 23385y + 207495\right)
\end{align*}
for any $(a,b,n,s)$ in the corresponding $\mathcal U_{i}$.
It appears from these computations that the polynomial
$\coef[i]{G_{\Delta_{a,b,n}}(0;s)}$
has total degree $i$ if $t$ has degree 1 and $y$ and degree 2. In
addition,
its coefficients
seem to be all positive and to also have some polynomial
behavior with respect to $i$:
\[
i!\times \coef[i]{G_{\Delta_{d}}(0;s)}=
t^i+ 3it^{i-1} + \frac{i(i-1)}{6}\left( 3y+ 2i +53\right)t^{i-2}
+
\frac{i(i-1)(i-2)}{2}\left( 3y +2i + 43\right )t^{i-3}
+
\cdots
\]
It could be interesting to study further these observations.
\end{exa}
\begin{exa}\label{exa:coef g0 bis}
Throughout
the text, we use the more common notation $\Delta_d$ rather than $\Delta_{d,0,1}$.
It follows from Theorem \ref{thm:main1 expl g02} combined with
Examples \ref{exa:fd cubic s} and \ref{exa:G quartic} that
\[
\forall d\ge 3,\ \coef[1]{G_{\Delta_{d}}(0;s)}=3d+1-2s.
\]
Further computations allow one to compute
$\coef[i]{G_{\Delta_{d}}(0;s)}$ for the first values of $i$. Similarly to
Example \ref{exa:coef g0},
it is interesting to express
$\coef[i]{G_{\Delta_{d}}(0)}$
in terms of $y=3d=c_1(\mathbb{C}P^2)\cdot d\mathcal L_1$ and $t=y-1-2s$:
\begin{align*}
&\forall d\ge 3,\ \coef[1]{G_{\Delta_{d}}(0;s)}=t+2
\\ & \forall d\ge 4,\ \coef[2]{G_{\Delta_{d}}(0;s)}= \frac{t^2 + 4t + y + 11}{2}
\\&\forall d\ge 5,\ \coef[3]{G_{\Delta_{d}}(0;s)}=\frac{t^3 + 6t^2 + (3y + 35)t + 6y + 72}{3!}
\\&\forall d\ge 6,\ \coef[4]{G_{\Delta_{d}}(0;s)}=\frac{t^4 + 8t^3 + (6y + 74)t^2 + (24y + 304)t + 3y^2 + 72y + 621}{4!}
\\&\forall d\ge
7,\ \coef[5]{G_{\Delta_{d}}(0;s)}=\frac{1}{5!}\times\left(
t^5 + 10t^4 + (10y + 130)t^3 + (60y + 800)t^2 + (15y^2 + 380y +
3349)t \right.
\\ & \qquad\qquad\qquad\qquad\qquad\qquad\quad \left. + 30y^2 + 780y + 6030\right)
\end{align*}
We observe the same phenomenon for
the coefficients of the polynomial
$\coef[i]{G_{\Delta_{d}}(0;s)}$ than in Example \ref{exa:coef g0}. In particular
they
seem to have some polynomial
behavior with respect to $i$:
\[
i!\times \coef[i]{G_{\Delta_{d}}(0;s)}=
t^i+ 2it^{i-1} + \frac{i(i-1)}{6}\left(3y+ 2i +29\right)t^{i-2}
+
\frac{i(i-1)(i-2)}{3}\left( 3y +2i + 30\right )t^{i-3}
+
\cdots
\]
\end{exa}
\begin{exa}
For $n\ge 2$, one computes easily that
\[
\coef[1]{G_{\Delta_{2,0,n}}(0;s)}=2n+2-2s=c_1(\mathbb F_n)\cdot \mathcal L_{2,0}-2s.
\]
In particular, one notes a discrepancy with the case of $\mathbb{C}P^2$, ie
when $n=1$. This originates probably from the fact that the toric complex
algebraic surface $X_{\Delta_{a,0,n}}$ is singular
as soon as $n\ge 2$.
\end{exa}
\begin{exa}
Here we illustrate Theorem \ref{thm:poly s} in the case of $\Delta_4$.
According to Example \ref{exa:G quartic} and setting $t=11-2s$, one has
\begin{align*}
G_{\Delta_4}(0;s)=& q^{-3} & +& (2+t) q^{-2} &+&
\frac{t^2+4t+23}{2} q^{-1} &+&
\frac{t^3 + 3t^2 + 59t + 81}{6}+
\\ & q^3 &+& (2+t) q^{-2}&+&\frac{t^2+4t+23}{2} q \ .
\end{align*}
In particular one has
\[
\coef[3]{G_{\Delta_{4}}(0;s)}=\frac{t^3 + 3t^2 + 59t + 81}{6}
\ne \frac{t^3 + 6t^2 + (3\times 12 +35)t + 6\times 12+ 72}{6}
\]
meaning that the threshold $d\ge i+2$ in Example \ref{exa:coef g0 bis} is sharp.
\end{exa}
\subsection{Method and outline of the paper}
Fomin and Mikhalkin were the first to use floor diagrams
to address Göttsche conjecture in \cite{FM}.
The basic strategy, further developed by Ardila and Block in
\cite{ArdBlo}, is to
decompose floor diagrams into elementary building blocks,
called \emph{templates}, that are suitable for a combinatorial treatment.
Even though the basic idea
to prove Theorems
\ref{thm:maing}, \ref{thm:maing n=0}, and \ref{thm:maing2}, is to
follow this
overall strategy, the
building blocks and their combinatorial treatment we need here differ from
those used in \cite{FM,ArdBlo}.
However in the special case when $g=0$, the situation simplifies
drastically, and there is no need of the templates machinery to prove
Theorems \ref{thm:main1} and
\ref{thm:main1 expl g02}.
Indeed, one can
easily describe all floor diagrams coming into play, and perform a
combinatorial study by hand. In particular, we are able to
provide an explicit
expression for $ \coef[i]{G_{\Delta_{a,b,n}}(0;s)}$ in Theorem \ref{thm:main1 expl g0}.
On the other hand, we use another
strategy than the one from \cite{FM,ArdBlo} to tackle polynomiality
with respect to $s$ when $\Delta$ is fixed.
We prove Theorem \ref{thm:poly s}
by establishing that the sequence $(\coef[i]{G_\Delta(0;s)})_s$ is interpolated
by a polynomial whose $i$th discrete derivative (or $i$th difference)
is constant.
\medskip
The remaining part of this paper is organized as follows. We start by
recalling the definition of floor diagrams in Section \ref{sec:floor},
and how to use them to compute tropical refined invariants of $h$-transverse
polygons.
In particular, Theorems \ref{thm:fd}
and \ref{thm:psi fd} may be considered as definitions of these
invariants for readers unfamiliar with tropical geometry.
We collect some general facts about codegrees that will be used
throughout the text in Section \ref{sec:codeg}. In Section
\ref{sec:g=0},
we prove polynomiality
results for tropical refined invariants in genus 0. We first treat the
very explicit case when $\Delta=\Delta_{a,b,n}$ with $b\ne 0$, before turning
to the slightly more technical situation when $b$ vanishes. We end
this section by proving polynomiality with respect to $s$ alone with
the help of
discrete derivatives.
Lastly, Section \ref{sec:gen} is devoted to higher genus and
becomes more technical. We define
a suitable notion of templates, and adapt the proofs from Section
\ref{sec:g=0} in this more general situation.
Some well-known or easy identities on quantum numbers are recast
in Appendix \ref{app:quantum int} in order to ease the reading of the text.
\bigskip
\noindent{\bf Acknowledgment.}
This work is
partially supported by the grant TROPICOUNT of Région Pays de la
Loire, and the ANR project ENUMGEOM NR-18-CE40-0009-02.
\section{Higher genus case}\label{sec:gen}
The generalization of Theorems \ref{thm:main1} and
\ref{thm:main1 expl g02} to higher genus is quite technical and requires some care.
Following \cite{FM} and \cite{ArdBlo}, we prove Theorems \ref{thm:maing},
\ref{thm:maing n=0}, and \ref{thm:maing2}
by decomposing floor diagrams into elementary building blocks that
we call \emph{templates}. Although templates from this paper
differ from those from \cite{FM} and \cite{ArdBlo}, we
borrow their terminology since we follow the overall strategy exposed
in \cite{FM}.
\subsection{Templates}
Recall that the orientation of an oriented acyclic graph $\Gamma$
induces a partial ordering $\o$
on $\Gamma$.
Such oriented graph $\Gamma$ is said to be \emph{layered} if $\o$
induces a total order on vertices of $\Gamma$.
A layered graph $\Gamma$ is necessarily connected.
We say that an edge $e$ of $\Gamma$
is \emph{separating} if $\Gamma\setminus\{e\}$ is disconnected, and if
$e$ is comparable with any element of $\Gamma\setminus\{e\}$.
A \emph{short edge} of $\Gamma$ is an edge
connecting two consecutive vertices of $\Gamma$, and we denote by
$E^c(\Gamma)$ the set of short edges of $\Gamma$.
\begin{defi}\label{defi:template}
A \emph{template} is a couple~$\Theta=(\Gamma,\omega)$ such that
\begin{enumerate}
\item $\Gamma$ is a layered acyclic oriented graph with no separating edge;
\item
$\omega$ is a weight function
$E(\Gamma)\setminus E^c(\Gamma)\to \mathbb{Z}_{>0}$;
\item every edge in $E^{\pm\infty}(\Gamma)$ has weight 1.
\end{enumerate}
\end{defi}
Similarly to floor diagrams, we will not distinguish between a
template $\Theta$ and its underlying graph, and the \emph{genus} of
$\Theta$ is defined to be its
first Betti number.
A template $\Theta$ which is not reduced to a vertex and for which
$E^{\pm\infty}(\Theta)=\emptyset$ is called \emph{closed}.
Denoting by
$v_1\prec v_2 \prec \cdots \prec v_{l(\Theta)}$
the vertices of~$\Theta$, we define $c(e)$ for a non-short edge $e$ by
\begin{itemize}
\item $c(e)=j-1$ if $e\in E^{-\infty}(\Theta)$ is adjacent to $v_j$;
\item $c(e)=j$ if $e\in E^{+\infty}(\Theta)$ is adjacent to $v_{l(\Theta)-j}$;
\item $c(e)= (k-j-1)\ \omega(e)$ if
$e\in E^0(\Theta)\setminus E^c(\Theta)$
is adjacent to $v_j$ and $v_k$ with $v_j\o v_k$.
\end{itemize}
Finally, we defined the \emph{codegree} of $\Theta$ by
\[
\operatorname{codeg}(\Theta)=\sum_{e\in E(\Gamma)\setminus E^c(\Gamma)} c(e).
\]
The integer $l(\Theta)$ is called the \emph{length} of $\Theta$.
\begin{exa}
We depicted in Figure \ref{fig:ex temp} all templates of genus at most 1 and
codegree at most 2. Note that for a fixed $g$ and $i$, there are
finitely many templates of genus $g$ and codegree $i$.
\begin{figure}[h]
\begin{center}
\begin{tabular}{|l|c|c|c|c|c|c|c|c|c|c|c|c|}
\cline{2-12} \multicolumn{1}{c|}{} & \includegraphics[width=0.75cm]{Figures1/T1.pdf}&
\includegraphics[width=1cm]{Figures1/T4.pdf}&
\includegraphics[width=1cm, origin=c, angle=180]{Figures1/T4.pdf}&
\includegraphics[width=1cm]{Figures1/T5.pdf}&
\includegraphics[width=1cm, origin=c, angle=180]{Figures1/T5.pdf}&
\includegraphics[width=1cm]{Figures1/T6.pdf}&
\includegraphics[width=1cm, origin=c, angle=180]{Figures1/T6.pdf}&
\includegraphics[width=0.75cm]{Figures1/T2.pdf}&
\includegraphics[width=1cm]{Figures1/T7.pdf}&
\includegraphics[width=1cm, origin=c, angle=180]{Figures1/T7.pdf}&
\includegraphics[width=0.9cm]{Figures1/T8.pdf}
\\ \hline
\mbox{genus}& $0$ & $0$ & $0$ & $0$ & $0$ & $0$ & $0$ & $1$ & $1$ & $1$ & $1$
\\ \hline \mbox{codegree}&$0$ &$1$&$1$&$2$&$2$ & $2$ & $2$ & 0 & 1 &
1 & 1
\\ \hline \mbox{length}&$1$ &$2$&$2$&$2$&$2$ & $3$ & $3$ & 2 & 2 &
2 & 3
\\\hline
\end{tabular}
\\ $ $ \\$ $ \\
\begin{tabular}{|l|c|c|c|c|c|c|c|c|c|c|}
\cline{2-11} \multicolumn{1}{c|}{}&
\includegraphics[width=1cm]{Figures1/T9.pdf}&
\includegraphics[width=1cm, origin=c, angle=180]{Figures1/T9.pdf}&
\includegraphics[width=1cm]{Figures1/T10.pdf}&
\includegraphics[width=1cm, origin=c, angle=180]{Figures1/T10.pdf}&
\includegraphics[width=1cm]{Figures1/T11.pdf}&
\includegraphics[width=1cm, origin=c, angle=180]{Figures1/T11.pdf}&
\hspace{0.5ex} \includegraphics[width=0.9cm]{Figures1/T8.pdf}
\put(-30,15){2}&
\includegraphics[width=0.9cm]{Figures1/T13.pdf}&
\includegraphics[width=0.9cm, origin=c, angle=180]{Figures1/T13.pdf}&
\includegraphics[width=1cm]{Figures1/T14.pdf}
\\ \hline
\mbox{genus}&1& $1$ & $1$ & $1$ & $1$ & $1$ & $1$ & $1$ & $1$ & 1
\\ \hline \mbox{codegree}&2& $2$ &$2$& 2 & 2 & 2 & 2& 2 & 2 &2
\\ \hline \mbox{length}&$2$ &$2$&$3$&$3$&$3$ & $3$ & $3$ & 3 & 3 &
4
\\\hline
\end{tabular}
\end{center}
\caption{Templates of genus at most 1 and codegree at most 2.}
\label{fig:ex temp}
\end{figure}
\end{exa}
\begin{lemma}\label{lem:temp c+g}
Any template $\Theta$ satisfies
\[
\operatorname{codeg}(\Theta)+g(\Theta)\ge l(\Theta)-1.
\]
\end{lemma}
\begin{proof}
The proof goes by induction on $\operatorname{codeg}(\Theta)$.
The lemma holds if $\operatorname{codeg}(\Theta)=0$, since any two consecutive
vertices of $\Theta$ are connected by at least two edges.
If $\operatorname{codeg}(\Theta)>0$, then an operation $A^{\pm}$ produces a graph
$\Theta'$ with
\[
l(\Theta')=l(\Theta),
\qquad\qquad
g(\Theta')=g(\Theta),
\qquad\mbox{and}\qquad
\operatorname{codeg}(\Theta')\le \operatorname{codeg}(\Theta)-1.
\]
There are now two cases: either $\Theta'$ is a template, or it
contains a separating edge.
In the former case, the lemma holds by induction.
In the latter case, denote by $e$ the separating edge of
$\Theta'$, and $\Theta_1'$ and $\Theta_2'$ the two connected
components of $\Theta'\setminus\{e\}$. Both $\Theta_1'$ and
$\Theta_2'$ are templates, and one has
\[
l(\Theta'_1)+l(\Theta'_2)=l(\Theta),
\qquad
\operatorname{codeg}(\Theta'_1)+\operatorname{codeg}(\Theta'_2)\le \operatorname{codeg}(\Theta)-1,
\qquad\mbox{and}\qquad
g(\Theta'_1)+g(\Theta'_2)=g(\Theta).
\]
Hence the lemma holds by induction again.
\end{proof}
Given a layered floor diagram $\mathcal{D}=(\Gamma,\omega)$,
we denote by $E^u(\mathcal{D})$ the union of
\begin{itemize}
\item
the set of separating edges $e$ of
$\mathcal{D}$,
\item the set of edges in $E^{-\infty}(\Gamma)$ and $E^{+\infty}(\Gamma)$
adjacent to the minimal and maximal floor of $\mathcal{D}$, respectively,
\end{itemize}
and we denote by
$\mathcal{D}_1,\cdots,\mathcal{D}_l$ the
connected components of
$\mathcal{D}\setminus E^u(\mathcal{D})$ that are not reduced to a non-extremal vertex.
Each $\mathcal{D}_j$ equipped with the
the weight function $\omega|_{E(\mathcal{D}_j)\setminus E^c(\mathcal{D}_j)}$ is a template.
\medskip
Now we explain how to reverse this decomposing process.
A collection of templates $\Xi=(\Theta_1,\cdots,\Theta_m)$
is said to be \emph{admissible} if
$E^{+\infty}(\Theta_1)=E^{-\infty}(\Theta_m)=\emptyset$, and
$\Theta_2,\cdots,\Theta_{m-1}$ are closed.
Given $a\in\mathbb{Z}_{>0}$, we denote by $A_{a}(\Xi)$ the set of sequences of positive
integers
$\kappa=(k_1=1,k_2,\cdots,k_m)$ such that
\begin{itemize}
\item $\forall j\in\{1,\cdots,m-1\},\ k_{j+1}\ge k_j+l(\Theta_j)$;
\item $k_m+l(\Theta_m)= a+1$.
\end{itemize}
Given $\kappa\in A_{a}(\Xi)$ and additional integers $n\ge 0$ and
$b\ge\operatorname{Card}(E^{+\infty}(\Theta_m))$, we
denote by
$B_{a,b,n}(\Xi,\kappa)$ the set of collections
$\Omega=(\omega_1,\cdots,\omega_m)$ where
$\omega_j:E(\Theta_j)\to \mathbb{Z}_{>0}$ is a weight function extending
$\omega_j:E(\Theta)\setminus E^c(\Theta_j)\to \mathbb{Z}_{>0}$
such that
\begin{itemize}
\item $\operatorname{div}(v)=n$ for any non-extremal vertex $v$ of $\Theta_j$;
\item $\operatorname{div}(v)= -\left((a-k_j)n+b\right)$ if
$v$ is the
minimal vertex of $\Theta_j$, when $\Theta_j$ is not reduced to $v$.
\end{itemize}
Note that by definition $\Theta_j$ may be reduced to $v$ only if $j=1$
or $j=m$.
We denote by
\[
\omega_{\Xi,\Omega}: \bigsqcup_{j=1}^m
\Theta_j
\longrightarrow \mathbb{Z}_{>0}
\]
the weight function whose restriction to $\Theta_j$ is $\omega_j$.
Given three integers $a,b,n\ge 0$, an admissible collection of
templates $\Xi=(\Theta_1,\cdots,\Theta_m)$, and two elements
$\kappa\in A_{a}(\Xi)$ and $\Omega\in B_{a,b,n}(\Xi,\kappa)$, we
construct a layered floor diagram $\mathcal{D}$ with Newton polygon $\Delta_{a,b,n}$
as follows:
\begin{enumerate}
\item for each $j\in\{1,\cdots,m-1\}$, connect the maximal vertex of
$\Theta_j$ to the minimal vertex of $\Theta_{j+1}$ by a chain of
$k_{j+1}-k_j-l(\Theta_j)+1$ edges, oriented from $\Theta_j$ to $\Theta_{j+1}$; denote by $\widetilde\Gamma_{\Xi,\kappa}$ the resulting graph;
\item extend the weight function
$\omega_{\Xi,\Omega}$ to $\widetilde\Gamma_{\Xi,\kappa}$ such that
each added vertex has divergence $n$; this extended
function is still denoted by $\omega_{\Xi,\Omega}$;
\item
add $an+b -\operatorname{Card}(E^{-\infty}(\Theta_1))$ edges to $E^{-\infty}(\widetilde\Gamma_{\Xi,\kappa})$, all adjacent to the minimal vertex of $\widetilde\Gamma_{\Xi,\kappa}$, and extend $\omega_{\Xi,\Omega}$ by $1$ on these additional edges;
\item
add $b -\operatorname{Card}(E^{+\infty}(\Theta_m))$ edges to $E^{+\infty}(\widetilde\Gamma_{\Xi,\kappa})$, all adjacent to the maximal vertex of $\widetilde\Gamma_{\Xi,\kappa}$, and extend $\omega_{\Xi,\Omega}$ by $1$ on these additional edges; denote by $\Gamma_{\Xi,\kappa}$ the resulting graph.
\end{enumerate}
The resulting weighted graph
$\mathcal{D}_{\Xi,\kappa}=(\Gamma_{\Xi,\kappa},\omega_{\Xi,\Omega})$ is a layered floor
diagram with Newton polygon $\Delta_{a,b,n}$ as announced. Note
also that
\[
g(\mathcal{D}_{\Xi,\kappa})=\sum_{j=1}^m g(\Theta_j)
\qquad\mbox{and}\qquad
\operatorname{codeg}(\mathcal{D}_{\Xi,\kappa})=\sum_{j=1}^m\operatorname{codeg}(\Theta_j).
\]
These two above quantities are called the genus and the codegree of
$\Xi$, respectively.
Next proposition generalizes Lemma \ref{lem:d rat} to higher genera.
\begin{lemma}\label{lem:layered}
Let $a,b,n,i\in\mathbb{Z}_{\ge 0}$ be such that
\[
\left\{\begin{array}{l}
b>i
\\ a>i
\end{array}
\right. .
\]
Then any floor diagram with Newton polygon $\Delta_{a,b,n}$
and of codegree at most $i$ is layered. In particular,
the above construction
establishes a bijection between the set of triples
$(\Xi,\kappa,\Omega)$, with $\Xi$ admissible of genus
$g$ and codegree $i$, with
$\kappa\in A_{a}(\Xi)$ and $\Omega\in B_{a,b,n}(\Xi,\kappa)$ on
one hand, and the
set of floor diagram with Newton polygon $\Delta_{a,b,n}$, of genus
$g$ and codegree $i$ on the other hand.
\end{lemma}
\begin{proof}
The second assertion follows immediately for the first one.
Assume that there exists
a non-layered floor diagram $\mathcal{D}$ with Newton polygon $\Delta_{a,b,n}$
and of codegree at most $i$. This means that there exist two floors $v_1$
and $v_2$ of $\mathcal{D}$ that are not comparable for $\o$.
As in the proof of Lemma~\ref{lem:d rat}, the
floor diagram $\mathcal{D}$ has a unique minimal floor and a unique maximal
floor. By finitely many
applications of moves $A^\pm$ and Lemma \ref{lem:codegree}, we reduce to the case
where
\begin{itemize}
\item $\o$ induces a total order on
$V(\mathcal{D})\setminus\{v_1,v_2\}$;
\item $\mathcal{D}\setminus\{v_1,v_2\}$ is
disconnected;
\item elevators in $E^{\pm\infty}(\mathcal{D})$ are adjacent to an extremal
floor of $\mathcal{D}$;
\item elevators in $E^0(\mathcal{D})$ not adjacent to $v_1$ nor
$v_2$ are adjacent to two consecutive floors;
\item elevators in $E^0(\mathcal{D})$ adjacent to $v_1$ or
$v_2$
are as depicted in Figure
\ref{fig:layered} (where weights are not mentioned).
\end{itemize}
\begin{figure}[h]
\begin{center}
\begin{tabular}{c}
\includegraphics[height=6cm, angle=0]{Figures1/Layered.pdf}
\put(-47,85){$v_2$}
\put(-120,85){$v_1$}
\put(-85,40){$v_0$}
\end{tabular}
\end{center}
\caption{A non-layered floor diagram}
\label{fig:layered}
\end{figure}
Defining
\[
w=\sum_{\underset{v_0 \longrightarrow}{e}}\omega(e),
\]
we have that
\[
w\ge b+3n.
\]
Finitely many
applications of moves $A^\pm$ and Lemma \ref{lem:codegree} also give
\[
\operatorname{codeg}(\mathcal{D})\ge w-n\ge b+2n >i,
\]
in contradiction to our assumption. Hence $\mathcal{D}$ is layered, and the
lemma follows.
\end{proof}
\subsection{Polynomiality of
$(a,b,n)\mapsto\coef[i]{G_{\Delta_{a,b,n}}(g)}$}\label{sec:polg}
Similarly to floor diagrams, we define a
\emph{marking of a template $\Theta$} as
a bijective
map
\[
m\colon\{1,2,\dots,\operatorname{Card}(V(\Theta)\cup E(\Theta))\}\longrightarrow V(\Theta)\cup E(\Theta)
\]
such that
$j\le k$ whenever $m(j)\preccurlyeq m(k)$.
All markings of a given template $\Theta$ are considered
up to
automorphisms
of oriented partially weighted
graph $\varphi:\Theta\longrightarrow \Theta$ such that
and $m=\varphi\circ m'$.
Denoting by
$v_1\prec v_2 \prec \cdots \prec v_{l(\Theta)}$
the vertices of $\Theta$, we define $\gamma_{j}$ to be the number of
edges connecting $v_j$ and $v_{j+1}$, and
\[
\mathcal A(\Theta)=\prod_{j=1}^{l(\Theta)-1} \frac{1}{\gamma_{j}!}.
\]
Next, given an admissible collection of templates
$\Xi=(\Theta_1,\cdots,\Theta_m)$, we set
\[
\mathcal A(\Xi)=\prod_{j=1}^m \mathcal A(\Theta_j).
\]
If $\kappa\in A_{a}(\Xi)$ and
$\Omega\in B_{a,b,n}(\Xi,\kappa)$, any
collection
$M=(M_1,\cdots,M_m) $
of markings of $\Theta_1,\cdots,\Theta_m$
extends uniquely to the graph $\widetilde\Gamma_{\Xi,\kappa}$ constructed out of
$\Xi,\kappa$, and $\Omega$. The number of ways to extend this
marking to a marking of the floor diagram $\mathcal{D}_{\Xi,\kappa}$
does not depend neither on $\kappa$ nor $\Omega$, and is
denoted by $\nu_{\Xi,M}(a,b,n)$. Analogously to the function
$\nu_{u,\widetilde u}$ from Section \ref{sec:g=0 gen}, the
function
$\nu_{\Xi,M}$ is polynomial and has degree at most
$\operatorname{Card}(E^{-\infty}(\Theta_1))+\operatorname{Card}(E^{+\infty}(\Theta_m))$ in each of the variables
$a,b$, and $n$.
\begin{lemma}\label{lem:decomp g}
Let $a,b,n,i\in\mathbb{Z}_{\ge 0}$ be such that
\[
\left\{\begin{array}{l}
b>i
\\ a>i
\end{array}
\right. .
\]
Then for any $g\ge 0$ one has
\[
\coef[i]{G_{\Delta_{a,b,n}}(g)}=\sum_{\Xi,M}
\ \mathcal A(\Xi) \times
\nu_{\Xi,M}(a,b,n)
\sum_{\kappa\in A_{a}(\Xi)}\ \ \sum_{\Omega\in B_{a,b,n}(\Xi,\kappa)}
\ \coef[i-\operatorname{codeg}(\Xi)]{\mu(\mathcal{D}_{\Xi,\Omega}) },
\]
where the first sum ranges over all admissible collections of templates
$\Xi=(\Theta_1,\cdots,\Theta_m)$ of genus $g$ and codegree at most
$i$, and over all collections
of markings $M$
of $\Theta_1,\cdots,\Theta_m$.
\end{lemma}
\begin{proof}
Given a floor diagram $\mathcal{D}$, we denote by $\nu(\mathcal{D})$ its number of markings.
By Theorem \ref{thm:fd}, we have
\[
\coef[i]{G_{\Delta_{a,b,n}}(g)}=\sum_{\mathcal{D}} \nu(\mathcal{D}) \coef[i-\operatorname{codeg}(\mathcal{D})]{\mu(\mathcal{D})},
\]
where the sum is taken over all floor diagrams $\mathcal{D}$ of genus $g$ and
codegree at most $i$. Now the result follows from Lemma \ref{lem:layered}.
\end{proof}
Lemma \ref{lem:decomp g} provides a decomposition of
$\coef[i]{G_{\Delta_{a,b,n}}(g)}$ into pieces that are combinatorially
manageable. We prove the polynomiality of
$\sum_{\Omega\in B_{a,b,n}(\Xi,\kappa)}
\ \coef[i-\operatorname{codeg}(\Xi)]{\mu(\mathcal{D}_{\Xi,\Omega}) }$ in next lemma, from which we deduce a
proof of Theorem \ref{thm:maing}.
\begin{lemma}\label{lem:pol fin}
Let $i,g\in\mathbb{Z}_{\ge 0}$, and $\Xi=(\Theta_1,\cdots,\Theta_m)$
be an admissible collection of templates of
genus $g$ and codegree at most $i$. Given
$(a,b,n)\in \mathbb{Z}_{\ge 0}$ such that
\[
\left\{\begin{array}{l}
n\ge 1
\\ b\ge \operatorname{Card}(E^{+\infty}(\Theta_m))
\\b+n>(g+2)i+g
\\ a\ge l(\Theta_1)+\cdots +l(\Theta_m)
\end{array}
\right.,
\]
and $\kappa\in A_a(\Xi)$, the
sum
\[
\sum_{\Omega\in B_{a,b,n}(\Xi,\kappa)}
\ \coef[i-\operatorname{codeg}(\Xi)]{\mu(\mathcal{D}_{\Xi,\Omega}) }
\]
is polynomial in $a,b,n,k_2,\cdots,k_{m-1}$,
of total degree at most $i-\operatorname{codeg}(\Xi)+g$, and of
\begin{itemize}
\item degree at most $i-\operatorname{codeg}(\Xi)+g$ in the variable $a$;
\item degree at most $g$
in the variables $b$
and $n$;
\item degree at most $g(\Theta_j)$ in the variable $k_j$.
\end{itemize}
\medskip
\noindent
If
$\Xi=(\widetilde\Theta_1,\widetilde\Theta_2,\widetilde\Theta_2,\cdots,\widetilde\Theta_2,\widetilde\Theta_1)$,
with $\widetilde\Theta_1$ and
$\widetilde\Theta_2$ depicted in Figure \ref{fig:Gamma_i},
then the
sum
\[
\sum_{\Omega\in B_{a,b,n}(\Xi,\kappa)}
\ \coef[i]{\mu(\mathcal{D}_{\Xi,\Omega}) }
\]
is polynomial in $a,b,n,k_2,\cdots,k_{g+1}$,
of total degree $i+g$, and of
\begin{itemize}
\item degree $i+g$ in the variable $a$;
\item degree $g$ in the variables $b$ and $n$;
\item degree $g(\widetilde\Theta_2)=1$ in the variable $k_j$.
\end{itemize}
\begin{figure}[h]
\begin{center}
\begin{tabular}{ccccc}
\includegraphics[height=2cm, angle=0]{Figures1/T1.pdf}
&\hspace{1.5cm}
& \includegraphics[height=2cm, angle=0]{Figures1/T2.pdf}
&\hspace{1.5cm}
& \includegraphics[height=2.2cm, angle=0]{Figures1/T3.pdf}
\put(-18,-10){$i$}
\put(-53,68){$g+1$}
\\ \\ a) $\widetilde\Theta_1$ && b) $\widetilde\Theta_2$ &&
c) $\widetilde\Theta_{g,i}$
\end{tabular}
\end{center}
\caption{}
\label{fig:Gamma_i}
\end{figure}
If
$\Xi=(\widetilde\Theta_{g,i},\widetilde\Theta_1)$,
with $\widetilde\Theta_{g,i}$ as depicted in Figure \ref{fig:Gamma_i},
then the
sum
\[
\sum_{\Omega\in B_{a,b,n}(\Xi,\kappa)}
\ \coef[0]{\mu(\mathcal{D}_{\Xi,\Omega}) }
\]
is polynomial in $a,b$, and $n$
of total degree $g$, and of degree $g$ in each of the variables
$a,b$, and $n$.
\end{lemma}
\begin{proof}
Let $v_{j,1}\prec \cdots \prec v_{j,l(\Theta_j)}$ be the vertices of
$\Theta_j$, and let $e_{j,k,1},\cdots, e_{j,k,g_{j,k}+1}$ be
the edges of $\Theta_j$
connecting $v_{j,k}$ and $v_{j,k+1}$. In particular we have
\[
\sum_{k=1}^{l(\Theta_j)-1} g_{j,k}\le g(\Theta_j).
\]
Given $\Omega\in B_{a,b,n}(\Xi,\kappa)$, we also have
\[
\sum_{u=1}^{g_{j,k}+1} \omega_{\Xi,\Omega}(e_{j,k,u})=
(a-k_j-k+1)n+b-c_{j,k},
\]
with $c_{j,k}\in\{0,1,\cdots,i\}$ that only depends on $\Theta_j$.
Hence
$B_{a,b,n}(\Xi,\kappa)$ is in bijection with subsets
of $\prod_{j,k}\mathbb{Z}_{>0}^{g_{j,k}}$ which correspond
to
decompositions of
each integer
\[
\beta_{j,k}=(a-k_j-k+1)n+b-c_{j,k}
\]
in an ordered sum of
$g_{j,k}+1$ positive integers. In particular we have
\[
\operatorname{Card}(B_{a,b,n}(\Xi,\kappa))=
\prod_{j,k} {{\beta_{j,k}-1}\choose{g_{j,k}}}.
\]
Note that since $b+n> (g+2)i+g\ge i+g$ by assumption, and
$\beta_{j,k}\ge b+n-i$, one has
\[
\forall j,k,\qquad \beta_{j,k}-1\ge g\ge g_{j,k}.
\]
In particular $\operatorname{Card}(B_{a,b,n}(\Xi,\kappa))$ is polynomial in
$a,b,n,k_2,\cdots,k_{m-1}$ of total degree at most $g$, and of degree
at most $g(\Theta_j)$ in the variable $k_j$. If
$\coef[i-\operatorname{codeg}(\Xi)]{\mu(\mathcal{D}_{\Xi,\Omega})}$ were not depending on
$\Omega$, then the lemma would be proved. This is unfortunately not
the case, nevertheless there exists a partition of
$B_{a,b,n}(\Xi,\kappa)$ for which the independency holds
on each subset of this partition.
To show this, let $F= \prod_{j,k}\{0,\cdots,i\}^{g_{j,k}}$ and
\[
\begin{array}{cccc}
\Upsilon:&B_{a,b,n}(\Xi,\kappa) & \longrightarrow &F
\\ & (\omega_1,\cdots,\omega_m) &\longmapsto
&\left\{\begin{array}{ll}
f_{j,k,u}=0 &\mbox{if }\omega_{j}(e_{j,k,u})>i-\operatorname{codeg}(\Xi)
\\ f_{j,k,u}= \omega_{j}(e_{j,k,u})&\mbox{if }\omega_{j}(e_{j,k,u})\le i-\operatorname{codeg}(\Xi)
\end{array}\right.
\end{array}.
\]
Given $f\in F$, we denote by $\lambda_{j,k}(f)$ the number of non-zero
coordinates $f_{j,k,u}$, and we define
\[
\lambda(f)=\sum_{j,k} \lambda_{j,k}(f).
\]
Since $b+n>(g+2)i+g\ge (g+2)i$, we have that
\[
\beta_{j,k}\ge b+n-i> i(g+1) \ge i(g_{j,k}+1),
\]
which in its turn implies that
$\lambda_{j,k}(f)\le g_{j,k}$ and
$\lambda(f)\le g$ if $\Upsilon^{-1}(f)\ne\emptyset$.
As above, we have
\[
\operatorname{Card}(\Upsilon^{-1}(f))=
\prod_{j,k} {{\beta_{j,k}-\sum_u f_{j,k,u}-1}\choose{g_{j,k}-\lambda_{j,k}}}.
\]
Hence if $\Upsilon^{-1}(f)\ne\emptyset$, then for any $j$ and $k$ one has
\[
\beta_{j,k}-\sum_u f_{j,k,u}-1\ge
\beta_{j,k}-i\lambda(f)-1\ge \beta_{j,k} -ig -1\ge b+n- (g+1)i-1\ge g+i\ge
g_{j,k}-\lambda_{j,k}.
\]
In particular
$\operatorname{Card}(\Upsilon^{-1}(f))$ is polynomial in
$a,b,n,k_2,\cdots,k_{m-1}$ of total degree at most $g-\lambda(f)$,
and of degree at most $g(\Theta_j)-\lambda_j(f)$ in the variable $k_j$.
Furthermore, for any $\Omega\in \Upsilon^{-1}(f)$, we have
\[
\mu(\mathcal{D}_{\Xi,\Omega})= P_{\Xi,f}(q)\times \prod_{\omega_j(e_{j,k,u})>i-\operatorname{codeg}(\Xi)} [\omega_j(e_{j,k,u})]^2,
\]
where $P_{\Xi,f}(q)$ is a Laurent polynomial that only depends on
$\Xi$ and $f$. In particular
it follows from Corollary \ref{cor:key2} that
$\coef[i-\operatorname{codeg}(\Xi)]{\mu(\mathcal{D}_{\Xi,\Omega})}$ is a polynomial $Q_{\Xi,f}(a)$ in $a$ of
degree $i-\operatorname{codeg}(\Xi)$, which only depends on
$\Xi$ and $f$.
We deduce that
\[
\sum_{\Omega\in \Upsilon^{-1}(f)}
\ \coef[i-\operatorname{codeg}(\Xi)]{\mu(\mathcal{D}_{\Xi,\Omega}) }
= \operatorname{Card}(\Upsilon^{-1}(f))\times Q_{\Xi,f}(a)
\]
is polynomial in $a,b,n,k_2,\cdots,k_{m-1}$,
of total degree at most $i-\operatorname{codeg}(\Xi)+g-\lambda(f)$, and of
\begin{itemize}
\item degree at most $i-\operatorname{codeg}(\Xi)+g-\lambda(f)$ in the variable $a$;
\item degree at most $g-\lambda(f)$
in the variables $b$
and $n$.
\item degree at most $g(\Theta_j)-\sum_k\lambda_{j,k}(f)$ in the variable $k_j$.
\end{itemize}
The first part of the lemma now follows from the equality
\[
\sum_{\Omega\in B_{a,b,n}(\Xi,\kappa)}
\ \coef[i-\operatorname{codeg}(\Xi)]{\mu(\mathcal{D}_{\Xi,\Omega}) }=\sum_{f\in F} \ \sum_{\Omega\in \Upsilon^{-1}(f)}
\ \coef[i-\operatorname{codeg}(\Xi)]{\mu(\mathcal{D}_{\Xi,\Omega}) }.
\]
The second part of the lemma follows from a direct application of
the above computations in both
specific situations.
\end{proof}
\begin{proof}[Proof of Theorem \ref{thm:maing}]
Recall that
$\mathcal U_{i,g}\subset \mathbb{Z}_{\ge 0}^3$
is the set of triples $(a,b,n)$ satisfying
\[
\left\{\begin{array}{l}
n\ge 1
\\ b> i
\\ b+n> (g+2)i+g
\\ a\ge i+2g+2
\end{array}
\right. .
\]
Let $\Xi=(\Theta_1,\cdots,\Theta_m)$
be an admissible collection of templates of
genus $g$ and codegree at most $i$.
By Lemma \ref{lem:temp c+g}, we have
\[
l(\Theta_1)+\cdots+l(\Theta_m)\le i+g+m\le i+2g+2\le a
\qquad\mbox{and}\qquad
b+2n> b+n >(g+2)i+g\ge i.
\]
Hence the set of such collections of templates is finite,
and the assumptions of Lemma \ref{lem:decomp g} are satisfied.
Since
\[
\operatorname{codeg}(\Xi)\ge \operatorname{Card}(E^{-\infty}(\Theta_1))+\operatorname{Card}(E^{+\infty}(\Theta_m)),
\]
to prove the polynomiality of the function
$ (a,b,n) \mapsto \coef[i]{G_{\Delta_{a,b,n}}(g)}$ and
to get an upper bound on its degree,
it is enough to prove that on $\mathcal U_{i,g}$, the function
\[
\sum_{\kappa\in A_{a}(\Xi)}\ \ \sum_{\Omega\in B_{a,b,n}(\Xi,\kappa)}
\ \coef[i-\operatorname{codeg}(\Xi)]{\mu(\mathcal{D}_{\Xi,\Omega}) }
\]
is polynomial, of degree at most $g$ in the variables $b$ and,
and
of degree at most $i+2g-\operatorname{codeg}(\Xi)$ in the variable $a$.
\medskip
Let us describe precisely set $A_{a}(\Xi)$ when $m\ge 3$, which is by
definition
the subset of $\mathbb{Z}_{>0}^{m-2}$ defined by the system of inequalities
\[
\left\{
\begin{array}{rl}
k_2&\ge 1+l(\Theta_1)
\\ k_3&\ge k_2+l(\Theta_2)
\\ \vdots
\\ k_{m-1}&\ge k_{m-2}+l(\Theta_{m-2})
\\ a+1-l(\Theta_{m})&\ge k_{m-1}+l(\Theta_{m-1})
\end{array}
\right. .
\]
Hence, in order to get a parametric description of $A_{a}(\Xi)$, we
need to estimate $l(\Theta_1)+\cdots + l(\Theta_m)$.
By Lemma \ref{lem:temp c+g}, we have
\[
\sum_{j=1}^m l(\Theta_j) \le g+i +m.
\]
Furthermore since $g(\Theta_j)\ge 1$ if
$j\in\{2,\cdots,m-1\}$, we have $m\le g+2$, and we deduce that
\[
\sum_{j=1}^m l(\Theta_j) \le i+ 2g+2.
\]
In particular, since $a\ge i+ 2g+2 $ the set $A_{a}(\Xi)$ can be described
as the set of $(k_2,\cdots, k_{m-1})\subset \mathbb{Z}_{>0}^{m-2}$ such that
\[
\left\{
\begin{array}{lcccl}
1+l(\Theta_1)+\cdots+l(\Theta_{m-3})+l(\Theta_{m-2})&\le
& k_{m-1}&\le& a+1 - l(\Theta_{m})- l(\Theta_{m-1})
\\ 1+ l(\Theta_1)+\cdots+l(\Theta_{m-3})&\le &k_{m-2}&\le
& k_{m-1} - l(\Theta_{m-2})
\\ &&\vdots&
\\1+l(\Theta_{1})&\le& k_{2}&\le&
k_3-l(\Theta_{2})
\end{array}
\right. ,
\]
in other words the sum over $A_a(\Xi)$ can be rewritten as
\[
\sum_{\kappa\in A_{a}(\Xi)}=
\sum_{k_{m-1}=1+l(\Theta_1)+\cdots+l(\Theta_{m-2})}^{a+1 - l(\Theta_{m})- l(\Theta_{m-1})}
\ \ \sum_{k_{m-2}=1+ l(\Theta_1)+\cdots+l(\Theta_{m-3})}^{k_{m-1} - l(\Theta_{m-2})}
\ \ \cdots
\ \ \sum_{k_{2}=1+l(\Theta_{1})}^{k_3- l(\Theta_{2})}.
\]
Combining Faulhaber's formula with Lemma \ref{lem:pol fin}, we obtain
that the sum
\[
\sum_{k_{2}=1+l(\Theta_{1})}^{k_3- l(\Theta_{2})}\ \sum_{\Omega\in B_{a,b,n}(\Xi,\kappa)}
\ \coef[i-\operatorname{codeg}(\Xi)]{\mu(\mathcal{D}_{\Xi,\Omega}) }
\]
is polynomial in $a,b,n,k_3,\cdots,k_{m-1}$,
of total degree at most $i-\operatorname{codeg}(\Xi)+g+1$, and of
\begin{itemize}
\item degree at most $i-\operatorname{codeg}(\Xi)+g$ in the variable $a$;
\item degree at most
$g$ in the variables $b$
and $n$;
\item degree at most $g(\Theta_2)+g(\Theta_3)+1$ in the variable $k_3$;
\item degree at most $g(\Theta_j)$ in the variable $k_j$ with $j\ge 4$.
\end{itemize}
As in the end of the proof of \cite[Theorem 5.1]{FM}, we eventually
obtain by induction that
\[
\sum_{\kappa\in A_{a}(\Xi)}\ \ \sum_{\Omega\in B_{a,b,n}(\Xi,\kappa)}
\ \coef[i-\operatorname{codeg}(\Xi)]{\mu(\mathcal{D}_{\Xi,\Omega}) }
\]
is polynomial of degree at most $g$ in the variables $b$ and $n$, and
of degree at most $i-\operatorname{codeg}(\Xi)+g+m-2$ in the variable $a$.
Since $m-2\le g$, we obtain that the function
$ (a,b,n) \in\mathcal U_{i,g} \mapsto \coef[i]{G_{\Delta_{a,b,n}}(g)}$
is polynomial, of degree at most
$i+g$ in the variables $b$ and $n$, and of degree at most
$i+2g$ in the variable $a$. The fact that it is indeed of degree
$i+g$ in the variables $b$ and $n$, and of degree
$i+2g$ in the variable $a$ follows from the second part of Lemma
\ref{lem:pol fin}.
\end{proof}
The proof of Theorem \ref{thm:maing n=0} is identical to the proof of
Theorem \ref{thm:maing}. The only place where the assumption $n>0$
comes into play is Lemma \ref{lem:pol fin}, in the estimation of the degrees of
\[
\sum_{\Omega\in
B_{a,b,n}(\Xi,\kappa)}\ \coef[i-\operatorname{codeg}(\Xi)]{\mu(\mathcal{D}_{\Xi,\Omega})}
\]
with respect to its
different variables, and one sees easily how to adapt Lemma
\ref{lem:pol fin} when $n=0$.
\begin{proof}[Proof of Theorem \ref{thm:maing n=0}]
If $n=0$, then Lemma \ref{lem:pol fin} still holds with the following
edition:
the
sum
\[
\sum_{\Omega\in B_{a,b,n}(\Xi,\kappa)}
\ \coef[i-\operatorname{codeg}(\Xi)]{\mu(\mathcal{D}_{\Xi,\Omega}) }
\]
is polynomial in $a$ and $b$,
of total degree at most $i-\operatorname{codeg}(\Xi)+g$, and of
\begin{itemize}
\item degree at most $i-\operatorname{codeg}(\Xi)$ in the variable $a$;
\item degree at most $g$
in the variables $b$.
\end{itemize}
Indeed in this case we have
\[
\beta_{j,k}=b-c_{j,k},
\]
which implies exactly as in the proof of Lemma \ref{lem:pol fin} that
$\operatorname{Card}(\Upsilon^{-1}(f))$ is polynomial in
$b$ of total degree at most $g-\lambda(f)$. Now the remaining of the
proof of Lemma \ref{lem:pol fin} proves the above claim.
The proof of Theorem \ref{thm:maing n=0} follows eventually from
this adapted Lemma \ref{lem:pol fin} exactly as Theorem
\ref{thm:maing} follows from
Lemma \ref{lem:pol fin}.
\end{proof}
\subsection{$b=0$ and $n$ fixed}\label{sec:b=0}
As in the genus 0 case, one easily adapts
the proof of Theorem \ref{thm:maing} in
the case when one wants to fix $b=0$ and $n\ge 1$.
There is no additional technical difficulty here with respect to Sections
\ref{sec:g=b=0} and \ref{sec:polg}, so we briefly indicate the main steps.
Again,
the difference with the case $b\ne 0$ is that now a floor diagram $\mathcal{D}$
contributing to
$ \coef[i]{G_{\Delta_{a,0,n}}(0)}$ may not be layered because of some
highest vertices.
\begin{defi}\label{def:capping templ}
A \emph{capping template}
with Newton polygon $\Delta_{a,n}$ is
a couple
$\mathcal C=(\Gamma, \omega)$ such that
\begin{enumerate}
\item $\Gamma$ is a connected weighted oriented acyclic graph
with $a$ vertices and with no
sources nor sinks;
\item $\Gamma$ has a unique minimal vertex $v_1$, and
$\Gamma\setminus \{v_1\}$ has at least two minimal vertices;
\item for every vertex $v\in V(\Gamma)\setminus \{v_1\}$,
one has $ \operatorname{div}(v)=n$.
\end{enumerate}
The codegree of a capping template $\mathcal C$ with Newton polygon
$\Delta_{a,n}$ is defined as
\[
\operatorname{codeg}(\mathcal C)=\frac{(a-1)(na-2)}{2}-g(\mathcal C)-\sum_{e\in E(\Gamma)}(\omega(e)-1)
\]
\end{defi}
The proof of next lemma is analogous to the proof of Lemma \ref{lem:codeg capping}.
\begin{lemma}\label{lem:codeg capping templ}
A capping template with Newton polygon
$\Delta_{a,n}$ has codegree at least $n(a-2)$.
\end{lemma}
\begin{proof}[Proof of Theorem \ref{thm:main1 expl g02}]
Let $\mathcal{D}$ be a floor diagram of genus g, Newton polygon
$\Delta_{a,0,n}$, and of codegree at most $i$.
As in the proof of Theorem \ref{thm:main1 expl g02},
we have that $\mathcal{D}$ has a unique minimal floor.
Suppose that $\mathcal{D}$ is not layered, and let
$v_o$ be the lowest floor
of $\mathcal{D}$ such that $\mathcal{D}\setminus \{v_o\}$ is not connected and with
a non-layered upper part.
Let $\mathcal C$ be the weighted
subgraph of $\mathcal{D}$
obtained by removing from $\mathcal{D}$ all elevators and floors strictly below
$v_o$. As in the proof of Theorem \ref{thm:main1 expl g02}, one shows
that $\mathcal C$ is a capping template.
For a fixed $i$ and $g$, there exist
finitely many capping templates of codegree at
most $i$ and genus at most $g$. The end of the proof is now entirely
analogous to the end of the proof of
Theorem \ref{thm:main1 expl g02}.
\end{proof}
\section{Introduction}\label{sec:main}
\input{erwan1.tex}
\section{Floor diagrams}\label{sec:floor}
\input{andres1.tex}
\input{andres2.tex}
\input{fdg.tex}
|
\section{CONCLUSIONS AND FUTURE WORK}
We presented a model-based agent that uses the Koopman framework to learn a latent Koopman representation from images. DeepKoCo can find Koopman representations that \emph{(i)} enable efficient linear control, \emph{(ii)} are robust to distractor dynamics. Thanks to these features, DeepKoCo outperforms the baselines (two state-of-the-art model-free agents) in the presence of distractions. As part of our future work, we will extend our deterministic latent model with stochastic components to deal with partial observability and aleatoric uncertainty. Furthermore, we will extend our cost model to deal with sparse rewards, as they are often easier to provide.
\section{INTRODUCTION}
\label{sec:intro}
\bhr{From self-driving cars to vision-based robotic manipulation, emerging technologies are characterized by visual measurements of strongly nonlinear physical systems. Unlike in highly controlled lab environments where any measured change is likely relevant, cameras in real-world settings are notorious for mainly capturing task-irrelevant information, such as, the movement of other robots outside of a manipulator's workspace or cloud movements captured by the cameras of self-driving cars.
While Deep Reinforcement Learning (DRL) algorithms can learn to perform various tasks using raw images, they will require an enormous number of trials. Prior methods mitigate this by encoding the raw images into a lower-dimensional representation that allows for faster learning. However, these methods can be easily distracted by irrelevant dynamics \cite{Zhang2020a}. This motivates data-driven methodologies that learn low-dimensional latent dynamics that are task-relevant and useful for control.}{From self-driving cars to vision-based robotic manipulation, emerging technologies are characterized by high-dimensional measurements of (strongly) nonlinear physical systems. Oftentimes, these systems are complex and lack simple models suitable for control design. Moreover, the high-dimensional measurements are typically contaminated with irrelevant dynamics that have nothing to do with the control objective. This motivates data-driven methodologies that learn low-dimensional latent dynamics that are robust to task-irrelevant dynamics and useful for control.}
In the learning of latent dynamics for control, there is a trade-off between having an accurate dynamic model and one that is suitable for control. On one hand, latent dynamic models based on neural networks (NN) can provide accurate predictions over long horizons. On the other hand, their inherent nonlinearity renders them incompatible with efficient planning algorithms. Alternatively, one can choose to approximate the latent dynamics with a more restricted function approximation class to favor the use of efficient planning algorithms. In this respect, a promising strategy is represented by the Koopman framework \citep{Kaiser2017}. Loosely speaking, this framework allows one to map observations with nonlinear dynamics to a latent space where the \textit{global dynamics} of the autonomous system are approximately linear (Koopman representation). This enables the use of powerful linear optimal control techniques in the latent space \citet{Kaiser2017}.
While the Koopman framework is promising, existing methods have fundamental limitations that must be addressed to fully exploit the benefits of this method for control applications. First, methods that identify Koopman representations from data were designed for prediction and estimation. These methods were later adapted for control. These adaptations, however, lead to limiting assumptions on the underlying dynamics\bhr{, such as assuming the Koopman representation to be linear in the states and actions \citep{Arbabi2018a, Mamakoukas2019, Bruder2019, Li2020a, Korda2020a}}{}. Second, the\bhr{se}{ existing} methods are \emph{task agnostic}, that is, the models represent all dynamics they observe, whether they are relevant to the task or not\bhr{. This focuses the majority of their model capacity on potentially task-irrelevant dynamics.}{ \citep{Zhang2020a}}
Therefore, we introduce \emph{Deep Koopman Control} (DeepKoCo), that is, a model-based \bhr{}{reinforcement learning }agent that learns a latent Koopman representation from raw pixel images and achieves its goal through planning in this latent space. The representation is \emph{(i)} robust to task-irrelevant dynamics and \emph{(ii)} compatible with efficient planning algorithms. We propose a lossy autoencoder network that reconstructs and predicts observed costs, rather than all observed dynamics, which leads to a representation that is \bhr{task-relevant.}{robust to task-irrelevant dynamics.} The latent-dynamics model can represent continuously differentiable nonlinear systems and does not require knowledge of the underlying environment dynamics or cost function. We demonstrate the success of our approach on two continuous control tasks and show that our method is more robust to irrelevant dynamics than state-of-the-art approaches, that is, DeepMDP \citep{Gelada2019a} and Deep Bisimulation for Control (DBC) \citep{Zhang2020a}.
\section{LEARNING \bhr{TASK-RELEVANT}{ROBUST} KOOPMAN EIGENFUNCTIONS}
\label{sec:learning_invariant_koopman_eigenfunctions}
For efficient planning in the latent space, we propose to learn a latent dynamics model that uses Koopman eigenfunctions as its latent state. This section describes this model and how the Koopman eigenfunctions can be identified robustly, that is, in a way that the identified eigenfunctions remain unaffected by task-irrelevant dynamics that are expected to contaminate the observations.
\subsection{Koopman latent model}\label{sec:latent_model}
\begin{figure*}[t]
\centering
\def\textwidth{\textwidth}
\input{figures/network_pde.pdf_tex}
\caption{\textbf{Latent Model} The proposed network architecture of the \emph{latent model}, consisting of the dynamic model, cost model, and policy (depicted in green, purple, and red, respectively). \textbf{Rollout} A multi-step ahead prediction with the \emph{latent model}. Note that we only encode an observation at the first time-step (blue boxes), after which we remain in the latent space. \textbf{DeepKoCo} The training procedure that corresponds to \algorithmref{alg:deepKoCo}.}
\label{fig:architecture}
\end{figure*}
We propose a \textit{lossy} autoencoder that builds on the deep autoencoder in \citet{Lusch2018}. Compared to \citet{Lusch2018}, our autoencoder enables control. To train the latent model, we provide the training objective that is to be minimized given a buffer $D$ that contains observed sequences $\{t_k\}^{T}_{k=0}$ of a Markov decision process with tuples $t_k=(\bm{o}_k, \bm{a}_k, \Delta\act_k, c_k)$, where $c_k$ are observed scalar costs. The proposed latent model is illustrated in \figureref{fig:architecture} with more details below on the individual components of the architecture.
\subsubsection{Encoder} The encoder $\varphi$ is the \bhr{approximate }{}eigenfunction \bhr{}{transformation }that maps an observation-action pair $(\bm{o}_k, \bm{a}_k)$ to the latent state $\bm{s}_k$. The encoder $\varphi$ is parametrized by a neural network, defined as
\begin{align}
\bm{s}_k &= \varphi(\bm{o}_{k}, \bm{a}_{k}). \label{eq:encoder}
\end{align}
\subsubsection{Latent dynamics} The latent state $\bm{s}_k$ \bhr{approximates}{is} a Koopman eigenfunction, so the autonomous time evolution in the latent space is linear and dictated by $\Lambda$. Note here that $\bm{a}_k$ is part of the \textit{augmented} latent state and we view the action increment $\Delta\act_k$ as the controlled variable that is determined by the policy. This leads to the dynamics model in \eqref{eq:dynamics_model}, which we derived from \eqref{eq:Koopman_control}. The Koopman operator $\Lambda$ is parametrized by $P$ complex conjugate eigenvalue pairs $\lambda^\idx{j}_{\pm}$. We do not assume the latent dynamics to be linear in the control. Instead, the influence of $\Delta\act_k$ on the latent state varies and depends on the partial derivative of the encoder with respect to the action, i.e., the state-dependent matrix $B_{\varphi_k}=\pde[\bm{a}_{k}]\varphi(\bm{o}_{k}, \bm{a}_{k})\bhr{\inR{2P\times m}}{}$.
\begin{align}
\begin{bmatrix} \bm{s}_{k+1} \\ \bm{a}_{k+1} \end{bmatrix} &= \begin{bmatrix} \Lambda & 0 \\ 0 & I \end{bmatrix} \begin{bmatrix} \bm{s}_k \\ \bm{a}_k \end{bmatrix} + \begin{bmatrix} B_{\varphi_k} \\ I \end{bmatrix} \Delta\act_k. \label{eq:dynamics_model}
\end{align}
\subsubsection{Cost model}
The environment contains a cost function that produces a scalar cost observation $c_k$ at every time-step. For planning in the latent space, we require a cost model $\hat{c}_k$ as a function of the latent state. This cost approximates the observed cost (i.e., $\hat{c}_k\! \approx\! c_k$). We adopt a latent state-dependent quadratic cost model to facilitate the use of fast planning algorithms (\sectionref{sec:control}). The \bhr{entries}{elements} of $C_{\bm{s}_k}\bhr{\inR{1\times2P}}{}$ are determined by a function $\psi(\bm{s}_k)$ that is parametrized by a neural network. The weights of $\psi$ are initially unknown and must be learned together with the rest of the latent model. We assume that the cost of applying action $\bm{a}_k$ is known \textit{a priori} and defined by matrix $R$. This leads to the cost model
\begin{align}
\hat{c}_k &= ||C_{\bm{s}_k}\bm{s}_k||^2_2 + \bm{a}^\textsf{T}_k R \bm{a}_k. \label{eq:cost_model}
\end{align}
\subsubsection{Policy} The action increment $\Delta\act_k$ is the controlled variable that is sampled from a probability distribution $\pi$, conditioned on the augmented latent state (i.e., $\Delta\act_k \sim \pi(\Delta\act_k | \bm{s}_k, \bm{a}_k))$. Even though the model is deterministic, we define the policy to be stochastic to allow for stochastic exploration. The policy will be specified further in \sectionref{sec:control}.
\begin{align}
\Delta\act_k &\sim \pi(\Delta\act_k | \bm{s}_k, \bm{a}_k) \label{eq:policy}
\end{align}
\subsubsection{Decoder} After learning the latent model we intend to plan over it, which involves a multi-step prediction. Given only the encoder \eqref{eq:encoder}, dynamics model \eqref{eq:dynamics_model}, policy \eqref{eq:policy} and the current $(\bm{o}_{k}, \bm{a}_{k})$-pair, we would be limited to single-step predictions of $\bm{s}_{k+1}$ at run-time, because multi-step predictions $\bm{s}_{k+i}$ with $i>1$ would require knowledge of future observations $\bm{o}_{k+i}$ to evaluate $B_{\varphi_{k+i}}$. Therefore, to make multi-step predictions, we introduce a decoder $\varphi^\textsf{-1}$ (parametrized by a NN) in \eqref{eq:decoder} that uses predicted latent states $\bm{s}_{k+i}$ to construct pseudo-observations $\hat{\obs}_{k+i}$ that produce the same partial derivative as the true observation (i.e., $\pde[\bm{a}_{k}]\varphi(\varphi^\textsf{-1}(\bm{s}_k), \bm{a}_{k}) \approx \pde[\bm{a}_{k}]\varphi(\bm{o}_{k}, \bm{a}_{k})$). Future values $\bm{a}_{k+i}$ do not pose a problem, because they can be inferred from the policy \eqref{eq:policy} and dynamics model \eqref{eq:dynamics_model}.
\begin{align}
\hat{\obs}_k &= \varphi^\textsf{-1} (\bm{s}_k). \label{eq:decoder}
\end{align}
\subsubsection{Image processor}When the observations are raw pixel images $\bm{p}_k$, not all relevant information can be inferred from a single observation. To restore the Markov property, we pass the last $d$ consecutive pixel images through a convolutional neural network $\Omega$ in \eqref{eq:image_processor}, stack the output into a single vector, and consider that to be the observation $\bm{o}_k$ instead. In that case, the observed sequences consist of tuples $t_k=(\bm{p}_k,...,\bm{p}_{k-d+1}, \bm{a}_k, \Delta\act_k, c_k)$.
\begin{align}
\bm{o}_k &= \Omega(\bm{p}_k,...,\bm{p}_{k-d+1}),\label{eq:image_processor}
\end{align}
\subsection{Learning the latent model}\label{sec:training}
Our latent model should have linear dynamics and be predictive of observed costs. These two high-level requirements lead to the following three losses which are minimized during training.
\subsubsection{Linear dynamics} To ensure that the latent state is a valid Koopman eigenfunction, we regularize the time evolution in the latent space to be linear by using the following loss,
\begin{align}
&\text{Linear loss:} &\loss{lin} &= \frac{1}{T} \sum^{T-1}_{k=0}\norm{\varphi(\bm{o}_{k+1},\bm{a}_{k+1})-\bm{s}_{k+1}}_\text{MSE}, \label{eq:loss_lin}
\end{align}
where $\bm{s}_{k+1}$ is obtained by rolling out a latent trajectory as illustrated in \figureref{fig:architecture}.
\subsubsection{Cost prediction} We want the latent representation to contain all necessary information to solve the task. If we would naively apply an autoencoder that predicts future observations, we focus the majority of the model capacity on potentially task-irrelevant dynamics contained in the observations. To learn a latent representation that \textit{only} encodes relevant information, we propose to use a lossy autoencoder that is predictive of current and future costs instead. Such a representation would allow an agent to predict the cost evolution of various action sequences and choose the sequence that minimizes the predicted cumulative cost, which is essentially equivalent to solving the task. Because we only penalize inaccurate cost predictions, the encoder is not incentivized to encode task-irrelevant dynamics into the latent representation as they are not predictive of the cost. This leads to the \bhr{task-relevant}{robust} identification of the lifting function $\varphi$. Cost prediction accuracy is achieved by using the following two losses,
\begin{align}
&\text{Reconstruction loss:} &\loss{recon} &= \norm{c_0-\hat{c}_0}_\text{MSE} \label{eq:loss_recon} \\
&\text{Prediction loss:} &\loss{pred} &= \frac{1}{T} \sum^{T}_{k=1} \norm{c_{k}-\hat{c}_k}_\text{MSE} \label{eq:loss_pred}
\end{align}
\subsubsection{Training objective} We minimize the losses in \eqref{eq:loss_lin}, \eqref{eq:loss_recon}, and \eqref{eq:loss_pred}, corresponding to linear dynamics regularization and cost prediction, together with an $L2$-regularization loss $\loss{reg}$ on the trainable variables (excluding neural network biases). This leads to the following training objective,
\begin{align}\label{eq:objective_representation}
\min_{\theta, \lambda^{[1],...,[P]}_{\pm}} \loss{lin} + \alpha_1(\loss{recon} + \loss{pred}) + \alpha_2\loss{reg},
\end{align}
where $\theta$ is the collection of all the trainable variables that parametrize the encoder $\varphi$, decoder $\varphi^\textsf{-1}$, cost model $\psi$, and convolutional network $\Omega$ (in case of image observations). Weights $\alpha_1,\alpha_2$ are hyperparameters. The model is trained using the Adam optimizer \citep{Kingma2014a} with learning rate $\tilde{\alpha}$, on batches of $B$ sequences $\{t_k\}^{T}_{k=0}$ for $E$ epochs.
\section{DEEP KOOPMAN CONTROL}\label{sec:control}
This section introduces the agent that uses the Koopman latent model to find the action sequence that minimizes the predicted cumulative cost. We use linear model-predictive control (LMPC) to allow the agent to adapt its plan based on new observations, meaning the agent re-plans at each step. Re-planning at each time-step can be computationally costly. In the following, we explain how to exploit and adapt our latent model and cost model to formulate a sparse and convex MPC problem that can be solved efficiently online.
The planning algorithm should achieve competitive performance, while only using a limited amount of computational resources. This motivates choosing Koopman eigenfunctions as the latent state, because the \emph{autonomous} dynamics are linear. The dynamics are affine in the controlled variable $\Delta\act_k$ that is multiplied in the definition of the state space by $B_{\varphi_k}$, which depends on the latent state. Similarly, $C_{\bm{s}_k}$ requires the evaluation of the nonlinear function $\psi(\bm{s}_k)$. There exist methods that can be applied in this setting, such as the State-Dependent Ricatti Equation (SDRE) method \citep{Chang2013a}. While the SDRE requires less complexity compared to sample-based nonlinear MPC (e.g. CEM \citep{Szita2006a}), it remains computationally demanding as it also requires the derivative of $\psi$ with respect to $s_k$ at every step of the planning horizon. \looseness=-1
Our goal is to reduce the online complexity of our planning strategy, while also dealing with input constraints. Hence, we trade-off some prediction accuracy (due to the mismatch between the latent model and the MPC prediction model) to simplify the online planning strategy by using linear MPC. We propose to evaluate the state-dependent matrices $C_{\bm{s}_0}$ and $B_{\varphi_0}$ at time-step $k=0$ (obtained from our latent model) and keep them both fixed for the rest of the LMPC horizon. This assumes that the variation of $B_{\varphi_k}$ and $C_{\bm{s}_k}$ is limited over the prediction horizon (compared to \eqref{eq:dynamics_model} and \eqref{eq:cost_model}). Nevertheless, thanks to this simplification we can rely on LMPC for planning that can be solved efficiently. Specifically, once we evaluate $\bm{s}_0$, $C_{\bm{s}_0}$, and $B_{\varphi_0}$, the computational cost of solving the MPC problem in the \emph{dense form} \citep{Maciejowski2002a} scales linearly with the latent state dimension due to the diagonal structure of $\Lambda$. As Section \ref{sec:results} details, this simplification allows our method to achieve competitive final performance, while only requiring a single evaluation of the NNs $\Omega$, $\varphi$, and $\psi$. This significantly decreases the computational cost at run-time compared to sample-based nonlinear MPC (e.g., CEM \citep{Szita2006a}) that would require many evaluations of the NNs at every time-step. In contrast to LQR, LMPC can explicitly deal with actuator saturation by incorporating constraints on $\bm{a}$.\bhr{}{ An overview of the proposed method is shown in \algorithmref{alg:deepKoCo}.} The proposed planning strategy based on LMPC is defined as follows:
\begin{align}
\min_{\Delta\act^{\idx{0}, \dots,\idx{H-1}}} &\hspace{0.5em} \sum^{H}_{k=1} ||C_{\bm{s}_0}\bm{s}_k||^2_2 + \bm{a}^\textsf{T}_k R \bm{a}_k + \Delta\act^\textsf{T}_k \tilde{R} \Delta\act_k, \label{eq:objective_MPC}\\
\mathrm{s.t.} &\hspace{0.5em} \begin{bmatrix} \bm{s}_{k+1} \\ \bm{a}_{k+1} \end{bmatrix} = \begin{bmatrix} \Lambda & 0 \\ 0 & I \end{bmatrix} \begin{bmatrix} \bm{s}_k \\ \bm{a}_k \end{bmatrix} + \begin{bmatrix} B_{\varphi_0} \\ I \end{bmatrix} \Delta\act_k, \nonumber \\
& \hspace{0.5em} \bm{a}^{\min} \leq \bm{a}_{k} \leq \bm{a}^{\max} \text{, for } k=1,\dots, H, \nonumber
\end{align}
where $H$ is the prediction horizon. Positive-definite matrix $\tilde{R}$ penalizes the use of $\Delta\act_k$ and is required to make the problem well-conditioned. Its use does introduce a discrepancy between the approximate cost model \eqref{eq:cost_model} and the cumulative cost ultimately minimized by the agent \eqref{eq:objective_MPC}. Therefore, the elements in $\tilde{R}$ are kept as low as possible.
To align the representation learning objective \eqref{eq:objective_representation} with the linear MPC objective \eqref{eq:objective_MPC}, we also fix the state-dependent terms $C_{\bm{s}_0}$ and $B_{\varphi_0}$ at time-step $k=0$ in the evaluation of the cost prediction loss \eqref{eq:loss_pred} and linear loss \eqref{eq:loss_lin}. Note that this does not mean that $C_{\bm{s}_k}$ and $B_{\varphi_k}$ are constant in the latent model \eqref{eq:dynamics_model}, \eqref{eq:cost_model}. The matrices remain state-dependent, but their variation is \bhr{limited}{regularized} over the sequence length $T$. In general, we choose the sequence length to be equal to the prediction horizon.\bhr{ Hence, we learn a representation that provides local linear models that are particularly accurate around $\bm{s}_k$ in the direction of the (goal-directed) trajectories gathered during training.}{}
To gather a rich set of episodes to learn the Koopman latent model, we add colored noise to the actions commanded by the agent's linear MPC policy, that is, $\bm{a}_{k+1}=\bm{a}_k + \Delta\act_k + \bm{\epsilon}_k$. This adds a stochastic exploration component to the policy. We use an Ornstein-Uhlenbeck (OU) process to generate the additive colored noise with decay rate $\lambda^\text{ou}$. The variance $\sigma^{2, \text{ou}}$ is linearly annealed from $\sigma_\text{init}^{2, \text{ou}}\rightarrow 0$ over $1,\dots,N^\text{ou}$ episodes, that is, after $N^\text{ou}$ episodes the policy becomes deterministic.\looseness=-1
\bhr{An overview of the proposed method is shown in \algorithmref{alg:deepKoCo}. First, we initialize all model parameters. Then, we construct the Koopman operator $\Lambda$ with \eqref{eq:jordan_block} and gather $N$ episodes of experience. Each time-step, we process the image observations with \eqref{eq:image_processor}, evaluate the latent model \eqref{eq:encoder}, \eqref{eq:dynamics_model}, and \eqref{eq:cost_model}, and use it to find $\Delta\act_k$ with \eqref{eq:objective_MPC}. Noise is added to the action increment before it is applied to the environment. We fill the experience buffer $D$ with $N$ episodes, split into sequences of length $T$, and train on them for $E$ epochs with \eqref{eq:objective_representation}. This is repeated until convergence.}{}
{\begin{algorithm}[t]
\fontsize{10}{10}\selectfont
\caption{Deep Koopman Control (DeepKoCo)\bhr{}{. Function \textit{GetKoopmanOperator} constructs $\Lambda$ with \eqref{eq:jordan_block}, \textit{ProcessImages} implements \eqref{eq:image_processor}, \textit{LatentModel} implements \eqref{eq:encoder}, \eqref{eq:dynamics_model}, and \eqref{eq:cost_model}, \textit{LMPC} implements \eqref{eq:objective_MPC}, and \textit{TrainModel} minimizes \eqref{eq:objective_representation}. The remaining functions have names that describe their high-level purpose.}}
\label{alg:deepKoCo}
\DontPrintSemicolon
\LinesNumbered
\KwIn{Model parameters: $P, d$
\\ \quad \qquad Policy parameters: $\zeta=\{H, R, \tilde{R}\}$
\\ \quad \qquad Noise parameters: $\lambda^\text{ou}, \sigma_\text{init}^{2, \text{ou}}, N^\text{ou}$
\\ \quad \qquad Train parameters: $N, L, T, E, B$
\\ \quad \qquad Optimization parameters: $\xi=\{\alpha_1, \alpha_2, \tilde{\alpha}\}$
}
\KwOut{Eigenvalues $\lambda^{[1],...,[P]}_{\pm}$
\\ \qquad \qquad Trained networks $\varphi, \varphi^\textsf{-1}, \psi, \Omega$}
$\theta,\lambda^{[1],...,[P]}_{\pm}\leftarrow$ InitializeModel$(P, R)$\;
\While{not converged}{
$\Lambda \leftarrow$ GetKoopmanOperator$(\lambda^{[1],...,[P]}_{\pm})$ \;
\For{episode $l=1,\dots,N$}{
$\bm{p}_0,...,\bm{p}_{1-d}\leftarrow$ ResetEnvironment() \;
$\bm{a}_{0}\leftarrow$ 0 \;
\For{time-step $k=0,\dots,L$}{
$\bm{o}_k \leftarrow$ ProcessImages$(\bm{p}_k,...,\bm{p}_{k-d+1}, \theta)$ \
$\bm{s}_k, B_{\varphi_k}, C_{\bm{s}_k} \leftarrow$ LatentModel$(\bm{o}_{k}, \bm{a}_{k}, \theta)$ \
$\Delta\act_k \leftarrow$ LMPC$(\bm{s}_k, \bm{a}_k, B_{\varphi_k}, C_{\bm{s}_k}, \Lambda, \zeta)$ \
$\bm{a}_{k+1} \leftarrow \bm{a}_{k} + \Delta\act_k + $ Noise$(\lambda^\text{ou}, \sigma^{2, \text{ou}})$\;
$\bm{p}_{k+1}, c_{k}\leftarrow$ ApplyAction$(\bm{a}_{k})$ \;
}
$D \leftarrow D \cup$ CreateSequences$(T,\{t_k\}^{L}_{k=0})$
}
$\theta,\lambda^{[1],...,[P]}_{\pm}\leftarrow$ TrainModel$(D,\theta,\lambda^{[1],...,[P]}_{\pm},\xi,E, B)$
}
\end{algorithm}}
\section{PRELIMINARIES}
This section \bhr{briefly introduces}{presents} the Koopman framework for autonomous and controlled nonlinear systems. \bhr{A detailed description can be found in \citep{Kaiser2017}. }{}This framework is fundamental to the design of our latent model and control strategy. \looseness=-1
\subsection{Koopman eigenfunctions for autonomous systems}
Consider the following autonomous nonlinear system $\dot{\bm{o}} = F(\bm{o})$, where the observations $\bm{o}\inR{N}$ evolve according to the smooth continuous-time dynamics $F(\bm{o})$. For such a system, there exists a lifting function $g(\cdot): \mathbb{R}^{N} \to \mathbb{R}^{n}$ that maps the observations to a latent space where the dynamics are linear, that is,
\begin{align}\label{eq:Koopman_general}
\ddt g(\bm{o}) = \bhr{\mathcal{K}}{K} \circ g(\bm{o})\bhr{,}{.}
\end{align}
\bhr{where $\mathcal{K}$ is the infinitesimal operator generator of Koopman operators $K$. In theory, $K$ is infinite dimensional (i.e., $n \to {\infty}$), but a finite-dimensional matrix representation can be obtained by restricting it to an invariant subspace. Any set of eigenfunctions of the Koopman operator spans such a subspace. Identifying these eigenfunctions \citep{Korda2018, Lusch2018} provides a set of intrinsic coordinates that enable global linear representations of the underlying nonlinear system. A Koopman eigenfunction satisfies}{Loosely speaking, the \bhr{infinitesimal }{}Koopman operator \bhr{generator $\mathcal{K}$}{$K$} acts as a matrix on the lifting function $g(\cdot)$. With a slight abuse of notation, we will write it as a matrix multiplication in the sequel. In theory, a latent space with infinite dimension \bhr{could be}{is} required for an exact solution (i.e., $n \to {\infty}$). Fortunately, a finite approximation (with $n$ sufficiently large) provides a latent representation where the global dynamics are approximately linear. Direct identification of the lifting function and Koopman operator with the formulation in \eqref{eq:Koopman_general} often leads to inaccurate representations, so \citep{Korda2018, Lusch2018} seek to identify eigenfunctions of the Koopman operator instead, defined as}
\begin{align}
\ddt \phi(\bm{o}) &= K \phi(\bm{o}) = \lambda \phi(\bm{o}), \label{eq:eigenfunction}
\end{align}
where $\lambda\bhr{\in \mathbb{C}}{}$ is the continuous-time eigenvalue corresponding to eigenfunction $\phi(\bm{o})$.
\subsection{Koopman eigenfunctions for controlled systems}
For controlled nonlinear system \bhr{}{$\bm{o} = \tilde{F}(\bm{o}, \bm{a})$}with action $\bm{a}\bhr{\inR{m}}{}$ and smooth continuous-time dynamics $\dot{\bm{o}} = \tilde{F}(\bm{o}, \bm{a})$\bhr{}{and action $\bm{a}$}, we follow the procedure in \cite{Kaiser2017}. Given the eigenfunction $\phi(\bm{o}, \bm{a})$ augmented with $\bm{a}$ for the controlled system, we can take its time derivative and apply the chain rule with respect to $\bm{o}$ and $\bm{a}$, leading to
\begin{align}\label{eq:Koopman_control_cont}
\ddt\phi(\bm{o}, \bm{a}) &= \underbrace{\pde[\bm{o}] \phi(\bm{o}, \bm{a})\tilde{F}(\bm{o}, \bm{a})}_{\lambda \phi(\bm{o}, \bm{a})} + \pde[\bm{a}]\phi(\bm{o}, \bm{a}) \dot{\bm{a}},
\end{align}
where $\lambda$ is now the eigenvalue that corresponds to eigenfunction $\phi(\bm{o}, \bm{a})$. \bhr{Since $\dot{\bm{a}}$ can be chosen arbitrarily, we could set it to zero and instead interpret each action as a parameter of the Koopman eigenfunctions. Thus, for any given choice of parameter $\bm{a}$ the standard relationship in \eqref{eq:eigenfunction} is recovered in the presence of actions. A local approximation of the Koopman representation is obtained when $\dot{\bm{a}}$ is nonzero.}{This partial differential equation is parametrized by $\bm{a}$ and depends on the derivative $\dot{\bm{a}}$ which can be chosen arbitrarily.}
\subsection{Identifying Koopman eigenfunctions from data}
To facilitate eigenfunction identification with discrete data, \eqref{eq:Koopman_control_cont} can be discretized with a procedure similar to \citep{Lusch2018}. The eigenvalues $\lambda_{\pm}=\mu \pm \iu \omega$ are used to parametrize block-diagonal $\Lambda\bhr{=\text{diag}(J^\idx{1}, J^\idx{2},...,J^\idx{P})\inR{2P\times2P}}{(\mu,\omega)}$. For \bhr{all $P$ pairs}{each pair} of complex eigenvalues, the discrete-time operator $\Lambda$ has a Jordan real block of the form
\begin{align}
J(\mu, \omega) &= e^{\mu \Delta t}\begin{bmatrix} \cos(\omega \Delta t) && -\sin(\omega \Delta t)\\ \sin(\omega \Delta t) && \cos(\omega \Delta t)\end{bmatrix} \label{eq:jordan_block},
\end{align}
with sampling time $\Delta t$. The ``forward Euler method'' provides a discrete approximation of the control matrix, so that \eqref{eq:Koopman_control_cont} can be discretized as
\begin{align}\label{eq:Koopman_control}
\varphi(\bm{o}_{k+1}, \bm{a}_{k+1}) &= \Lambda \varphi(\bm{o}_{k}, \bm{a}_{k}) + \underbrace{\pde[\bm{a}_{k}]\varphi(\bm{o}_{k}, \bm{a}_{k})}_{B_{\varphi_k}} \underbrace{\dot{\bm{a}}_k \Delta t}_{\Delta\act_k}.
\end{align}
Herein, the stacked vector $\varphi=(\bhr{\phi}{\varphi}^\idx{1}, \bhr{\phi}{\varphi}^\idx{2},...,\bhr{\phi}{\varphi}^\idx{P})$ comprises \bhr{a set of}{} $P$ eigenfunctions with $\bhr{\phi}{\varphi}^\idx{j}\inR{2}$ associated with complex eigenvalue pair $\lambda^\idx{j}_{\pm}$ and Jordan block $J^\idx{j}$.\bhr{ Subscript $k$ corresponds to discretized snapshots in time.}{} If we view the action increment $\Delta\act_k=\bm{a}_{k+1} - \bm{a}_k$ in \eqref{eq:Koopman_control} as the controlled input instead, we obtain a discrete \textit{control-affine} Koopman eigenfunction formulation with \textit{linear autonomous} dynamics for the original \textit{non-control-affine nonlinear} system. In the next section, we show that \eqref{eq:Koopman_control} plays a central role in our latent model.
\section{RELATED WORK}
\subsubsection{Koopman control} Koopman theory has been used to control various nonlinear systems with linear control techniques, both in simulation \citep{Kaiser2017, Korda2018, Li2020a} and in real-world robotic applications \citep{Mamakoukas2019, Bruder2019}. Herein, \citet{Brunton2016a, Kaiser2017, Mamakoukas2019} used a linear quadratic regulator (LQR), while \citet{Korda2018, Arbabi2018a, Bruder2019, Li2020a, Korda2020a} applied linear model predictive control (MPC). \citet{Korda2018, Arbabi2018a, Bruder2019, Korda2020a} used data-driven methods that were derived from the Extended Dynamic Mode Decomposition (EDMD) \citep{Williams2015} to find the Koopman representation. In contrast, \citet{Mamakoukas2019, Kaiser2017, Brunton2016a} require prior knowledge of the system dynamics to hand-craft parts of the lifting function. Similar to \citet{Li2020a}, we rely on deep learning to derive the Koopman representation for control. However, we do not assume the Koopman representation to be (bi-)linear in the states and actions and we show how our representation can be used to control systems that violate this assumption. Compared to existing methods, we propose an agent that learns the representation online in a reinforcement learning setting using high-dimensional observations that contain irrelevant dynamics.
\subsubsection{Latent planning} Extensive work has been conducted to learn latent dynamics from images and use them to plan suitable actions \citep{Watter2015a, Banijamali2018a, Hafner2019a}. \citet{Hafner2019a} proposes a model-based agent that uses NNs for the latent dynamics and cost model. To find suitable action sequences, however, their method requires a significant computational budget to evaluate many candidate sequences. Alternatively, \citet{Watter2015a, Banijamali2018a} propose locally linear dynamic models, which allowed them to efficiently plan for actions using LQR. However, their cost function was defined in the latent space and required observations of the goal to be available. In contrast to our approach, all aforementioned methods are trained towards full observation reconstruction, which focuses the majority of their model capacity on potentially task-irrelevant dynamics.
\subsubsection{Relevant representation learning} \citet{Gelada2019a, Zhang2020a} filter task-irrelevant dynamics by minimizing an auxiliary bisimulation loss. Similar to our approach, they propose learning latent dynamics and predicting costs. Their method, however, is limited to minimizing a single-step prediction loss, while we incorporate multi-step predictions. This optimizes our model towards accurate long-term predictions. \citet{Oh2017a, Schrittwieser2019a} also proposed training a dynamics model towards predicting the future sum of costs given an action sequence. However, their method focused on discrete control variables, while we focus on continuous ones.
\section{RESULTS}
\label{sec:results}
We evaluate \textit{DeepKoCo} on two continuous control tasks, namely OpenAI's pendulum swing-up task and a manipulator task. The manipulator task is similar to OpenAI's reacher task where the two joints of a two-link arm are torque controlled and the Euclidean distance between the arm's end-point and a target must be minimized. However, we increase the difficulty by allowing the target to move at a constant angular velocity and radius around the arm's center-joint. Given that the angular velocity and radius vary randomly over episodes, the manipulator must learn to track arbitrary circular trajectories at different speeds. The dynamics for the manipulator can be formulated as $\bm{x}_{k+1} = F(\bm{x}_k) + B(\bm{x}_k) \bm{a}_k$, where $\bm{x}$ is the original nonlinear state. Such dynamics do not necessarily admit a Koopman representation that is (bi-)linear in the states and actions, as is often assumed in literature \cite{Li2020a, Mamakoukas2019}.
To investigate the effect of distractor dynamics, we test each task in two different scenarios. In the first scenario, only relevant dynamics are observed, while in the second one we purposely contaminate the observations with distractor dynamics. The agent is either provided with a concatenated state observation containing the state measurements of both the relevant system and distractors \bhr{(while not knowing which states are the relevant ones)}{} or image observations with all systems in-frame (refer to \figureref{fig:results} for the setup). The state observation dimension from the clean to the distractor scenario increases from $3$ to $15$ for the pendulum and from $10$ to $50$ for the manipulator. A video of the simulations using DeepKoCo accompanies the paper~\citep{DeepKoCoVideo}.
\subsubsection{Baselines}We compare with two baselines that both combine model-free reinforcement learning with an auxiliary bisimulation loss to be robust against task-irrelevant dynamics: \emph{(i)} Deep Bisimulation for Control (DBC) \citep{Zhang2020a}, and \emph{(ii)} DeepMDP \citep{Gelada2019a}. In case of state observations, we replace their convolutional encoder, with our fully connected encoder.
\subsubsection{Hyperparameters}We use the same set of hyperparameters throughout all experiments, except for the number of complex eigenvalue pairs $P$, that is, $P=10$ and $P=30$ in the swing-up and manipulator task, respectively to cope with the complexity of the scenarios. As policy parameters, we use $H=15, R=0.001, \tilde{R}=0.01, \lambda^\text{OU}=0.85, \sigma_\text{init}^{2, \text{ou}}=0.85$. Initially, we fill the experience buffer $D$ with $N=90$ episodes, split into sequences of length $T=15$, and train on them for $E=100$ epochs. Then, we continuously add the sequences of $N=20$ episodes to the buffer and train on the complete buffer for $E=3$ epochs. As optimization parameters, we use $\alpha_1=10, \alpha_2=10^{-14}, \tilde{\alpha}=0.001$. In case of image observations, we stack the last $d=3$ images, downsample them to $3\times64\times64$ pixels before passing them through the convolutional NN defined in \citet{Ha2018a}. The networks $\varphi, \varphi^\textsf{-1}, \psi$ are 2-layered fully connected NNs with 90, 90, and 70 units per layer, respectively. The layers use ReLU activation and are followed by a linear layer. \bhr{The number of complex eigenvalue pairs $P$, planning horizon $H$, and action increment cost $\tilde{R}$ are the most important parameters to tune.}{}
\subsubsection{Clean scenario} Concerning the pendulum task, the baselines converge more quickly to the final performance compared to DeepKoCo, as the top-left graph of \figureref{fig:results} shows. Nevertheless, we do consistently achieve a similar final performance. The slower convergence can be explained by the added noise, required for exploration, that is only fully annealed after 400 episodes. We believe the convergence rate can be significantly improved by performing a parameter search together with a faster annealing rate, but we do not expect to be able to match the baselines in this ideal scenario. Note that, despite the apparent \emph{simplicity} of the application scenario, finding an accurate Koopman representation for the pendulum system is challenging, because it exhibits a continuous eigenvalue spectrum and has multiple (unstable) fixed points \citep{Lusch2018}. Concerning the manipulator task, both baselines were not able to solve the manipulator task with a moving target as the top-right graph of \figureref{fig:results} shows, while they were able to learn in case the target was fixed (results omitted due to space limitations). This shows that learning to track arbitrary circular references is significantly harder than regulating towards a fixed goal. Despite the increased difficulty, DeepKoCo learns to track the moving target. Finally, note that the manipulator task shows that the proposed method can deal with a multi-dimensional action-space and non-quadratic cost functions, that is, the Euclidean norm (the square root of an inner product).
\subsubsection{Distractor scenario} In the more realistic scenario, both baselines fail to learn anything. In contrast, our approach is able to reach the same final performance as in the clean scenario, in a comparable amount of episodes, as the bottom row of \figureref{fig:results} shows. This result can be explained by noticing that our multi-step cost prediction (in our loss function \eqref{eq:loss_pred}) provides a stronger learning signal for the agent to distinguish relevant from irrelevant dynamics. For the manipulator task, there is a tracking error caused by the trade-off of using fixed $B_\varphi$ and $C_s$ along the MPC prediction horizon for efficiency. While our latent model presented in \sectionref{sec:learning_invariant_koopman_eigenfunctions} supports state-dependent matrices, we decided to keep them fixed in the control design for efficiency.
\subsubsection{Image observations} \figureref{fig:results_images} shows the results for the pendulum task when images are used instead of state observations. In both clean and distractor scenarios, our approach is able to reach a similar final performance compared to using state observations. As expected, the baselines struggle to learn in the distractor scenario. This supports our statement that our approach learns a \bhr{task-relevant }{}Koopman representation from high-dimensional observations\bhr{}{ that is robust to task-irrelevant dynamics}. We plan to test the manipulator task with images both in simulation and in real-world experiments. |
\section{Introduction}
\label{intro}
Many textbooks on Quantum Mechanics, like Feynman's lectures \cite{Feynman}, describe a thought-experiment based on the Young's double-slit interference setup, and realised with independent particles sent one at a time through the interferometer. The striking feature is that the image we have for interference is a wave passing simultaneously through both slits, incompatible with the image of a particle, which goes through either one or the other slit but not both. While the last statement comes naturally for objects primarily known as particles like electrons \cite{Tonomura}, neutrons \cite{Neutrons}, atoms \cite{Carnal} and molecules \cite{Arndt}, it can be questioned in the case of the ''LichtQuanten" introduced by Einstein \cite{Einstein} in 1905, since light is primarily described as a wave.
\begin{figure}
\includegraphics[width=8.5cm]{fig1.pdf}
\caption{Wavefront-splitting setup based on a Fresnel's biprism (FB). APDs are avalanche silicon photodiodes operating in photon counting regime. An intensified CCD camera (dash line) records interference fringes in the overlapping region of the two deviated wavefronts. When the CCD is removed, it is then possible to demonstrate the single photon behaviour by recording the time coincidences events between the two output channels of the interferometer.}
\label{general}
\end{figure}
One century later, we present a realization of this textbook experiment consisting in single-photon interference. Our experiment, depicted on Fig.\ref{general}, has several new striking features compared to previous works \cite{Grangier,Zeilinger,Benson,Jelezko}: (i) we use a clock-triggered single-photon source from a single emitting dipole, which is both conceptually and practically simple \cite{Kun,Brouri}, (ii) we use a wavefront-splitting interferometer based on a Fresnel's biprism, very close to the basic Young's double-slit scheme, (iii) we register the ''single-photon clicks'' in the interference plane using an intensified CCD camera which provides a real-time movie of the build-up of the single-photon fringes.
In early experiments \cite{Taylor}, the so-called single-photon regime was reached by attenuating light. But Poissonian photon number statistics in faint light pulses leads to the unwanted feature that more than one photon may be present between the source and the interference fringes observation plane. To demonstrate the single-photon behaviour, we also perform the experiment with two detectors sensitive to photons that follow either one or the other interference path. Evidence for single photon behaviour can then be obtained from the absence of time coincidence between detections in these two paths \cite{Grangier,Gerry}. Such a measurement also provides a ''which-path'' information complementary to the interference observation.
The paper is organized as follows. In section $2$, we describe the triggered single-photon source used for the experiment. Section 3 is dedicated to the demonstration of the particle-like behaviour. Finally, single photon interferences are presented in section 4.
\section{Triggered single-photon source using the photoluminescence of a single N-V
colour centre in a diamond nanocrystal }
\label{sec:1}
A lot of efforts have been put in the realization of single-photon-source (SPS) over the recent years. Since first proposal \cite{Imamoglu}, a wide variety of schemes have been worked out, based on the fluorescence from different kinds of emitters, such as molecules, atoms, colour centres and semiconductor structures \cite{General SPS}.
The clock-triggered single-photon source at the heart of our experiment, previously developed for quantum key distribution \cite{Brouri,Alleaume}, is based on the pulsed, optically excited photoluminescence of a single N-V colour centre in a diamond nanocrystal. This system, which consists in a substitionnal nitrogen atom (N) associated to a vacancy (V) in an adjacent lattice site of the diamond crystalline matrix (Fig.2-(a)), has shown an unsurpassed efficiency and photostability at room temperature \cite{Gruber,Kurtsiefer}.
In bulk diamond, the high index of refraction of the material
($n=2.4$) makes difficult to extract N-V colour centre fluorescence efficiently. One way to circumvent this problem is to use diamond nanocrystals, with a size much smaller than the radiated light wavelength, deposited on a microscope glass coverplate~\cite{Beveratos}. For such sub-wavelength size, refraction becomes irrelevant and the colour centre can
simply be assimilated to a point source radiating at the air-glass
interface. Samples were prepared by a procedure described in Ref.\cite{Beveratos}. N-V colour centre are created by irradiation of type Ib diamond powder with high-energy electrons followed by annealing at $800^{\circ}$C. Under well controlled irradiation dose, the N-V colour centre density
is small enough to allow independent
addressing of a single emitter using standard confocal microscopy, as depicted on Fig.\ref{confoc}-(b).
\begin{figure}[h!]
\centerline{\includegraphics[width=8.8cm]{fig2.pdf}}
\caption{(a)-The N-V colour centre consists in a substitionnal nitrogen atom (N), associated to a
vacancy (V) in an adjacent lattice site of the diamond crystalline matrix.
(b)-Confocal microscopy setup: pulsed excitation laser
beam at $\lambda = 532$ nm is tightly focused on the
diamond nanocrystals with a high numerical aperture (NA=$0.95$) microscope
objective. Fluorescence light emitted by the N-V colour centre
is collected by the same objective and then spectrally filtered from the
remaining pump light. Following standard
confocal detection scheme, collected light is focused onto a $100$
microns diameter pinhole.
The reflected part from a $50$/$50$ beamsplitter (BS) goes then into an imaging spectrograph,
while the transmitted part is detected by a silicon avalanche photodiode in photon counting regime and used for fluorescence raster scan as shown in (c). The central peak corresponds to the
photoluminescence of the single N-V colour centre used in the single-photon interference experiment. (d)-Fluorescence spectrum of this single N-V colour centre recorded with a back-illuminated cooled CCD matrix (2 minutes integration duration) placed in the image plane of the spectrograph. The peak fluorescence wavelength is at
670~nm. The two sharp lines (1) and (2) are respectively the two-phonon Raman
scattering line of the diamond matrix associated to the excitation wavelength
and the N-V centre zero phonon line at 637~nm which characterizes the negatively charged N-V colour centre photoluminescence.}
\label{confoc}
\end{figure}
Under pulsed excitation with a pulse duration shorter than the
radiative lifetime, a single dipole emits photons one by one \cite{Brouri_PRA00,De Martini}. As described in Ref.\cite{Kun}, we use a home-built pulsed laser at a wavelength of 532~nm with a 800~ps pulse duration to excite a single N-V colour centre. The 50~pJ energy per pulse is high enough to ensure efficient pumping of the defect centre in its excited level. The
repetition rate, synchronized on a stable external clock, can be adjusted
between 2 to 6 MHz so that successive fluorescent decays are well
separated in time from each other. Single photons are thus emitted by
the N-V colour centre at predetermined times within the accuracy of
its excited state lifetime, which is about 45~ns (See Fig.\ref{fig_biprisme_HBT}) for the centre used in
the experiment.
As a proof of the robustness of this single-photon source, note that all the following experiments have been realised with the same emitting N-V colour centre.
\section{"Which-path" experiment : particle-like behaviour}
Single photons emitted by the N-V colour centre are now sent at normal incidence onto a
Fresnel's biprism. Evidence for a particle-like behaviour can be obtained using the arrangement of Fig.\ref{general}. If light is really made of quanta, a single photon should either be deviated upwards or downwards, but should not be split by the biprism. In that case, no coincidences corresponding to joint photodetections on the two output beams should be observed. On the opposite, for a semi-classical model that describes light as a classical wave, the input wavefront will be split in two equal parts, leading to a non-zero probability of joint detection on the two photodetectors. Observation of zero coincidences, corresponding to an anticorrelation effect, would thus give evidence for a particle-like behaviour.
For a realistic experiment aimed at evidencing this property, we need to establish a criterion which enables us to discriminate between a particle-like behaviour and another one compatible with the semi-classical model for light. For that, we faithfully follow the approach introduced in Ref.\cite{Grangier} for interpreting single photon anticorrelation effect on the two output channels of a beamsplitter. We consider a run corresponding to $N_{T}$ trigger pulses applied to the emitter, with $N_{1}$ (resp. $N_{2}$) counts detected in path 1 (resp. 2) of the interferometer, and $N_{C}$ detected coincidences. It is straightforward to show that any semi-classical theory of light, in which light is treated as a wave and photodetectors are quantized, predicts that these numbers of counts should obey the inequality
\begin{equation}
\alpha = \frac{N_{C}N_{T}}{N_{1}N_{2}} \geq 1.
\end{equation}
Violation of this inequality thus gives a criterion which characterizes nonclassical behaviour. For a single photon wavepacket, perfect anticorrelation is predicted since the photon can only be detected once, leading to $\alpha=0$ in agreement with the intuitive image that a single photon cannot be detected simultaneously in the two paths of the interferometer. On the other hand, inequality (1) cannot be violated even with faint laser pulses. Indeed, in this case the number of photons in the pulse follows a Poisson law predicting $\alpha=1$. This value indicates that coincidences will then be observed preventing the particle-like behaviour to be evidenced. We measured the $\alpha$ correlation parameter for triggered single-photon pulses and for faint laser pulses. To establish a valid comparison between these two cases, all data have been taken for an identical mean number of detected photons per pulse, below $10^{-2}$.
\begin{figure}[t]
\centerline{\includegraphics[width=9cm]{fig3.pdf}}
\caption{Histogram of time intervals between consecutive photodetection events in the two paths of the wavefront-splitting interferometer. The pulsed excitation laser repetition period is 444~ns, and the total counting time was 148.15~s . Lines are exponential fits for each peak, corresponding to a radiative lifetime of $44.6\pm 0.8$~ns. Values written above each peak correspond to their respective area normalized to the corresponding value for poissonian photon number statistics. The strong reduction of coincidences around zero delay gives evidence for single-photon emission by the excited N-V colour centre and for its particle-like behaviour as the wavefront is split in two parts by the Fresnel's biprism.}
\label{fig_biprisme_HBT}
\end{figure}
\begin{table}
\caption{Measurements of the correlation parameter $\alpha$ associated to ten independant sets of $10^5$ photodetections (lasting about 5~s) registered for ({\it a}) faint laser pulses with a mean number of photons per pulse below $10^{-2}$ and ({\it b}) single-photon pulses emitted by the N-V colour centre.
As the laser emits coherent states of light, the number of photons in each pulse is given by Poissonian statistics, leading to a correlation parameter $\alpha = 1.00 \pm 0.06$, the precision being inferred from simple statistical analysis with a 95\% confidence interval. On the other hand, an anticorrelation effect, corresponding to $\alpha = 0.13 \pm 0.01<1$, is clearly observed for single-photon pulses propagating through the Fresnel's biprism.}
\label{tab:1}
\begin{center}
({\it a}) {\it Faint laser pulses}\\
\vspace{0.15cm}
\begin{tabular}{lllll}
\hline\noalign{\smallskip}
Counting time (s)
& $N_{1}$
& $N_{2}$
& $N_{C}$
& $\alpha$\\
\noalign{\smallskip}\hline\noalign{\smallskip}
4.780 & 49448 & 50552 & 269 & 1.180\\
4.891 & 49451 & 50449 & 212 & 0.937\\
4.823 & 49204 & 50796 & 211 & 0.934\\
4.869 & 49489 & 50511 & 196 & 0.875\\
4.799 & 49377 & 50623 & 223 & 0.981\\
4.846 & 49211 & 50789 & 221 & 0.982\\
4.797 & 49042 & 50958 & 232 & 1.021\\
4.735 & 49492 & 50508 & 248 & 1.077\\
4.790 & 49505 & 50495 & 248 & 1.090\\
4.826 & 49229 & 50771 & 219 & 0.970\\
\noalign{\smallskip}\hline
\end{tabular}
\end{center}
\vspace{0.35cm}
\begin{center}
({\it b}) {\it Single-photon pulses}\\
\vspace{0.15cm}
\begin{tabular}{lllll}
\hline\noalign{\smallskip}
Counting time (s)
& $N_{1}$
& $N_{2}$
& $N_{C}$
& $\alpha$\\
\noalign{\smallskip}\hline\noalign{\smallskip}
5.138 & 49135 & 50865 & 28 & 0.132\\
5.190 & 49041 & 50959 & 23 & 0.109\\
5.166 & 49097 & 50903 & 23 & 0.109\\
5.173 & 49007 & 50996 & 28 & 0.133\\
5.166 & 48783 & 51217 & 29 & 0.137\\
5.167 & 48951 & 51049 & 31 & 0.147\\
5.169 & 49156 & 50844 & 30 & 0.142\\
5.204 & 49149 & 50851 & 32 & 0.152\\
5.179 & 49023 & 50977 & 26 & 0.124\\
5.170 & 48783 & 51217 & 26 & 0.123\\
\hline
\end{tabular}
\end{center}
\end{table}
Since the single-photon source emits light pulses triggered by a stable external clock and
well separated in time, the value of $\alpha$ can be directly inferred from the record of all photon arrival times. Every photodetection event produced by the two avalanche photodiodes is time-stamped using a time-interval-analyser (TIA) computer board
(GT653, GuideTech). Straightforward processing of these timestamps over a discrete time base allows us to reconstruct the number of detection events on each output channel of the biprism interferometer, and thus gives an access to the "which-path" information. Furthermore, time intervals between two successive photodetections are directly inferred from the timestamps ensemble, so as to estimate if a coincidence has occurred or not for each registered photodetection. However the notion of coincidence is meaningful only accordingly to a temporal gate: there will be a coincidence if two detections happen within the same gate. As the radiative lifetime of the emitting N-V colour centre
used for the experiment is approximately equal to 45~ns (see Fig.\ref{fig_biprisme_HBT}), we set the gate duration to 100~ns. Such a value is much smaller than the 436~ns time interval between two successive excitation pulses. It also ensures that about 90\% of the detected photons are considered for data analysis.
Using the results given on Table~1
and simple statistical analysis associated to a 95\% confidence interval, we infer
$\alpha = 1.00 \pm 0.06$ for faint laser pulses and
$\alpha = 0.13 \pm 0.01$ for single-photon pulses.
As expected, light pulses emitted by the single-photon source lead to a strong violation of the inequality $\alpha \geq 1$ valid for any semi-classical theory of light. The non-ideal value $\alpha \not= 0 $ is due to remaining background fluorescence of the sample and to the two-phonon Raman scattering line, which induces a non-vanishing probability of having more than one photon in the emitted light pulse. Table~1 also shows that the number of coincidences observed with faint laser pulses, within a given integration time, is much higher than in the experiment with single-photon pulses, and corresponds to $\alpha$ equal to unity within one standard deviation. This result is a clear confirmation that it is not possible to demonstrate the particle-like behaviour with attenuated pulses from a classical light source, involving many emitters simultaneously and independently excited.
From the set of photodetection timestamps, one can also build the histogram of delays between two consecutive detections on the two paths of the wavefront-splitting interferometer. In the limit of low collection efficiency and short timescale, the recorded histogram coincides with a measurement of the second-order autocorrelation function $g^{(2)}$ \cite{Reynaud}.
As shown in Fig.\ref{fig_biprisme_HBT}, strong reduction of coincidences around zero delay gives again clear evidence for single-photon behaviour \cite{Brunel}. Note that the area of the zero-delay peak, normalized to its value for coherent pulses with poissonian statistics, is strictly equivalent to the $\alpha$ correlation parameter previously defined.
\section{Single-photon interference setup and data analysis}
\label{sec:3}
\subsection{Experimental setup and observations}
\label{sec:2.1}
Using the same N-V colour centre, we now observe the interference fringes in the
intersection volume of the two separated wavefronts, as shown in Fig.\ref{general}.
Interference patterns are detected in a single-photon recording mode,
using an intensified CCD camera (\emph{iStar} from
Andor Technologies, Ireland) cooled at $-25^\circ{\rm C}$. An eye-piece, equivalent
to a short focal length achromatic lens ($f=22$~mm) is inserted between the biprism and the camera,
in order to obtain a fringe spacing much larger than the $25~\mu$m pixel size of the camera.
Image acquisition parameter are optimized by adjusting the camera gain and the detection threshold, so that more than $\approx 88\%$ of the bright pixels correspond to detections of single photons.
\begin{figure}[ht]
\centerline{\includegraphics[width=9cm]{fig4.pdf}}
\caption{Observation of the interference pattern expanded by the eyepiece and recorded by the intensified CCD camera. Image (a) (resp. (b) and (c)) is made of 272 photocounts (resp. 2240 and 19773) corresponding to an exposure duration of 20~s (resp. 200~s and 2000~s). Graph (d) displays the resulting interference fringes obtained by binning columns of CCD image (c) and fit of this interference pattern using coherent beam propagation in the Fresnel diffraction regime, and taking into account the finite temporal coherence due to the broad spectral emission of the NV colour centre. A visibility of 94\% can be associated to the central fringe.}
\label{interf_setup}
\end{figure}
Snapshots with exposure duration of 1~s are acquired one after each
other, with a mean number of eight photons detected on the CCD
array per snapshot. Accumulated images show how
the interference pattern builds up (Fig.\ref{interf_setup}). Less than 200 accumulated snapshots are required to clearly see the fringes pattern, and the final image contains about $2\times 10^4$ single photodetection events. This is a demonstration of the wave-like behaviour of light, even in the single-photon regime. To display fringe pattern gradual build-up, we generated a movie from the 2000 snapshots (available as Supplementary File). The movie frame rate is set to a value of 30 images per second resulting in a build-up 30 times faster than in real time.
\subsection{Fit of the interference pattern}
\label{sec:2.2}
The interference pattern obtained with a monochromatic plane wave incident on Fresnel's biprism would result in sinusoidal fringes with a visibility equal to unity. In our experiment, the finite spatial extension of the single-photon wavefront yields more complicated interference patterns. In order to fit the fringes shown on Fig.\ref{interf_setup}-(c), we performed a computer simulation of the beam propagation through the Fresnel's biprism using free space propagation theory from classical optics.
Starting at the input of the Fresnel's biprism with a TEM$_{00}$ wavefront associated to a measured 1.25~mm FWHM gaussian intensity distribution, the output field amplitude is calculated in a virtual observation plane located at a given distance $z$ behind the biprism input plane~\cite{Note}. The expected pattern in the CCD plane simply results
from the expansion by the eye-piece of this calculated intensity pattern.
In order to fit more accurately the fringes minima, we also take into account temporal coherence effects due to the N-V colour centre broadband incoherent emission (see Fig.\ref{confoc}-(d)). Finally the calculated intensity pattern is normalized to the total recorded intensity so that the only remaining fitting parameter is the observation distance $z$.
The quality of the fit is illustrated by Fig.\ref{interf_setup}-(d), recorded approximately in the middle of the interference field. All over the interference pattern, the visibility of the fringes is very well described by the beam propagation simulation with the addition of finite temporal coherence of the source.
\begin{figure} [t]
\centerline{\includegraphics[width=8.8cm]{fig5.pdf}}
\caption{Examples of interference patterns observed in the overlapping region of the two transmitted beams through the Fresnel's biprism, for (a) $z = 11 $ mm and (b) $z = 98$ mm. Overlayed blue curves are fits evaluated from a model taking into account Fresnel diffraction and temporal coherence effects.}
\label{fresnel}
\end{figure}
Validity of the model is furthermore confirmed by fits of interference patterns
observed for two others $z$ positions, as shown in Fig.\ref{fresnel}.
The good agreement between the fit and the experimental data is an illustration of the well-known result from Quantum Optics that phenomena like interference, diffraction, propagation, can be computed with the classical theory of light even in the single-photon regime \cite{Gerry}.
\section{Conclusion}
\label{sec:conc}
Summarizing, we have carried out the two complementary experiments of "interference observation vs. which-path detection" in the single-photon regime. While our results may not appear as a big surprise, it is interesting to note that one century after Einstein's paper the intriguing properties of the photon still give rise to sometimes confused debates \cite{Afshar}. We hope that our experiment can contribute not only to clarify such discussions, but also to arouse the interest and astonishment of those who will discover the photon during the century to come.
|
\subsubsection*{Acknowledgments}
We thank Manuel A. Cáceres for helpful comments on the manuscript's introduction.
\section{Incremental Computation of the Hydrostructure}
\label{sec:algorithms}
We have earlier described the optimal verification algorithms for various safety models using the hydrostructure. However, to report all maximal linear safe solutions optimally, we additionally need a more efficient computation of the hydrostructure for all the relevant walks. This is achieved by incremental computation of $R^+(\cdot)$, $R^-(\cdot)$ and the $\ensuremath{\mathsf{River}}$ as follows.
\paragraph{Incremental Maintenance of Forward and Backwards Reachability.}
\label{sub:incremental-hydrostructure}
Because of symmetry it suffices to describe how to compute $R^+(W)$.
Consider that for a bridge-like walk $aZb$, $R^+(aZb)$ is $aZ$ plus everything that is reachable from outgoing arcs of $aZ$ other than $b$ without entering $aZ$.
This allows us to describe $R^+(aZb)$ as the union of subsets {\em reachable} from the outgoing {\em siblings} of arcs on $Zb$, denoted as the {\em sibling reachability} \Rsib{e} of an arc $e \in Zb$, and formally defined as $\Rsib{e} := \{x \in G \mid \exists \text{ $\tail{}(e)$-$x$ walk in } G \setminus e\}$.
Formally we get the following (see \Cref{apx:implementation:incremental-hydrostructure-proofs} for the proofs of this paragraph).
\begin{lemma}[restate = incrementalcloudsrepresentation, name = ]
\label{lem:simplified-clouds-computation}
Given a bridge-like walk $aZb$ it holds that $R^+(aZb) = aZ \cup \bigcup_{\text{arc } e \in Zb} \Rsib{e}$.
\end{lemma}
Additionally, since subwalks of bridge-like walks are bridge-like, the following allows us to compute \Rsib{\cdot} incrementally along a bridge-like walk.
\begin{lemma}[restate = incrementalcloudscomputation, name = ]
\label{lem:incremental-clouds}
Let $aZb$ be a bridge-like walk where $b$ is a split-arc and $e$ a split-arc after $a$.
Then
\begin{enumerate}[label = (\alph*), nosep]
\item $\Rsib{e} \subseteq \Rsib{b}$ and \label{lem:incremental-clouds:subset}
\item $\Rsib{b} = \Rsib{e} \cup \{x \in G \mid \exists \text{ $e$-$x$ walk in } G \setminus (\Rsib{e} \cup \{b\})\}$. \label{lem:incremental-clouds:reachability}
\end{enumerate}
\end{lemma}
Hence, we can compute all $R^+_{sib}(\cdot)$ using a single interrupted traversal. We number the nodes and arcs in $W$ and then annotate each node and arc $x$ with the first arc $e \in W$ for which it is in \Rsib{e}.
Afterwards we can decide if a node or arc $x$ is in $R^+(aZb)$ of a given subwalk $aZb$ by checking if $x$ enters \Rsib{\cdot} before or with $b$, or if $x \in aZ$.
\paragraph{Incremental Maintenance of the River Properties.}
\label{sub:incremental-river}
When using the two-pointer algorithm after computing the hydrostructure incrementally, we can maintain properties of the $\ensuremath{\mathsf{River}}$ used throughout the paper (\Cref{sec:subsetCov}).
By \Cref{lem:incremental-clouds} each node and arc enters $R^+(\cdot)$ (and leaves $R^-(\cdot)$) at most once during an execution of the two-pointer algorithm on a bridge-like walk.
We can therefore sort the nodes and arcs of $G$ into buckets in $O(m)$ time according to when they enter and leave the \ensuremath{\mathsf{River}}{}.
The existence of the \ensuremath{\mathsf{River}}{} can then be maintained in $O(m)$ time for a complete execution of the two-pointer algorithm.
Moreover, it is possible to maintain the in-degree and out-degree of each node and arc in the \ensuremath{\mathsf{River}}{} as well as the number of \emph{sources} (in-degree zero), \emph{sinks} (out-degree zero) and \emph{violators} (in-degree or out-degree at least two), and hence determine if the \ensuremath{\mathsf{River}}{} is a path. Further, \Cref{lem:incremental-clouds} also implies that entire SCCs of the \ensuremath{\mathsf{River}}{} (using both $\Rsib{\cdot}$ and $R^-_{sib}(\cdot)$) enter and leave the \ensuremath{\mathsf{River}}{} at most once during the execution of the two pointer algorithm. Hence, the SCCs of the \ensuremath{\mathsf{River}}{} can also be identified in overall $O(m)$ time. Finally, the size of a minimum walk-cover can also be maintained after each insertion or deletion of an edge from the \ensuremath{\mathsf{River}}{} using the {\em folklore} fully dynamic update algorithm for maximum flows~\cite{GuptaK18} in $O(m)$ time per update. Since each edge enters and leaves the \ensuremath{\mathsf{River}}{} at most once maintaining the size of the minimum walk-cover takes total $O(m^2)$ time.
\paragraph{Applications.}
The above incremental computation techniques result in improving the $O(m^2n)$ term of runtimes of linear problems by a factor of $m$ using amortisation as follows.
We execute the two-pointer algorithm on all maximal \cs{1} walks (which we get in $O(mn)$ time from~\cite{DBLP:journals/talg/CairoMART19}), but only maintain the hydrostructure and \ensuremath{\mathsf{River}}{} properties for non-trivial and bridge-like trivial \cs{1} walks (there are only $O(n)$ of these by \Cref{thm:max-omnitig-bounds} and they can be found in total $O(mn)$ time by \Cref{thm:bridge-like-check}~\labelcref{thm:bridge-like-check:check}).
For non-trivial \cs{1} walks, instead of maintaining the hydrostructure for the whole walk, we maintain it for the heart.
We describe how we handle trivial avertible walks in the same time bounds as non-trivial walks in \Cref{apx:linear:avertible-linear-implementation}.
Checking the walk-cover can be done as described above for $k = 1$ (maintain if the \ensuremath{\mathsf{River}}{} is a path) or $k \geq m$ (always false) in $O(m)$ time per maximal bridge-like walk.
Recall that the output size is potentially larger than $O(mn)$ resulting in the following.
\begin{theorem}
\label{thm:improved-linear-runtimes}
Given a strongly connected graph with $m$ arcs and $n$ nodes, all the maximal \ls{k} walks can be reported in $O(mn + n \cdot f(m,n) + |out|)$ time, where $f(m,n)$ is the time required for maintaining the size of the walk-cover ($f(m,n) = O(m)$ for $k = 1$ or $k \geq m$, and $O(m^2)$ otherwise), and $|out|$ is the size of the output.
\end{theorem}
\begin{figure}[thb]
\centering
\includegraphics[trim = 0 2 0 4, clip, scale=1]{hydrostructure-soda-worst-case-length}
\caption{\small A graph class with $\Theta(n)$ nodes and $m \in \Omega(n) \cap O(n^2)$ arcs.
The bipartite graph has $m$ arcs, resulting in total $\Theta(m)$ arcs.
For each $i \in \{1, \dots, m\}$, $W_{i} = g_1 \dots g_n f_{e_i} e_{i} f'_{e_i} g_1 \dots g_n$ is \cs{k} and \ls{k} for each $k \geq 1$, and the total length of all $W_{i}$ is $\Omega(mn)$.
This example is adapted from~\cite{DBLP:journals/talg/CairoMART19}.}
\label{fig:runtime-tightness-example}
\end{figure}
The runtimes of $O(mn)$ are optimal because there exists a set of graphs (see \Cref{fig:runtime-tightness-example}) with safe walks in each model of total length $\Omega(mn)$.
As mentioned in \Cref{apx:linear:implementation}, the output size of the linear models is bounded by $O(n^3)$.
\section{Safety for Subset Covering and Subset Visibility}
\label{sec:subsetCov}
In this section we give a short overview of safety in $F$-covering and $F$-visible models where $F \subseteq E$.
For a full discussion and formal characterisation of these models, see \Cref{sec:subsetCovApx,sec:subsetVisApx}.
\paragraph{Subset covering.}
For the purpose of this section we denote an arc in $F$ by \emph{$F$-arc} and a subgraph or walk containing an $F$-arc with the predicate \emph{$F$-covered}.
Similar to how only subwalks of 1-circular safe walks can be safe in $E$-covering models, in subset covering only subwalks of walks that are safe in an $E$-covering model can be safe in the corresponding $F$-covering model.
In the $F$-covering models, single arcs in $E \setminus F$ are not trivially safe.
So in order to characterise their safety, we split them using a dummy node, since the hydrostructure is only defined on walks with at least two arcs.
Furthermore, if $F$ is empty, then no walk is safe, so in this section we assume $F \neq \emptyset$.
In the \emph{circular models}, a trivial walk is safe if its heart is $F$-covered.
Further, for bridge-like walks (including trivial walks), we define the \emph{$F$-covered SCCs} as the SCCs of the \ensuremath{\mathsf{River}}{} as well as the sea- and cloud-related SCCs (see \Cref{fig:Hydro-properties}) if they are $F$-covered.
Then a bridge-like walk is safe if any solution walk needs to leave an $F$-covered SCC, since then it needs to complete a full cycle through the hydrostructure, forcing it to have $W$ as subwalk.
This is required if there is an $F$-arc outside an SCC in the \ensuremath{\mathsf{River}}{} or the number of $F$-covered SCCs is greater than $k$.
In all other cases, the walk is not safe.
In the \emph{linear models}, we define the restricted reachability of a walk $W$ from the point of view of $s$ and $t$ denoted by $R^+_s(W)$ and $R^-_t(W)$.
We define $R^+_s(W)$ as the subgraph that is reachable from $s$ without using $W$ as subwalk and symmetrically $R^-_t(W)$ as the subgraph that reaches $t$ without using $W$ as subwalk.
Further, we refer to the set $R^+_s(W) \cap R^-_t(W)$ as the \emph{st-induced subgraph of $W$} and to $R^+_s(W) \cap R^-_t(W) \cap \ensuremath{\mathsf{River}}(W)$ as the \emph{st-induced \ensuremath{\mathsf{River}}{} of $W$}.
Lastly, we define the \emph{$F$~walk-cover} of a graph as a set of walks that cover all $F$-arcs in that subgraph.
With these definitions, we get a characterisation similar to that for the corresponding $E$-covering model.
We again characterise the non-trivial wings separately, but here we describe only the characterisation of trivial walks and non-trivial hearts.
For the latter two, the conditions on the walk cover of the \ensuremath{\mathsf{River}}{} and the $s$-$t$ suffix-prefix covering of an arc in the trivial heart are tightened:
we substitute the walk cover with an $F$ walk-cover, and the arc in the trivial heart with an $F$-arc.
The condition on the location of $s$ and $t$ is tightened by excluding the case where all $F$-arcs can be covered by $s$-$t$ walks without having $W$ as subwalk.
For the verification and enumeration algorithms, the sets $R^+_s(W)$ and $R^-_t(W)$ can be computed similarly to $R^+(W)$ and $R^-(W)$ in the same asymptotic time, and the $F$ walk-cover can be computed similarly to the walk cover as well, again in the same asymptotic time.
So all runtime bounds for $E$-covering models apply also to the $F$-covering models.
\paragraph{Subset visibility.}
In subset visibility, we limit the solution of a model to its visible arcs.
Thus we define $vis_F(W)$ as the subsequence of a walk $W$ which belongs to $F$.
Note that this does not change the solution of the problem, but only its representation, which is now limited to the visible set $F$.
So if a walk $W$ is a solution in an $E$-visible model, then $vis_F(W)$ is a solution in the corresponding $F$-visible model.
Abusing notation we also simply say that $W$ is a solution for the $F$-visible model of the problem.
To employ the hydrostructure for subset visibility, we relax the definition of the restricted reachabilities of a walk $W$.
We define $R^+_F(W)$ as everything reachable by a walk $W'$ from $\wh(W)$ such that $vis_F(W)$ is not a subwalk of $vis_F(W')$, and symmetrically $R^-_F(W)$ as everything that reaches $\wt(W)$ by a walk $W'$ such that $vis_F(W)$ is not a subwalk of $vis_F(W')$.
With this modified definition of the hydrostructure, the condition for the \ensuremath{\mathsf{Vapor}}{} to be a path in \Cref{lem:cloud-cases} relaxes to the visible \ensuremath{\mathsf{Vapor}}{} being a path.
Similarly, the other properties of the hydrostructure are adapted by considering $vis_F(W)$ instead of $W$.
In subset visibility, arcs are considered adjacent if they are connected by an invisible path.
This new \emph{visible} adjacency can be precomputed in $O(mn)$ time, such that all algorithms for $E$-visible models can be directly adapted to $F$-visible models with an added expense of $O(mn)$ time.
\section{Safety in Circular Models}
\label{s:closed}
In the circular models the \emph{heart} of a walk determines its safety, as the univocal extension of a safe walk is naturally safe.
Therefore, every trivial walk is naturally safe because of the covering constraint for any arc in its heart, which can be univocally extended to get the whole walk.
A non-trivial walk $W$ with a bridge-like heart is safe as well, because every circular arc-covering walk contains all bridge-like walks by definition.
If on the other hand $\ensuremath{\mathsf{Heart}}(W)$ is avertible (having $\ensuremath{\mathsf{Vapor}}(W) = G$), then a walk can cover the entire graph without having $\ensuremath{\mathsf{Heart}}(W)$ as subwalk, making it unsafe by definition.
Thus, the characterisation for circular safe walks is succinctly described as follows (see \Cref{apx:closed} for the proofs of this section):
\begin{restatable}[1-Circular]{theorem}{onecircsafe}
\label{th:circularSafe}
A non-trivial walk $W$ is 1-circular safe iff $\ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ is a path.
\end{restatable}
Now, for $k \geq 2$, a single circular arc-covering walk can be repeated to get $k$ circular arc-covering walks, implying that every \cs{k} walk is \cs{1}.
For the \cs{k}ty of a non-trivial walk $W$, an added issue (see~\Cref{fig:examplecircular}) is that two different circular walks can cover the sea and cloud-related strongly connected components.
However, this is not possible if these components do not entirely cover the graph, i.e. the \ensuremath{\mathsf{River}}{} is not empty.
Thus, we get the following characterisation.
\begin{restatable}[$k$-Circular]{theorem}{kcircsafe}
\label{thm:kcircsafe}
A non-trivial walk $W$ is $k$-circular safe for $k \geq 2$, iff $\ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ is a path and $\ensuremath{\mathsf{River}}(\ensuremath{\mathsf{Heart}}(W))$ is non-empty.
\end{restatable}
Notice that our characterisation does not distinguish between $k$ when $k \geq 2$, implying that all the problems of $(k \geq 2)$-circular safety are equivalent.
These characterisations can be directly adapted for an optimal verification algorithm, by computing the hydrostructure for the given walk in linear time. This also results in $O(m^2n)$ time enumeration algorithms using the {\em two pointer} algorithm on a simple circular arc-covering walk of length $O(mn)$ (see \Cref{apx:closed:implementation}).
Moreover, using the optimal $O(mn)$ time \cs{1} algorithm~\cite{DBLP:journals/talg/CairoMART19}, the maximal \cs{k} walks can also be {\em optimally} enumerated in $O(mn)$ time, by computing the hydrostructure for $O(n)$ non-trivial \cs{1} walks (\Cref{thm:prelim}~\ref{item:omnitig-properties}) and using an interesting property of \cs{1} walks that are not \cs{k}.
See \Cref{apx:closed:implementation} for more details on the implementation.
\begin{figure}[t]
\centering
\centerline{
\begin{subfigure}[m]{0.25\linewidth}
\centering
\includegraphics[trim=0 30 40 0, clip,width=\textwidth]{figures/2-circSafe.pdf}
\caption{\label{fig:examplecircular}}
\end{subfigure}
\hspace{2em}
\begin{subfigure}[m]{0.40\linewidth}
\centering
\includegraphics[trim=2 9 27 0, clip,width=\textwidth]{hydrostructure-soda-st-univocal-extension}
\caption{}
\label{fig:linear-trivial-wings}
\end{subfigure}
}
\caption{\small (a) In the absence of the $\ensuremath{\mathsf{River}}$, the two cycles (shown in thick green) can cover the cloud-related and sea-related SCCs of a non-trivial $\ensuremath{\mathsf{Heart}}$ without having $aZb$ as subwalk.
(b) The heart (green) and the wings (violet and red) of an avertible walk $W = aZb$:
$W$ is unsafe for $s = s_1$ and $t = t_1$, because $\ensuremath{\mathsf{Heart}}(W)$ is $s_1$-$t_1$ suffix-prefix covered in $W$ as it is part of the proper suffix of $W$ starting from $s_1$;
$W$ is safe for $s = s_2$ and $t = t_2$, because the middle of $\ensuremath{\mathsf{Heart}}(W)$ is not $s_2$-$t_2$ suffix-prefix covered in $W$, since it is contained neither in the suffix starting in $s_2$ nor in the prefix ending in $t_2$.
}
\label{fig:cirular}
\end{figure}
\begin{restatable}{lemma}{kcircularsubwalks}
\label{lem:multisafe-subwalks}
Let $k \geq 2$.
For a \cs{1} walk $W = X \ensuremath{\mathsf{Heart}}(W) Y$ where $\ensuremath{\mathsf{Heart}}(W)= aZb$, if $W$ is not \cs{k} then $XaZ$ and $ZbY$ are \cs{k} walks.
\end{restatable}
\section{Safety in Linear Models}
\label{s:open}
In this section we characterise the linear models for strongly connected graphs.
In the corresponding appendix we also extend them to non-strongly connected graphs.
Compared to the circular models, in the linear models the wings of a walk are not naturally safe, because $s$ or $t$ might occur in a wing. This allows a candidate solution to stop at $s$ or $t$, covering the graph without having the entire wing as a subwalk. However, only a \cs{1} walk $W$ can be \ls{k}. Otherwise, using an arc-covering closed walk that does not contain $W$, we can construct an arc-covering $s$-$t$ walk by repeating the arc-covering walk, once starting from $s$ and once ending at $t$.
We handle the wings of non-trivial \ls{k} walks separately.
Our characterisation has three conditions that force a walk to reach from $\ensuremath{\mathsf{Sea}}$ to $\ensuremath{\mathsf{Cloud}}$ of a bridge-like walk, and a fourth condition that makes only trivial walks safe.
For a trivial walk, an additional sufficient condition for safety is if there is an arc in its heart that can only be covered by using the whole walk, i.e. it cannot be covered by using only a proper suffix starting in $s$ or a proper prefix ending in $t$.
Formally we say that an arc $e$ in the heart of a trivial walk $W$ is \emph{$s$-$t$ suffix-prefix covered} if it is part of a proper prefix of $W$ that starts in $s$ or part of a proper suffix of $W$ that ends in $t$ (see \Cref{fig:linear-trivial-wings} for an example).
We get the following characterisation (see \Cref{apx:linear} for the proofs of this section).
\begin{theorem}[name = $k$-st Safe Trivial Walks and Non-Trivial Hearts, restate = linear]
\label{thm:linear}
A trivial walk $W$ (or a non-trivial heart $W$)
is \ls{k} iff it is a single arc or
\begin{enumerate}[label = (\alph*), nosep]
\item $\ensuremath{\mathsf{River}}(W)$ cannot be covered with $k$ walks, or \label{thm:linear:river}
\item $s \notin R^-(W)$, or \label{thm:linear:r-}
\item $t \notin R^+(W)$, or \label{thm:linear:r+}
\item $W$ is trivial and some arc $e$ in $\ensuremath{\mathsf{Heart}}(W)$ is not $s$-$t$ suffix-prefix covered in $W$. \label{thm:linear:suffix-prefix}
\end{enumerate}
\end{theorem}
Note that only \cs{1} walks can fulfill this characterisation: a trivial walk is always \cs{1}, and a non-trivial heart that is not \cs{1} fulfills none of the four criteria.
Further, note that Condition~\labelcref{thm:linear:river} also makes the wings safe, since they are not in the \ensuremath{\mathsf{River}}{} by \Cref{lem:clouds}~\labelcref{lem:clouds:connectedseacloud}.
Additionally if $s$ is in the left wing, we can cover the prefix of the left wing before $s$ without traversing the whole walk in two ways.
Firstly, if the prefix before $s$ is repeated in the suffix of the whole walk from $s$.
Note that this case only happens if $s$ is also in the heart, i.e. the left wing extends back into the heart, which makes the \ensuremath{\mathsf{Sea}}{} of the heart a path and the \ensuremath{\mathsf{River}}{} empty.
Secondly, if $t$ prematurely ends the traversal before covering the whole walk, i.e. $t$ is present in the residual walk or the \ensuremath{\mathsf{Sea}}{}.
We get the following characterisation.
\begin{theorem}[name = Wings of Non-Trivial $k$-st Safe Hearts, restate = linearntwings]
\label{thm:linear-nt-wings}
A non-trivial \cs{1} walk $W^lWW^r$, where $W$ is its heart, $W^l$ its left and $W^r$ its right wing, is \ls{k} iff $W$ is \ls{k} and
\begin{enumerate}[label = (\alph*), nosep]
\item $\ensuremath{\mathsf{River}}(W)$ cannot be covered with $k$ walks, or \label{thm:linear-nt-wings:antichain}
\item either both of $s \in W^l$ and $t \in W^r$ are false, or exactly one is true with:
\begin{itemize}[nosep]
\item if $s \in W^l$, then $t \notin R^+(W) \cup W^r$ and $s \notin W$, and
\item if $t \in W^r$, then $s \notin R^-(W) \cup W^l$ and $t \notin W$.
\end{itemize}
\label{thm:linear-nt-wings:st}
\end{enumerate}
\end{theorem}
Note that the \ls{k} problems are equivalent for all $k \geq m$.
Additionally, the maximal output size of the linear models is $O(n^3)$.
We can check a walk for \ls{k}ty in $O(m+f(m,n))$ where $f(m,n)$ is the time required to check the walk-cover.
And using the two-pointer algorithm on each \cs{1} walk, we can enumerate all maximal \ls{k} walks in $O(m^2n + mnf(m,n))$ time.
Recall from the preliminaries that $f(m,n) \in O(mn)$, and further observe that for $k \geq m$ or $k = 1$ we get $O(m)$.
See \Cref{apx:linear:implementation} for more details on the implementation.
\section{Safety for Subset Covering}
\label{sec:subsetCovApx}
The subset covering models reduce the covering constraint to only a subset $F\subseteq E$ instead of the entire $E$. Note that this implies that any walk which is a solution in the $E$-covering model is also a solution in the $F$-covering model, but we can have walks which are not $E$-covering but $F$-covering. Thus, every $F$-covering safe walk is $E$-covering safe. Furthermore, if $F$ is empty then no walk is safe, so in this section we assume $F \neq \emptyset$.
Note that, in contrast to the $E$-covering models, in the $F$-covering models, a single arc is not trivially safe.
So in order to characterise their safety we extend the definition of hydrostructure for single arcs, by splitting the arc using a dummy node. Thus, a single arc can be treated as a walk with two arcs, for which the hydrostructure is already defined.
We call an arc in $F$ an $F$-arc and a part of the graph \emph{$F$-covered} if an $F$-arc belongs to it.
Also, for a bridge-like walk, we define the \emph{$F$-covered SCCs}, which are the maximal SCCs of its \ensuremath{\mathsf{River}}{}, and the sea- and cloud-related SCCs (see \Cref{lem:clouds}~\ref{lem:clouds:connectedseacloud}) that are $F$-covered.
Similarly, for an avertible walk, the \emph{$F$-covered SCC} is $G$.
Furthermore, the $F$-covered sea and cloud-related SCCs are counted as one if they share all their $F$-arcs.
\paragraph{Circular Models.}
A trivial walk $W$ is circular safe if $\ensuremath{\mathsf{Heart}}(W)$ is $F$-covered.
For bridge-like walks, the issue with $F$-covering circular walks is that a set of cycles can cover the entire $F$ if it is covered by some $F$-covered SCCs, making the walks unsafe. This is not possible if an arc in $F$ exists outside the $F$-covered SCCs, or the number of such SCCs are more than $k$.
\begin{theorem}[name = Circular $F$-Covering Safety, restate = coveringcircular]
For $F\subseteq E$ a \cs{1} walk $W$ that contains at least two arcs is \ccs{k} iff for the hydrostructure on $W$ (for trivial) or $\ensuremath{\mathsf{Heart}}(W)$ (for non-trivial) it holds that
\begin{enumerate}[label = (\alph*), nosep]
\item $k$ is less than the number of $F$-covered SCCs, or
\item there exists an $F$-covered arc in the $\ensuremath{\mathsf{River}}$, that is not in any SCC of the $\ensuremath{\mathsf{River}}$, or
\item $W$ has an $F$-covered trivial heart.
\end{enumerate}
\end{theorem}
\begin{proof}
$(\Rightarrow)$
Assume that $k$ is greater than or equal to the number of $F$-covered SCCs, there exists no $F$-covered arc in the \ensuremath{\mathsf{River}}{}, that is not in any SCC of the \ensuremath{\mathsf{River}}{}, and $W$ does not have an $F$-covered trivial heart.
We distinguish between $W$ being trivial avertible, trivial bridge-like or non-trivial.
\begin{itemize}
\item
If $W$ is trivial and avertible but does not have an $F$-covered trivial heart, then by \Cref{lem:vapor-only-clouds-covering} all arcs in $F$ can be covered by a single circular walk without traversing $\ensuremath{\mathsf{Heart}}(W)$.
Thus, $W$ is not \ccs{k}.
\item
If $W$ is trivial and bridge-like or non-trivial (in which case $\ensuremath{\mathsf{Heart}}(W)$ is bridge-like by \Cref{th:circularSafe}), then all arcs in $F$ are in $F$-covered SCCs. Indeed arcs in the \ensuremath{\mathsf{River}}{} are in $F$-covered SCCs by hypothesis; arcs in the \ensuremath{\mathsf{Cloud}}{} or \ensuremath{\mathsf{Sea}}{} are relatively in the $F$-covered cloud-related SCC or sea-related SCC; arcs in the \ensuremath{\mathsf{Vapor}}{} of non-trivial walks are both in the sea-related SCC and cloud-related SCC; and for trivial walks the arcs in the \ensuremath{\mathsf{Vapor}}{} that are neither in the cloud-related SCC nor in the sea-related SCC are in the trivial heart by definition, which does not contain arcs in $F$ by hypothesis.
Therefore, since all arcs in $F$ are in $F$-covered SCCs and we have at most $k$ $F$-covered SCCs of which none contains the whole walk $W$, it follows that $F$ can be covered with $k$ walks not having $W$ as subwalk, hence $W$ is not \ccs{k}.
\end{itemize}
$(\Leftarrow)$
\begin{itemize}
\item
If $W$ has an $F$-covered trivial heart then it is \ccs{k}.
\item
If $k$ is less than the number of $F$-covered SCCs, then at least one solution walk needs to intersect two SCCs.
We need to distinguish three cases: (A) if these are sea-related and cloud-related (in which case the sea-related SCC and the cloud-related SCC do not share all their $F$-arcs), (B) if one is in the \ensuremath{\mathsf{River}}{} and the other is sea-related or cloud-related, or (C) if both are in the \ensuremath{\mathsf{River}}{}.
In all cases, \Cref{lem:clouds}~\labelcref{lem:clouds:connectivity} implies that this solution walk needs to traverse from \ensuremath{\mathsf{Sea}}{} to \ensuremath{\mathsf{Cloud}}{}, which by \Cref{lem:clouds}~\labelcref{lem:clouds:forwards} implies the \ccs{k}ty of $W$.
In case (C) this is because the \ensuremath{\mathsf{River}}{} is not strongly connected if there is more than one maximal SCC.
\item
If there exists an $F$-covered arc in the \ensuremath{\mathsf{River}}{}, that is not in any SCC of the \ensuremath{\mathsf{River}}{}, then the \ensuremath{\mathsf{River}}{} is not strongly connected.
Therefore, to cover this arc with a circular walk, the \ensuremath{\mathsf{River}}{} needs to be exited and entered, which by \Cref{lem:clouds}~\labelcref{lem:clouds:connectivity} implies that a solution walk covering this arc needs to traverse from \ensuremath{\mathsf{Sea}}{} to \ensuremath{\mathsf{Cloud}}{}, which by \Cref{lem:clouds}~\labelcref{lem:clouds:forwards} implies the \ccs{k}ty of $W$.
\qedhere
\end{itemize}
\end{proof}
\paragraph{Linear Models.}
The characterisation for safe walks in the linear models can be translated to the $F$-covering model using the following definitions.
We define the $R^+_s(W)$ as the subgraph reachable from $s$ without using $W$ as a subwalk.
Similarly, we define $R^-_t(W)$ as the subgraph that reaches $t$ without using $W$ as a subwalk.
We refer to the set $R^+_s(W) \cap R^-_t(W)$ as the \emph{st-induced subgraph of $W$} and similarly $R^+_s(W) \cap R^-_t(W) \cap \ensuremath{\mathsf{River}}(W)$ as the \emph{st-induced \ensuremath{\mathsf{River}}{} of $W$}.
Note that if $s\in R^-(W)$ (or $t\in R^+(W)$) then $R_s^+(W)$ (or $R_t^-(W)$) covers the whole graph.
Also, if both $s,t\in \ensuremath{\mathsf{River}}(W)$ then the st-induced subgraph of $W$ contains $\ensuremath{\mathsf{Vapor}}(W)$ disconnected from some part, if any, of $\ensuremath{\mathsf{River}}(W)$.
Further, we define the \emph{$F$ walk-cover} of a subgraph as a set of walks that cover all $F$-arcs in that subgraph, where the number of walks is referred as the \emph{size} of the $F$ walk-cover. Similar to a walk-cover (see \Cref{sec:preliminaries}), the $F$ walk-cover can be computed in $O(mn)$ time\footnote{In the minimum flow, we keep {\em unit} demand only for the edges in $F$.} using flows. We have the following simple characterisation of safe walks in this model.
\begin{theorem}[name = $k$-st $F$-covering Safe Trivial Walks and Non-Trivial Hearts, restate = coveringlinear]
\label{thm:coveringlinear}
A \cs{1} walk $W$ that contains at least two arcs and that is trivial, or is a non-trivial heart, is \lcs{k} iff
\begin{enumerate}[label = (\alph*), nosep]
\item The $F$-arcs in the st-induced \ensuremath{\mathsf{River}}{} of $W$ cannot be covered with $k$ walks, or \label{thm:coveringlinear:river}
\item $F \cup \{s, t\} \not\subseteq$ a single WCC in the st-induced subgraph of $W$, or \label{thm:coveringlinear:r}
\item $W$ is trivial and some arc in $F \cap \ensuremath{\mathsf{Heart}}(W)$ is not $s$-$t$ suffix-prefix covered in $W$. \label{thm:coveringlinear:suffix-prefix}
\end{enumerate}
\end{theorem}
\begin{proof}
Assume that all three conditions are false.
\begin{itemize}
\item
If $W$ is a non-trivial heart, then given \ref{thm:coveringlinear:r} is false, there exist $s$-$t$ walks not having $W$ as its subwalk. Further, for each $f \in F$ which shares the WCC with $s$ and $t$, there is an $s$-$t$ walk containing $f$ (as $f$ is in the st-induced subgraph of $W$) without having $W$ as subwalk.
And by \ref{thm:coveringlinear:river} using up to $k$ $s$-$t$ walks all $F$-arcs can be covered without any such walk having $W$ as subwalk.
\item
If $W$ is a bridge-like trivial walk, then similar to the non-trivial $\ensuremath{\mathsf{Heart}}$ case all $F$-arcs outside $\ensuremath{\mathsf{Heart}}(W)$ can be covered with $k$ $s$-$t$ walks that do not have $W$ as subwalk.
Additionally, since by \ref{thm:coveringlinear:suffix-prefix} all arcs in $F \cap \ensuremath{\mathsf{Heart}}(W)$ are $s$-$t$ suffix-prefix covered in $W$, these $k$ walks also cover the $F$-arcs inside $\ensuremath{\mathsf{Heart}}(W)$.
\item
If $W$ is an avertible trivial walk, then all $F$-arcs in its heart are $s$-$t$ suffix-prefix covered in $W$, so by \Cref{lem:vapor-only-clouds-covering} there exists an $s$-$t$ walk that covers all $F$-arcs without having $W$ as subwalk.
\end{itemize}
Assume that one condition is true at a time.
\begin{itemize}
\item
If the $F$-arcs in the st-induced \ensuremath{\mathsf{River}}{} of $W$ cannot be covered with $k$ walks then at least one walk needs to exit and reenter the river, making $W$ safe.
\item
If $F \cup \{s, t\}$ is not completely contained in a single WCC of the st-induced subgraph of $W$, then there is no $s$-$t$ walk without $W$ as subwalk (if $\{s, t\}$ are not in the st-induced subgraph of $W$), or for an $F$-arc $f$ there is no $s$-$t$ walk that contains $f$ without $W$ as subwalk (if $f$ is not in the st-induced subgraph of $W$ or not in same WCC as $\{s,t\}$ in the st-induced subgraph of $W$).
\item
If $W$ is trivial and some arc in $F \cap \ensuremath{\mathsf{Heart}}(W)$ is not $s$-$t$ suffix-prefix covered in $W$, then to cover that arc an $s$-$t$ walk needs to enter $W$ at its start and leave it at its end, making $W$ safe.
\qedhere
\end{itemize}
\end{proof}
\begin{theorem}[name = Wings of Non-Trivial $k$-st $F$-covering Safe Hearts, restate = coveringlinearntwings]
\label{thm:coveringlinear-nt-wings}
A non-trivial walk $W^lWW^r$, where $W$ is its heart, $W^l$ its left and $W^r$ its right wing and where $W$ contains at least two arcs is \lcs{k} iff $W$ is \lcs{k} and
\begin{enumerate}[label = (\alph*), nosep]
\item The $F$-arcs in the st-induced \ensuremath{\mathsf{River}}{} of $W$ cannot be covered with $k$ walks, or
\label{thm:coveringlinear-nt-wings:river}
\item Either both of $s \in W^l$ and $t \in W^r$ are false, or exactly one is true with: \label{thm:coveringlinear-nt-wings:st}
\begin{itemize}[nosep]
\item if $s \in W^l$, then $t \notin R^+(W) \cup W^r$ and $F\not\subseteq R^-_t(W) \cup $ suffix of $W_l$ starting in $s$, and
\item if $t \in W^r$, then $s \notin R^-(W) \cup W^l$ and $F\not\subseteq R^+_s(W) \cup $ prefix of $W_r$ ending in $t$.
\end{itemize}
\end{enumerate}
\end{theorem}
\begin{proof}
Similar to the non-trivial hearts, not being able to cover the $F$-arcs of the st-induced \ensuremath{\mathsf{River}}{} of $W$ with $k$ walks ensures that one walk needs to exit and re-enter the river, making $W$ safe along with its wings as such a walk goes from $\ensuremath{\mathsf{Sea}}(W)$ to $\ensuremath{\mathsf{Cloud}}(W)$ which completely contain the wings (by \Cref{lem:wings-in-sea-cloud}).
Also, $s\notin W^l$ and $t\notin W^r$ makes the wings safe if $W$ is safe as they are R-univocal and univocal, respectively. %
They can also be safe with $s\in W^l$, if we are required to separately cover the prefix of the left wing before $s$,
and the location of $t$ and the $F$-arcs does not allow the walk to end prematurely before covering the entire $W^lWW^r$. Note that if $F$ is entirely contained in $R_t^-(W)$ and suffix of $W_l$ starting in $s$, $F$ would be covered starting $W_l$ only from $s$ itself, negating the above requirement making the wings not safe.
Further, covering the entire $W^lWW^r$ requires such a walk to have a subwalk from $\ensuremath{\mathsf{Sea}}(W)$ to $\ensuremath{\mathsf{Cloud}}(W)$ without ending before completing the right wing. This can be ensured by $t\notin R^+(W)\cup W^r$, else it can also end in $\ensuremath{\mathsf{Vapor}}(W)$, $\ensuremath{\mathsf{Sea}}(W)$ (as $W$ is non-trivial) or before completely covering $W^r$.
By symmetry we have the corresponding criteria for $t\in W^r$.
\end{proof}
\paragraph{Implementation.}
The computation of $F$-covered SCCs, $R^+_s(W)$ and $R^-_t(W)$ clearly requires linear time in the size of the graph, i.e., $O(m)$. The $F$ walk-cover can be computed using flows in $O(mn)$ time as described earlier. Furthermore, the number of executions of the two-pointer algorithm are still $O(n)$ (see \Cref{thm:coveringlinear-avertible-algo}). Thus, the time bounds for verification and simple enumeration algorithms does not change in the subset covering model.
In the improved enumeration algorithm we need to additionally address maintaining $R^+_s(W)$, $R^-_t(W)$, and the size of the walk cover of the st-induced \ensuremath{\mathsf{River}}{} of $W$ during the incremental computation procedure. Since by definition $R^+_s(W)$ (and $R^-_t(W)$) are the same as $R^+(W)$ (and $R^-(W)$) except for the source (and target) of the walks, we can use the same procedure (described in \Cref{sec:algorithms}) to compute them incrementally in total $O(m)$ time. Moreover, the st-induced \ensuremath{\mathsf{River}}{} of $W$ ($R^+_s(W)\cap R^-_t(W)\cap \ensuremath{\mathsf{River}}(W)$) depends only on $\ensuremath{\mathsf{River}}(W)$ and the location of $s$ and $t$ in it, so we can again use the same arguments (as described in \Cref{sec:algorithms}) to prove that each arc enters and leaves this subgraph at most once during the incremental computation. Thus, the size of the $F$ walk-cover can be maintained in $O(m^2)$ time similar to the size of the walk-cover, resulting in the same bound as $E$-covering model.
\begin{theorem}
\label{thm:Fcov}
The bounds of \Cref{thm:improved-linear-runtimes} also hold for the corresponding $F$-covering models.
\end{theorem}
\section{Safety for Subset Visibility}
\label{sec:subsetVisApx}
In subset visibility we limit the solution of the problem to its visible arcs. We thus define $vis_F(W)$ as the substring of a walk $W$ which belongs to $F$. Note that this does not change the solution of the problem but only its representation, which is now limited to the visible set $F$.
So if a walk $W$ is a solution in the $E$-visible %
model for a problem, then we have $vis_F(W)$ is a solution in the $F$-visible model for the problem, where $F\subseteq E$.
Abusing notation we also simply say that $W$ is a solution for the $F$-visible model of the problem.
However, note that the safe solutions ignore the non-visible part of the walk to compute safety. For example \Cref{th:circularSafe} %
relaxes to the visible part of $\ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ to being a single sequence of arcs (possibly disconnected). Henceforth, we shall continue to refer to such a sequence as a visible path despite being disconnected. Thus, relaxing the criteria for safety implies that even though the $F$-visible solution for a problem is the same as the $E$-visible solution, we have that every $E$-visible safe walk is $F$-visible safe but not vice-versa.
As a result, in order to characterise the safety in the $F$-visible model, we relax the definition of the hydrostructure
by relaxing the forward and backward reachability of a walk as follows:
\begin{definition}
For a walk $W$ where $\wh{}(W),\wt{}(W)\in F$, we define the \emph{restricted} forward and backward $F$-visible reachability as
\begin{itemize}[nosep]
\item $R_F^+(W) = \{x \in G \mid \exists \text{ $\wt{}(W)$-$x$ walk } W' \text{s.t. } vis_F(W) \text{ is not a subwalk of $vis_F(W')$}\}$,
\item $R_F^-(W) = \{x \in G \mid \exists \text{ $x$-$\wh{}(W)$ walk } W' \text{s.t. } vis_F(W) \text{ is not a subwalk of $vis_F(W')$}\}$.
\end{itemize}
\end{definition}
Notice that the modified hydrostructure is merely more relaxed in terms of the \ensuremath{\mathsf{Vapor}}{}. For the $F$-visible model, \Cref{lem:cloud-cases} relaxes the criteria of the \ensuremath{\mathsf{Vapor}}{} being more than a single path, to having a single visible path (see \Cref{fig:f-visible-hears-wings}). Similarly, the properties of the hydrostructure are adapted by considering $vis_F(W)$ instead of $W$.
\begin{figure}[htb]
\centering
\includegraphics[trim=1 3 1 3, clip, scale=1.4]{hydrostructure-soda-F-visible-hearts-wings}
\caption{A non-trivial visible walk with visible heart in green, and visible wings in violet and red, where the dotted arcs are invisible.
}
\label{fig:f-visible-hears-wings}
\end{figure}
The \textit{visible} wings of a walk $W^l_{F}$ and $W^r_{F}$ and the visible heart $\ensuremath{\mathsf{Heart}}_F(W)$ require \textit{visible splits} and \textit{visible joins} in terms of only visible arcs possibly having invisible arcs (or even subgraphs) between them. Thus, for arcs $e,f\in F$ we consider $(e,f)$ as adjacent if there exists a path from $\head{}(e)$ to $\tail{}(f)$ in $G\setminus F$. %
\paragraph{Implementation.}
In order to present the verification and enumeration algorithms for any model, it is sufficient to describe the computation of the hydrostructure. The only difference from \Cref{sec:hydrostructure} is that we shall now be using {\em visible} adjacency and hence {\em visible} splits and joins. In order to compute these efficiently we pre-compute the all-pairs reachability among endpoints of arcs in $F$ in $G\setminus F$. This can be computed performing a traversal (BFS or DFS) from the $k$ endpoints of arcs in $F$ in $O(mk)$ time, where $k\leq \min(n,|F|)$. Thus, all the previous algorithms are adaptable in the $F$-visible model with an added expense of $O(mn)$.
\begin{theorem}
\label{thm:Fvis}
The bounds of \Cref{thm:improved-linear-runtimes} also hold for the corresponding $F$-visible models with an added $O(mn)$ term.
\end{theorem}
\section{Bioinformatics Motivation\label{sec:bioinformatics-motivation}}
Assuming we are sequencing a single circular genome (as when sequencing a single bacterium), the most basic notion of a solution (or a source genome) is that of a walk in the assembly graph covering all nodes or all arcs at least once, thereby explaining their existence in the assembly graph~\cite{tomescu2017safe}.
Even if the earlier works (mentioned in \Cref{sec:intro} on ``global'' genome assembly formulations) include various \emph{shortest} versions of such walks (e.g.~Eulerian, Chinese postman, or even Hamiltonian), it is widely acknowledged~\cite{nagarajan2009parametric,narzisi14,medvedev2019modeling,nagarajan2013sequence,DBLP:books/cu/MBCT2015,kingsford2010assembly} that a shortest walk misses repeats in the source genome. Moreover, safe walks for \emph{all} arc-covering walks are also trivially safe for more specialised types of walks. Both of these facts motivate the lack of constraints of the solution walks, except than to require that they are arc-covering.
However, such theoretical formulation of genome assembly using a single closed arc-covering walk uses the following assumptions. (i) All the reads are sequenced from a \emph{single circular} genome, such that these reads have (ii) \emph{no errors}, and (iii) \emph{no missing coverage} (e.g.~every position of the genome is covered by some read). However, these are very strong and impractical assumptions that are violated by real input data sets, as we explain next:
\begin{itemize}
\item Assumption (i) is not practical for several reasons.
When sequencing a bacterium~\cite{charlebois1999organization}, one indeed obtains reads from a \emph{single circular} genome. However, when sequencing all bacteria in an environmental sample (as in \emph{metagenomics}~\cite{metagenomics}), the reads originate from \emph{multiple circular} genomes. In case of a virus~\cite{Gelderblom:1996aa}, the reads originate from a \emph{single linear} genome. Finally, when sequencing eukaryotes such as human~\cite{brown2002human}, the reads originate from \emph{multiple linear} chromosomes.
\item Assumption (ii) is not practical because the sequencing process introduces errors in the reads, with error rates ranging from 1\% for short reads, up to 15\% for long reads. Such read errors produce certain known structures in the assembly graph~\cite{nagarajan2013sequence}, such as \emph{tips} (short induced paths ending in a sink), and \emph{bubbles} (two induced paths of the same length, and with the same endpoints, see also their generalisation to \emph{superbubbles}~\cite{IliopoulosKMV16,GartnerMS18,PatenERNGH18}), which are usually handled in an initial \emph{error-correction} stage using heuristics (e.g.~tips are removed, and bubbles are ``popped'' by removing one of the parallel paths). Such bubbles can also arise from a correct read position in diploid genomes (such as human), but on which the mother's copy of the chromosome differs from the father's. Popping bubbles is favorable in this setting in order to obtain longer assemblies (since unitigs would otherwise be broken up by the endpoints of the bubble). Moreover, in a de Bruijn graph, arcs that appear very few times (having low {\em abundance}) in the input reads are heuristically removed, as they are assumed to be errors.
But in practice, the assembly graph's topology might give evidence for the correctness of these arcs, especially in scenarios where low abundance is common~\cite{li2015megahit}, so a more accurate removal strategy is likely to result in a better assembly. This applies even to state-of-the-art long read assemblers like wtdbg2~\cite{Ruan:2020aa} which simply removes low abundance arcs.
\item Assumption (iii) is not true due to the practical limitations of current sequencing technologies. Thus, since not all parts of the genome can always be read, even if the sample contains a {\em single circular} genome, the reads appear as if they were sequenced from \emph{multiple linear} genomic sequences.
\end{itemize}
\begin{figure}
\centering
\includegraphics{hydrostructure-soda-genome-assembly-motivation}
\caption{\small Assume a ``full'' read coverage scenario in which reads of length at least 4 have been sequenced starting from each position a diploid genome (i.e.~from both the mother and the father copy of a chromosome). An \emph{arc-centric} de Bruijn graph of order 3 has all substrings of length 3 of the reads as nodes, and all substrings of length 4 as arcs (from their length-3 prefix to their length-3 suffix). The thin blue line depicts the mother genome as a walk in this graph. Orange marks a position in which the two haplotypes differ; this induces a bubble in the de Bruijn graph (dotted arcs). We assume that the red arcs have low abundance in the read dataset for some natural reasons, despite being correct. But they would still be removed by current heuristic error-correction strategies, even though our models show evidence for their correctness.
We set the dotted arcs to invisible, and model the genome as an $s$-$t$ walk not required to cover the red and dotted arcs, where $s = \textsf{AAT}$ and $t = \textsf{CGT}$. Below the mother's haplotype, we mark in green its maximal \ls{1} substrings. The thick safe walk of the mother's haplotype is also depicted in the graph (in green as well). We show in magenta the unitigs of the graph aligned to the mother haplotype. Additionally, the red parts of the unitigs would be missing if the red arcs were removed.
}
\label{fig:example-model-variants}
\end{figure}
The genome assembly models from \Cref{sec:intro} handle all such issues flexibly and theoretically solid by considering \emph{collections} of closed or open walks. In the subset covering models, the arcs not required to be covered can be those in tips, bubbles and those with low abundance in the reads. However, merely making them avoidable (and not removing them) can break the safety around such regions. Hence, another possible extension is to mark such parts of the graph as invisible. For example, marking bubbles as invisible prevents disrupting the safety of their flanking regions.
See \Cref{fig:example-model-variants} for an example of these models.
Note that in practice k-mer multiplicities are available with the genome data, and these could be used to compute even longer safe paths when integrated into our models.
However this is beyond the scope of our paper, as they address a fundamentally different graph problem, and may result in the following major theoretical problems.
In case we use multiplicities to impose a coverage-goal for each arc, specifying exactly how often a valid solution walk must contain an arc, then the resulting theoretical formulation as a graph problem changes to a Eulerian cycle, rather than simply an edge covering cycle. Practically, due to errors in the data and varying abundance of different genomic regions, we may end up with ``non-Eulerian'' nodes, i.e. nodes that must be entered more or less often than they must be exited.
Using another formulation, the above issue can be addressed by allowing an interval of multiplicities for each arc, where the existence of a valid solution walk obeys these interval restrictions.
However, this can be reduced\footnote{Assign the closed interval $[0, 1]$ to each arc, and $[1,1]$ to each node $v$ extended as an arc $(v_{in},v_{out})$, where all incoming arcs of $v$ are incident on $v_{in}$ and the outgoing arcs of $v$ leave from $v_{out}$.} to the Hamiltonian circuit problem which is NP-Hard.
Our models address the information on k-mer abundances using subset covering and visibility, loosing out on some information to avoid modifying the underlying graph problem.
\section{Safety in Circular Models}
\label{apx:closed}
As described in \Cref{s:closed}, since trivial walks are naturally safe the characterisations are stated only for non-trivial walks.
\onecircsafe*
\begin{proof}
$(\Rightarrow)$
Let $\ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ not be a path.
Let $aZb := \ensuremath{\mathsf{Heart}}(W)$, $a'$ be a sibling join arc of $a$ and $b'$ be a sibling split arc of $b$.
Then, by \Cref{lem:cloud-cases}, $aZb$ is avertible.
We prove that $aZb$ is not \cs{1} by constructing a circular arc-covering walk $\mathcal{C}$ that does not contain $aZb$.
Let $P$ be an $a'$-$b'$ walk, such that $aZb$ is not a subwalk of $P$, which exists exactly because $aZb$ is avertible (if it does not exist, then $a'$ and $b'$ would make $aZb$ a bridge-like walk).
Let $\mathcal{C'}$ be an arbitrary circular arc-covering walk of $G$. If $\mathcal{C'}$ does not contain $aZb$ the claim holds, otherwise consider $\mathcal{C}$ obtained from $\mathcal{C'}$, by replacing every $aZb$ subwalk with $aZPZb$.
Concluding, since $aZb$ is not \cs{1}, it holds that $W$ is not \cs{1}.
$(\Leftarrow)$
Let $\ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ be a path.
Then $\ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ is not the whole $G$.
Moreover, by \Cref{lem:cloud-cases}, $\ensuremath{\mathsf{Heart}}(W)$ is bridge-like, so there are $x, y \in G$ such that each $x$-$y$ walk has $\ensuremath{\mathsf{Heart}}(W)$ as a subwalk.
Therefore, since every circular arc-covering walk $\mathcal{C}$ in $G$ contains both $x$ and $y$ and hence a subwalk from $x$ to $y$, $\ensuremath{\mathsf{Heart}}(W)$ is a subwalk of $\mathcal{C}$ (and hence \cs{1}).
Further, since $\cal C$ is circular, the whole $W$ is \cs{1}, as $\ensuremath{\mathsf{Heart}}(W)$ can only be traversed by also passing through its univocal extension.
\end{proof}
\kcircsafe*
\begin{proof}
$(\Rightarrow)$
We first prove that $W$ is not \cs{k} if
$\ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ is not a path or $\ensuremath{\mathsf{River}}(\ensuremath{\mathsf{Heart}}(W))$ is empty.
\begin{itemize}
\item If $\ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ is not a path, then using \Cref{th:circularSafe} $W$ is not \cs{1}, or there is a circular arc-covering walk $\mathcal{C}$ not containing $W$.
Thus, a collection of $k$ copies of $\mathcal{C}$ is also arc-covering not containing $W$, proving that $W$ is not \cs{k}.
\item If $\ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ is a path, and $\ensuremath{\mathsf{River}}(\ensuremath{\mathsf{Heart}}(W))$ is empty, we can prove that $W$ is not \cs{k} for $k\geq 2$ because for a non-trivial $W$ it holds that $\ensuremath{\mathsf{Cloud}}(\ensuremath{\mathsf{Heart}}(W)) \cup \ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ and $\ensuremath{\mathsf{Sea}}(\ensuremath{\mathsf{Heart}}(W)) \cup \ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ are each strongly connected. Thus, two different walks can separately cover them as $\ensuremath{\mathsf{River}}(\ensuremath{\mathsf{Heart}}(W))$ is empty.
We only prove that $\ensuremath{\mathsf{Cloud}}(\ensuremath{\mathsf{Heart}}(W)) \cup \ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ is strongly connected as the other follows by symmetry. Since $W$ is non-trivial, $\ensuremath{\mathsf{Heart}}(W)$ starts with a join arc $a$ and ends with a split arc $b$.
If $\ensuremath{\mathsf{Cloud}}(\ensuremath{\mathsf{Heart}}(W))=\{b\}$ then clearly it is the join sibling of $a$, making $\ensuremath{\mathsf{Cloud}}(\ensuremath{\mathsf{Heart}}(W)) \cup \ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ a cycle and hence strongly connected. Otherwise, if $\ensuremath{\mathsf{Cloud}}(\ensuremath{\mathsf{Heart}}(W))\neq\{b\}$ then the strong connectivity follows by \Cref{lem:clouds}~\labelcref{lem:clouds:connectedseacloud}.
\end{itemize}
$(\Leftarrow)$
If $\ensuremath{\mathsf{Vapor}}(\ensuremath{\mathsf{Heart}}(W))$ is a path then $\ensuremath{\mathsf{Heart}}(W)$ is bridge-like by \Cref{lem:cloud-cases}.
If $\ensuremath{\mathsf{River}}(\ensuremath{\mathsf{Heart}}(W))$ is not empty, since the graph is strongly connected we can enter $\ensuremath{\mathsf{River}}(\ensuremath{\mathsf{Heart}}(W))$ only from $\ensuremath{\mathsf{Cloud}}(\ensuremath{\mathsf{Heart}}(W))$ (by \Cref{lem:clouds}~\labelcref{lem:clouds:connectivity}) %
using some arc. Hence, every walk covering this arc requires a subwalk from $\ensuremath{\mathsf{River}}(\ensuremath{\mathsf{Heart}}(W))$ to $\ensuremath{\mathsf{Cloud}}(\ensuremath{\mathsf{Heart}}(W))$, which passes through $\ensuremath{\mathsf{Sea}}(\ensuremath{\mathsf{Heart}}(W))$ (by \Cref{lem:clouds}~\labelcref{lem:clouds:connectivity}). Using \Cref{lem:clouds}~\labelcref{lem:clouds:forwards} we get that this subwalk necessarily contains the walk $W$ making it \cs{k}.
\end{proof}
We also use the following property for our efficient algorithm to compute \cs{k} walks.
\kcircularsubwalks*
\begin{proof}
By symmetry of the statement, we only prove that if $W$ is a 1-circular safe walk of $G$ that is not $k$-circular safe then $XaZ$ is a $k$-circular safe walk of $G$. This also implies that $Q$ is non-trivial otherwise it is implicitly \cs{k}.
Further, being a subwalk of the \cs{1} $W$ makes $Q := XaZ$ also \cs{1}.
Let $\ensuremath{\mathsf{Heart}}(Q) = aZ^*b^*$, which is either $aZ$ or a prefix of $aZ$.
Since $aZb$ is a non-trivial heart, there exists a sibling split arc $b'$ of $b$.
We claim that for any such sibling $b'$, we have $b' \in \ensuremath{\mathsf{River}}(aZ^*b^*)$, which is equivalent to $b' \notin R^+(aZ^*b^*)\cup R^-(aZ^*b^*)$.
Now, $aZ$ is bridge-like (since $aZb$ is bridge-like), so each $\wt{aZ}$-$\wh{aZ}$ walk has $aZ$ as subwalk.
Since $\wh{aZ} = \tail(b')$ it follows that each $a$-$b'$ walk has $aZ$ as subwalk, and hence its prefix $aZ^*b^*$. Thus, $b' \notin R^+(aZ^*b^*)$. Further, we know that $b'\in \ensuremath{\mathsf{Sea}}(aZb)$ as it is surely in $R^+(aZb)$ (by definition) and not in $\ensuremath{\mathsf{Vapor}}(aZb)$ (for bridge-like $aZb$ by \Cref{lem:cloud-cases}). So any path from $b'$ to $b^*\in \ensuremath{\mathsf{Vapor}}(aZb)$ surely enters $\ensuremath{\mathsf{Vapor}}(aZb)$ through $a$ (by \Cref{lem:clouds}~\ref{lem:clouds:connectivity}). Hence it has $aZ^*b^*$ as a subwalk since $\ensuremath{\mathsf{Vapor}}(aZb)$ is a path and $aZ^*b^*$ is a prefix of $aZb$. Thus, $b'\notin R^-(aZ^*b^*)$.
Thus $b' \notin (R^+(aZ^*b^*) \cup R^+(aZ^*b^*))$ implying that $b'\in \ensuremath{\mathsf{River}}(aZ^*b^*)$, and by \Cref{thm:kcircsafe} that $aZ^*b^*$ is \cs{k}.
Therefore, since $\ensuremath{\mathsf{Heart}}(XaZ) = aZ^*b^*$, we conclude that $XaZ$ is \cs{k}. By symmetry $ZbY$ is also \cs{k}.
\end{proof}
\subsection{Implementation}
\label{apx:closed:implementation}
The characterisation can be directly adapted to get a verification algorithm for evaluating whether a given walk is safe in $1$-circular and $k$-circular models. A trivial walk $W$ is easily identified in $O(|W|)$ time by checking for univocal walks. For a non-trivial walk $W$ the hydrostructure can be computed in linear time (\Cref{thm:hydro_algo}) and the characterisation can be verified in $O(|W|)$ time resulting in an $O(m)$ time verification algorithm for both \cs{1} and \cs{k} walks.
Since every trivial walk is \cs{1} and \cs{k}, they can be enumerated by computing univocal extensions of each arc in $O(mn)$ time. For reporting all non-trivial maximal \cs{1} and \cs{k} walks, we use the two pointer algorithm on a candidate solution. A candidate solution can be computed by arranging the $m$ arcs in some circular order, and adding the shortest path between adjacent arcs to complete the closed arc-covering walk of size $O(mn)$. To get an arc-covering solution made up of $k$ closed walks, we can have $k$ \emph{identical} copies of this $O(mn)$-size walk. Now, using the two-pointer algorithm (\Cref{thm:prelim}~\labelcref{thm:two-pointer-algirithm}) on one of these identical walks, with the above linear time verification algorithm we can enumerate all non-trivial maximal \cs{1} and \cs{k} walks in $O(m^2n)$ time.
Alternatively, non-trivial \cs{k} walks can computed using non-trivial \cs{1} walks in $O(mn)$ time. This is because the amount of non-trivial \cs{1} walks is $O(n)$ (\Cref{thm:prelim}~\ref{item:omnitig-properties}). Computing their hydrostructure in $O(m)$ time either verifies them to be \cs{k} or its two subwalks as \cs{k} (using \Cref{lem:multisafe-subwalks}). Hence, using the $O(mn)$ time optimal \cs{1} algorithm~\cite{DBLP:journals/talg/CairoMART19} we get the following result.
\begin{theorem}
Given a strongly connected graph with $m$ arcs and $n$ nodes, all the maximal \cs{k} walks can be reported in $O(mn)$ time.
\end{theorem}
\section{Omitted Hydrostructure Implementation Details}
\label{apx:implementation}
\subsection{Basic Construction Algorithm}
\label{apx:implementation:hydrostructure}
We prove the correctness of \Cref{thm:hydro_algo} using \Cref{alg:hydrostructure}.
\begin{algorithm}[tbh]
\caption{Forward Reachability}
\label{alg:hydrostructure}
\KwIn{Graph $G$, non-empty walk $W$}
\KwOut{$R^+(W)$}
\DontPrintSemicolon
\BlankLine
\If{$W$ is an open path}{
$R' \gets \{x \in V \cup E \mid \exists \text{ $\wt{}(W)$-$x$ walk in } G \setminus \wh{}(W)\}$ \tcp*{compute e.g.~via BFS}
\If{$ \not\exists \text{ arc } e \in R': e \notin W \land \head{}(e) \in W$\label{alg:hydrostructure:if}}{
\Return $R'$\; \label{alg:hydrostructure:returnr}
}}
\Return $G$ \; \label{alg:hydrostructure:returng}
\end{algorithm}
\hydrostructurebasicalgo*
\begin{proof}
Each node and arc can be annotated with its membership in $R^+(W)$ and $R^-(W)$ using \Cref{alg:hydrostructure} and its symmetric variant in $O(m)$ time.
It remains to prove the correctness of \Cref{alg:hydrostructure}.
\begin{itemize}
\item
Suppose \Cref{alg:hydrostructure} reaches \Cref{alg:hydrostructure:returng} and returns $G$.
If $W$ is not an open path, then by \Cref{lem:cloud-cases} this is correct.
Otherwise, if $W$ is an open path, there is an arc $e \in R'$ such that $\tail(e) \notin W \land \head(e) \in W \land e \neq \wt(W)$.
Then, there is a walk from $\wt(W)$ via $e$ to $\wh(W)$ that does not contain $W$ as subwalk, so $W$ is avertible, and by \Cref{lem:cloud-cases} it follows that outputting $G$ is correct, because $G = \ensuremath{\mathsf{Vapor}}(W) \subseteq R^+(W) \subseteq G$.
\item
Suppose \Cref{alg:hydrostructure} reaches \Cref{alg:hydrostructure:returnr} and returns $R'$.
Then for that to be correct, by \Cref{lem:cloud-cases} $W$ must be bridge-like and $R'$ must be equal to $R^+(W)$.
Assume for a contradiction that $W$ is avertible.
Then by \Cref{lem:cloud-cases} it holds that $\ensuremath{\mathsf{Vapor}}(W) = G$, and therefore $R^+(W) = G$.
Hence, by definition of $R^+(\cdot)$, there is a $\wt(W)$-$\wh(W)$ walk $\mathcal{W}$ that does not have $W$ as subwalk.
Such a walk leaves $W$ before reaching $\wh(W)$ to avoid having $W$ as subwalk.
But then it must enter $W$ again at an arc $e$ other than $\wt(W)$ before it reaches $\wh(W)$ for the first time.
Therefore, $e \in R'$ and it holds that $e \notin W$ and $\head(e) \in W$.
But then the condition in \Cref{alg:hydrostructure:if} would be false and \Cref{alg:hydrostructure} would not reach \Cref{alg:hydrostructure:returnr}, a contradiction.
Therefore, $W$ is bridge-like, and it remains to prove that $R' = R^+(W)$.
$(\subseteq)$
Let $x \in R'$.
Then there is a $\wt(W)$-$x$ walk in $G \setminus \wh(W)$, so $x \in R^+(W)$.
$(\supseteq)$
Let $x \in R^+(W)$.
Then there is a $\wt(W)$-$x$ walk in $G$ that does not contain $W$ as subwalk.
This walk cannot contain $\wh(W)$, since otherwise one of its prefixes until $\wh(W)$ would prove $\wh(W) \in R^+(W)$, contradicting \Cref{lem:clouds}~\labelcref{lem:clouds:separation}.
So $x \in R'$.
\qedhere
\end{itemize}
\end{proof}
\subsection{Omitted Incremental Hydrostructure Proofs}
\label{apx:implementation:incremental-hydrostructure-proofs}
\incrementalcloudsrepresentation*
\begin{proof}
$(\subseteq)$
Let $x \in R^+(aZb)$.
If $x \in aZ$, then it trivially holds, so consider $x \notin aZ$.
Then, since $aZb$ is bridge-like, $x \in \ensuremath{\mathsf{Sea}}(aZb)$.
So by \Cref{lem:clouds}~\labelcref{lem:clouds:connectedseacloud}, there is an $a$-$x$ path $P$ in $\ensuremath{\mathsf{Sea}}(aZb) \cup \ensuremath{\mathsf{Vapor}}(aZb)$.
Let $v$ be the last element of $P$ in $\ensuremath{\mathsf{Vapor}}(aZb)$; it exists since $\head(a) \in \ensuremath{\mathsf{Vapor}}(aZb)$, and since $\ensuremath{\mathsf{Vapor}}(aZb)$ is a path by \Cref{lem:cloud-cases}, $v$ is a node.%
Let $e'$ be the outgoing arc of $v$ in $P$ and $e$ its sibling in $Zb$; notice that $e' \neq b$, since $b \in \ensuremath{\mathsf{Cloud}}(aZb)$.
By definition of \Rsib{\cdot}, it holds that the suffix of $P$ starting from $e'$ is in \Rsib{e} and, as such, $x \in \Rsib{e}$.
$(\supseteq)$
By definition, $aZ \subseteq R^+(aZb)$.
Let $x \in \Rsib{e}$, for some arc $e$ from $Zb$.
Since $aZb$ is bridge-like, by \Cref{lem:cloud-cases}, $Z$ is an open path, and therefore $aZ$ is a path.
As a result, there is a path $P$ from $a$ to $\tail{}(e)$ via a prefix of $Z$ that does not contain $e$.
Since $x \in \Rsib{e}$, $P$ can be extended to $x$ without using $e$.
So there is a walk from $a$ to $x$ without using $e \in Zb$, so $x \in R^+(aZb)$.
\end{proof}
\incrementalcloudscomputation*
\begin{proof}\leavevmode
\begin{itemize}
\item[\labelcref{lem:incremental-clouds:subset}]
Let $x \in \Rsib{e}$.
Then by \Cref{lem:simplified-clouds-computation}, $x \in R^+(aZb)$, so there is a walk from $a$ to $x$ which, by \Cref{lem:clouds}~\labelcref{lem:clouds:separation}, does not include $b$.
Moreover, by \Cref{lem:clouds}~\labelcref{lem:clouds:connectedseacloud}, there is a walk from each split-sibling of $b$ to $a$ that does not include $b$.
So $x \in \Rsib{b}$.
\item[\labelcref{lem:incremental-clouds:reachability}]
$(\subseteq)$
Assume for a contradiction, that $x \in \Rsib{b}$ but not in $\Rsib{e} \cup \{x \in G \mid \exists \text{ $e$-$x$ walk in } G \setminus (\Rsib{e} \cup \{b\})\}$.
Since $x \in \Rsib{b}$, there is a $\tail{b}$-$x$ walk $W$ in $G \setminus \{b\}$.
Moreover, since by \Cref{lem:cloud-cases} it holds that $Z$ is an open path, it follows that $aZ$ does not contain $b$.
Therefore, we can prepend a suffix of $aZ$ to $W$ (without repeating the last node of $Z$), resulting in an $e$-$x$ walk $W'$ in $G \setminus \{b\}$.
Since $x \notin \Rsib{e}$ and $W'$ starts in $e$, $W'$ must contain a suffix starting in some occurrence of $e$ that contains no elements of $\Rsib{e}$.
But then that suffix of $W'$ is an $e$-$x$ walk in $G \setminus (\Rsib{e} \cup \{b\})$, a contradiction.
$(\supseteq)$
If $x \in \Rsib{e}$ then $x \in \Rsib{b}$ by \Cref{lem:incremental-clouds}~\labelcref{lem:incremental-clouds:subset}.
Otherwise there is an $e$-$x$ walk in $G \setminus (\Rsib{e} \cup \{b\})\}$.
Since $aZb$ is bridge-like, it holds that each split sibling of $b$ is in $\ensuremath{\mathsf{Sea}}(aZb)$.
By \Cref{lem:clouds}~\labelcref{lem:clouds:connectedseacloud} there is a walk from each split sibling of $b$ to $e$ in $\ensuremath{\mathsf{Sea}}(aZb) \cup Z$.
Notice that by \Cref{lem:clouds}~\labelcref{lem:clouds:separation}, $b \in \ensuremath{\mathsf{Cloud}}(aZb)$, so these walks do not contain $b$ since $Z$ is $\ensuremath{\mathsf{Vapor}}(aZb)$.
So there exists an $\tail{}(b)$-$x$ walk via $e$ in $G \setminus \{b\}$, so $x \in \Rsib{b}$.
\qedhere
\end{itemize}
\end{proof}
\subsection{Supporting Theorems for the Incremental Algorithms}
\begin{theorem}
\label{thm:max-omnitig-bounds}
A strongly connected graph $G$ with $n$ nodes and $m$ arcs has at most $m$ maximal \cs{1} walks, of which at most $O(n)$ are bridge-like trivial and at most $O(n)$ are non-trivial.
\end{theorem}
\begin{proof}
Let $W$ be a trivial bridge-like walk.
Then there is a pair of elements $x, y \in G$ such that each $x$-$y$ walk has $W$ as subwalk.
Since $W$ is trivial this is equivalent to each $x$-$y$ walk containing some edge $e \in \ensuremath{\mathsf{Heart}}(W)$.
Therefore the removal of $e$ would disconnect $y$ from $x$, which, since $G$ is strongly connected, proves that $e$ is a strong bridge.
Moreover, by~\cite{italiano2012finding}, there are at most $O(n)$ strong bridges, so there are at most $O(n)$ maximal bridge-like trivial walks.
The bound on non-trivial \cs{1} walks follows from \Cref{thm:prelim}~\labelcref{item:omnitig-properties}.
\end{proof}
\begin{lemma}[restate = italianopath, name = ]
\label{lem:italianopath}
Let $W$ be a trivial $a$-$b$ walk in a strongly connected graph with $n$ nodes and $m$ arcs and let $e \in \ensuremath{\mathsf{Heart}}(W)$ be an arc with $e \notin \{a, b\}$.
After $O(m)$ time preprocessing, the query \emph{``is there an $a$-$b$ path in $G \setminus e$''} can be answered in $O(1)$-time.
\end{lemma}
\begin{proof}
The query in \Cref{thm:prelim}~\ref{thm:prelim:georgiadis} (for $x=\head{a}$ and $y=\tail{b}$)
is equivalent to answering whether there exists an $a$-$b$ path in $G\setminus e$, because we can prove that there is always a $b$-$a$ path that does not contain $e$ if $W$ is trivial.
A $b$-$a$ path exists since $G$ is strongly connected.
And this path does not contain $e$, as $W$ is trivial so every path through $e\in \ensuremath{\mathsf{Heart}}(W)$ contains the whole $W$ starting from $a$.
\end{proof}
\begin{theorem}[restate = bridgelikecheck, name = ]
\label{thm:bridge-like-check}
Let $W=W^lZW^r$ be a trivial walk where $\ensuremath{\mathsf{Heart}}(W)=Z$.
\begin{enumerate}[label = (\alph*), nosep]
\item \label{thm:bridge-like-check:check} Using $O(m)$ preprocessing time on $G$, we can verify if $W$ is avertible in $O(|W|)$ time.
\item \label{thm:bridge-like-check:subwalks} If $W$ is avertible, then its only maximal bridge-like subwalks are $W^lZ$ and $ZW^r$.
\end{enumerate}
\end{theorem}
\begin{proof}
\begin{itemize}
\item[\labelcref{thm:bridge-like-check:check}]
Using \Cref{lem:italianopath}, we can check if an arc in $Z$ is part of every $\wt(W)$-$\wh(W)$ path in $O(1)$ time after $O(m)$ preprocessing.
Since $Z$ is a path, the property of a single arc in $Z$ being part of every $\wt(W)$-$\wh(W)$ path is equivalent to the property of $Z$ being subwalk of every $\wt(W)$-$\wh(W)$ walk.
And since $W$ is trivial, that is equivalent to each $\wt(W)$-$\wh(W)$ walk containing $W$ as subwalk.
Resulting, since we can find the heart of a trivial walk in $O(|W|)$ time, the claim holds.
\item[\labelcref{thm:bridge-like-check:subwalks}]
Let $W' = W'^jZW'^s$ be a subwalk of $W$, with $W'^j, W'^s$ not empty.
Then $\wt(W'^j)$ is a split node.
Let $e$ be one of its outgoing arcs $e$ that is not in $Z$.
By strong connectivity, there is an $e$-$\wt(W)$ path, which would repeat $\wt(W)$ if it would have $Z$ as subwalk, and therefore does not have $Z$ as subwalk.
Prepending this path with $W'^j$ creates a $\wt(W')$-$\wt(W)$ path that does not have $Z$ as subwalk.
Symmetrically, there is a $\wh(W)$-$\wh(W')$ path without $Z$ as subwalk.
Additionally, since $W$ is avertible, there is a $\wt(W)$-$\wh(W)$ walk that does not have $Z$ as subwalk.
Since neither of these three walks starts or ends with a node or arc in $Z$, they can be joined into a single $\wt(W')$-$\wh(W')$ walk that does not have $Z$ as subwalk, which by \Cref{lem:cloud-cases} proves that $W'$ is avertible.
\qedhere
\end{itemize}
\end{proof}
\section{Safety in Linear Models}
\label{apx:linear}
Our characterisation employs the notion of {\em $s$-$t$ suffix-prefix covered} for the safety of trivial walks. It describes whether an arc of a walk is in its suffix starting at $s$ or in its prefix ending at $t$. This notion thus identifies arcs that cannot be covered without covering the whole walk, rendering it safe. We formally define it using {\em proper $s$-suffix} and {\em $t$-prefix} as follows.
\begin{definition}[Proper $s$/$t$-Suffix/Prefix]
For a walk $aZb$, the \emph{proper $s$-suffix (or $t$-prefix)} is its maximal suffix starting in $s$ (or prefix ending in $t$) or the empty sequence if $s \notin Z$ (or $t \notin Z$). Recall that $Z$ starts and ends with a node.
\end{definition}
\begin{definition}[$s$-$t$ Suffix-Prefix Covering]
An arc $e\in aZb$ is \emph{$s$-$t$ suffix-prefix covered} in $aZb$ if $e$ belongs to the $s$-suffix or to the $t$-prefix of $aZb$.
\end{definition}
Furthermore, we use the following property of the trivial avertible walks in our main proof.
\begin{lemma}
\label{lem:vapor-only-clouds-covering}
For a trivial avertible walk $aZb$ in a strongly connected graph $G$, the graph $G \setminus \ensuremath{\mathsf{Heart}}(aZb)$ is also strongly connected.
\end{lemma}
\begin{proof}
Observe that since $\ensuremath{\mathsf{Heart}}(aZb)$ is from arc to arc and $\ensuremath{\mathsf{Heart}}(aZb)$ is a biunivocal path, removing $\ensuremath{\mathsf{Heart}}(aZb)$ from $G$ does not remove any endpoint of remaining arcs.
For any two nodes $x,y$ in $G \setminus \ensuremath{\mathsf{Heart}}(aZb)$, since $aZb$ is avertible there is an $x$-$y$ (or $y$-$x$) walk that does not have $aZb$ as a subwalk. Thus, the graph $G\setminus \ensuremath{\mathsf{Heart}}(aZb)$ is strongly connected.
\end{proof}
We now prove our characterisation of \ls{k} walks, by first giving a characterisation that works for trivial walks and non-trivial hearts. For simplicity of presentation, we will separately characterise the safety of the wings of non-trivial walks.
\linear*
\begin{proof}
If $W$ is a single arc, it is trivially safe.
Otherwise, let $W=aZb$ where $a$ and $b$ are arcs.
\noindent $(\Rightarrow)$
When the conditions~\labelcref{thm:linear:river,thm:linear:r-,thm:linear:r+,thm:linear:suffix-prefix} are false, we show that $aZb$ is not safe as follows.
Note that if \labelcref{thm:linear:suffix-prefix} is false, then at least one of $s$ and $t$ are in $aZb$.
We distinguish the cases where the walk is avertible or bridge-like.
When $aZb$ is avertible, if it is trivial, then by \Cref{lem:vapor-only-clouds-covering} there exists an arc-covering circular walk $\mathcal{W}$ in $G \setminus \ensuremath{\mathsf{Heart}}(aZb)$ because it is a strongly connected component.
This circular walk can be extended to get a linear $s$-$t$ walk starting from a suffix of $aZb$ and (or) ending at a prefix of $aZb$.
Since all arcs in $\ensuremath{\mathsf{Heart}}(aZb)$ are $s$-$t$ suffix-prefix covered in $aZb$, this walk covers all the arcs of $\ensuremath{\mathsf{Heart}}(aZb)$ without having $aZb$ as a subwalk.
Thus, $aZb$ is not \ls{k}.
On the other hand, if $aZb$ is an non-trivial heart, then $aZb$ is not \cs{1} by \Cref{th:circularSafe}. Hence, there exists a circular arc-covering walk in $G$ that does not have $aZb$ as subwalk.
Such a walk can be repeated such that it starts in $s$ and ends in $t$, forming an arc-covering $s$-$t$ walk that does not have $aZb$ as subwalk.
Thus, $aZb$ is not \ls{k}.
For bridge-like $aZb$ we describe a set of $k$ $s$-$t$ walks that together cover $G$, where none has $aZb$ as subwalk.
Since $s \in R^-(aZb)$ and $t \in R^+(aZb)$, an $s$-$t$ walk can cover the cloud-related SCC and the sea-related SCC (\Cref{lem:clouds}~\labelcref{lem:clouds:connectedseacloud}), necessarily covering $\ensuremath{\mathsf{Cloud}}(aZb)$ and $\ensuremath{\mathsf{Sea}}(aZb)$.
For a non-trivial heart it then also covers $\ensuremath{\mathsf{Vapor}}(aZb)$.
For trivial walks, all arcs in $\ensuremath{\mathsf{Heart}}(aZb)$ can be covered by the proper $s$-suffix and (or) $t$-prefix of $aZb$, since they are $s$-$t$ suffix-prefix covered in $aZb$.
Finally, $\ensuremath{\mathsf{River}}(aZb)$ can be completely covered by the $k$ walks between $\ensuremath{\mathsf{Cloud}}(aZb)$ and $\ensuremath{\mathsf{Sea}}(aZb)$, because \labelcref{thm:linear:river} is false.
Hence, $G$ can be covered without going from $\ensuremath{\mathsf{Sea}}(aZb)$ to $\ensuremath{\mathsf{Cloud}}(aZb)$ and, therefore, without having $aZb$ as a subwalk.
Thus, $aZb$ is not \ls{k}.
\noindent $(\Leftarrow)$
If $\ensuremath{\mathsf{River}}(aZb)$ cannot be covered with $k$ walks, then to cover $\ensuremath{\mathsf{River}}(aZb)$ at least one walk needs to enter $\ensuremath{\mathsf{River}}(aZb)$ twice.
This ensures that it has a subwalk from $\ensuremath{\mathsf{Sea}}(aZb)$ to $\ensuremath{\mathsf{Cloud}}(aZb)$ and hence $aZb$ (by \Cref{lem:clouds}~\labelcref{lem:clouds:forwards}).
If $s \notin R^-(aZb)$, then the only way to cover $b$ (and $\ensuremath{\mathsf{Cloud}}(aZb)$) is through a walk from $\ensuremath{\mathsf{Sea}}(aZb)$ to $\ensuremath{\mathsf{Cloud}}(aZb)$, necessarily having $aZb$ as subwalk (by \Cref{lem:clouds}~\labelcref{lem:clouds:forwards}). This can be symmetrically proven for $t\notin R^+(aZb)$.
Finally, if $aZb$ is a trivial walk with an arc in $\ensuremath{\mathsf{Heart}}(aZb)$ that is not $s$-$t$ suffix-prefix covered in $aZb$, then it can only be covered by using $aZb$ as a whole.
\end{proof}
\begin{lemma}
\label{lem:wings-in-sea-cloud}
A non-trivial \cs{1} walk $W^lWW^r$ with $W = \ensuremath{\mathsf{Heart}}(W^lWW^r)$ has $W^l$ in $R^+(W)$ and $W^r$ in $R^-(W)$.
\end{lemma}
\begin{proof}
Since $W^lWW^r$ is non-trivial, $W$ is non-trivial and therefore $\ensuremath{\mathsf{Sea}}(W) \neq \{\wt(W)\}$ from which by \Cref{lem:clouds}~\labelcref{lem:clouds:connectedseacloud} follows that $\ensuremath{\mathsf{Sea}}(W)$ with some part of $\ensuremath{\mathsf{Vapor}}(W)$ forms an SCC.
But then, every R-univocal walk ending in $\wt(W)$ is in $\ensuremath{\mathsf{Sea}}(W) \cup \ensuremath{\mathsf{Vapor}}(W) = R^+(W)$ and $W^l$ is a subwalk of at least one of these walks.
By symmetry, $W^r$ is in $R^-(W)$.
\end{proof}
\linearntwings*
\begin{proof}
If the $\ensuremath{\mathsf{River}}(W)$ has cannot be covered with $k$ walks, then to cover it using only $k$ solution walks at least one walk enters $\ensuremath{\mathsf{River}}(W)$ twice.
By \Cref{lem:clouds}~\labelcref{lem:clouds:forwards,lem:clouds:connectivity} this walk makes $W^lWW^r$ safe as its subwalk necessarily goes from $\ensuremath{\mathsf{Sea}}(W)$ to $\ensuremath{\mathsf{Cloud}}(W)$ which completely contain the wings (by \Cref{lem:wings-in-sea-cloud}).
Now, the wings are also safe if $s\notin W^l$ and $t\notin W^r$, as they are univocal extensions.
They can also be safe with $s\in W^l$, if we are required to separately cover the prefix of the left wing before $s$,
and the location of $t$ does not allow the walk to end prematurely before covering the entire $W^lWW^r$.
Note that if $s\in W^l\cap W$ such a prefix would be covered starting from $s$ itself, negating the above requirement making the wings not safe.
Further, covering the entire $W^lWW^r$ requires such a walk to have a subwalk from $\ensuremath{\mathsf{Sea}}(W)$ to $\ensuremath{\mathsf{Cloud}}(W)$ without ending before completing the right wing. This can be ensured by $t\notin R^+(W)\cup W^r$, else it can also end in $\ensuremath{\mathsf{Vapor}}(W)$, $\ensuremath{\mathsf{Sea}}(W)$ (as $W$ is non-trivial) or before completely covering $W^r$.
By symmetry we have the corresponding criteria for $t\in W^r$.
\end{proof}
\subsection{Non-Strongly Connected Graphs}
In contrast to the circular models, linear models do not require the graph to be strongly connected to admit a solution.
Our hydrostructure (and hence the characterisations described earlier) handle only strongly connected graphs, but we can extend them to a graph $G$ which is not strongly connected but admits a solution.
Consider the SCCs of $G$ and observe that single nodes can also be SCCs.
We refer to an arc as {\em inter-SCC} if its endpoints belong to different SCCs of $G$, otherwise we refer to it as \emph{intra-SCC arc}.
Trivially, in the 1-linear model, the graphs have the following structure as a single $s$-$t$ walk must cover the whole graph:
\begin{lemma}
\label{lem:1-linear-graph-structure}
Let $G = V \cup E$ be a graph, and let $s,t \in V$. It holds that $G$ admits an $s$-$t$ arc-covering walk if and only if the DAG of SCCs of $G$ is a path, such that between any two SCCs consecutive in this path there is exactly one inter-SCC arc, $s$ is in the (only) source SCC and $t$ in the (only) sink SCC.
\end{lemma}
By processing the SCCs and the inter-SCC arcs of non-strongly connected graphs separately, we can reduce the characterisations and algorithms for the 1-linear model in non-strongly connected graphs to the 1-linear model in strongly connected graphs.
For that we define the \emph{entry points} of an SCC as $s$ or nodes that have an incoming intra-SCC arc, and the \emph{exit points} of an SCC as $t$ or nodes that have an outgoing intra-SCC arc.
Note that each SCC of a graph that admits a solution to the 1-linear model has exactly one entry point and exactly one exit point, by \Cref{lem:1-linear-graph-structure}.
This allows us to decompose the graph into a sequence $D := (S_1, e_1, S_2, \dots, e_{\ell - 1}, S_\ell)$ where each $S_i$ is an SCC and each arc $e_i$ is an inter-SCC arc.
We call this the \emph{sequence decomposition} of the graph.
Observe that each $S_i$ is of one of the following three forms: it can be a single node, a cycle of at least one arc, or a nonempty graph that is not a cycle.
Single nodes are a special case, as they allow to join their predecessor and successor arcs into a single safe walk.
Cycles are a special case as well, as our characterisations on strongly connected graphs are defined only for non-cycles, so we need to handle these separately as well.%
Finally, for a nonempty SCC $S_i$ that is not a cycle, it holds that the \ls{1} walks for $G$, that are completely contained in $S_i$, are also safe for single $s'$-$t'$ arc-covering walks in $S_i$, where $s'$ and $t'$ are the entry and exit points of $S_i$, respectively.
The sequence structure allows us to decompose solution walks into their subwalks through each of the elements in the sequence.
Note that the sequence structure also implies an order in which the arcs in the graph need to be covered.
This allows us to generalise the univocal extension for inter-SCC arcs to completely describe safe walks that contain inter-SCC arcs.
Additionally, these also have all safe walks in circular SCCs as subwalks (as proven in \Cref{thm:notsc-1-linear} below), solving this special case.
We define the \emph{inter-SCC univocal extension} $U'(e)$ of an inter-SCC arc $e$ as a walk $XYZ$ where $Y$ is from arc to arc and $X$ and $Z$ are within single SCCs and three further conditions hold.
First, $Y$ contains $e$ and contains only inter-SCC arcs and single-node SCCs.
Second, $X$ is the longest walk ending in $\wt(Y)$ that is R-univocal in the SCC of $\tail(\wt(Y))$ (ignoring inter-SCC arcs) and that visits the entry point of its SCC at most twice, and if it visits it twice then the first occurrence is $\wt(X)$.
And third, $Z$ is the longest walk starting in $\wh(Y)$ that is univocal in the SCC of $\head(\wh(Y))$ (ignoring inter-SCC arcs) and that visits the exit point of its SCC at most twice, and if it visits it twice then the second occurrence is $\wh(Z)$.
We get the following characterisation:
\begin{theorem}[1-st Safe Walks in General Graphs]
\label{thm:notsc-1-linear}
In a non-strongly connected graph $G$ that admits a solution to the single linear model for given $s$ and $t$, a walk is \ls{1} iff:
\begin{enumerate}[label = (\alph*), nosep]
\item it is a subwalk of the inter-SCC univocal extension of an inter-SCC arc, or \label{thm:notsc-1-linear:inter}
\item it is 1-s't' safe in an SSC $S$ of $G$, where $s'$ is the entry point of $S$, and $t'$ is the exit point of $S$. \label{thm:notsc-1-linear:intra}
\end{enumerate}
\end{theorem}
\begin{proof}
We start by handling case \ref{thm:notsc-1-linear:intra}.
If $W$ is \ls{1} in an SCC of $G$ that is not a cycle where $s$ is the entry point of $S$ and $t$ is the exit point of $S$, then $W$ is part of each solution walk in $G$ and therefore safe.
On the other hand, if $W$ is not \ls{1} in its SCC, then it can be avoided by a solution walk in $G$, and is therefore unsafe.
This proves the theorem for walks that are in an SCC that is not a cycle, so we exclude those walks for the rest of the proof.
To prove that $W$ is safe if it is a subwalk of the inter-SCC univocal extension $U'(e) = XYZ$ of an inter-SCC arc $e$, we prove that $XYZ$ is safe.
By definition $Y$ is biunivocal and therefore safe.
We prove the claim that after traversing $Y$ each solution walk needs to traverse $Z$, from which the safety of $XYZ$ follows by symmetry.
By definition, $Z$ is in a single SCC $S$ and $\wt(Z)$ is its unique entry point.
If $Z$ does not contain the exit point of $S$, then the claim holds.
On the other hand, if $Z$ does contain the exit point of $S$, then it can ignore it the first time: by the strong connectivity of $S$ the exit point has an outgoing arc within $S$, and this arc cannot be covered before reaching the exit point for the first time, but it must be covered before exiting $S$.
If $Z$ contains the exit point a second time, then by definition $Z$ ends there, so the exit point cannot end $Z$ early.
Thus, after traversing $XYZ$ each solution walk needs to traverse~$Z$, which proves the safety of $YZ$, and by symmetry the safety of the entire $XYZ$.
Now it remains to prove that there are no other safe walks.
We first consider walks that contain an inter-SCC arc, and then all remaining walks.
If $W$ contains an inter-SCC arc $e$, but is not a subwalk of its inter-SCC univocal extension $O(e) = XYZ$, then without loss of generality we can assume that a proper prefix of $W$ has $\wh(Y)Z$ as subwalk (the case where a proper suffix of $W$ has $X\wt(Y)$ as subwalk is symmetric).
Let $S$ be the SCC of $Z$.
Then $W$ is unsafe if $Z$ ends in a node $v$ that has at least two outgoing arcs in $S$: since $S$ is strongly connected, when a solution walk first reaches $v$ it can continue with either of the outgoing arcs in $S$ and then cover the rest of $S$.
On the other hand, if $Z$ ends in the exit point of $S$ that is not a split node in $S$, then, by definition, $Z$ contains it twice.
But then, all nodes in $S$ have exactly one outgoing intra-SCC arc, and therefore it is a cycle.
So between the two occurrences of the exit point in $Z$, $S$ is completely covered, proving that there is a solution walk that exits $S$ after traversing $\wh(Y)Z$, in addition to a solution walk that traverses $S$ one more time after traversing $\wh(Y)Z$.
Therefore, $W$ is not safe.
If $W$ contains no inter-SCC arc, is not a subwalk of any inter-SCC univocal extension and is not fully contained in an SCC different from a cycle, then it is contained in a single SCC $S$ that is a cycle.
Let $U'(e) = XYZ$ be the inter-SCC univocal extension of the inter-SCC arc $e$ that enters $S$.
By definition, $Z$ is inside $S$, and since $W$ is not a subwalk of this inter-SCC univocal extension, it is not a subwalk of $Z$.
But $Z$ is the maximal safe subwalk in $S$, since there is a solution walk that traverses $\wh(Y)Z$ and then exits $S$, as proven above.
Therefore, $W$ is not safe.%
\end{proof}
In the $\infty$-linear model, there exists a simple reduction from non-strongly connected graphs to strongly connected graphs.
\begin{theorem}[$\infty$-st Safe Walks in General Graphs]
\label{thm:notsc-infty-linear}
A walk is \ls{\infty} in a non-strongly connected graph $G$ that admits a solution to the infinite linear model for given nodes $s$ and $t$ iff the walk is \ls{\infty} in $G \cup \{(t, s)\}$, which is strongly connected.
\end{theorem}
\begin{proof}
Since $G$ can be covered by a set of $s$-$t$ walks, it holds that $G \cup \{(t, s)\}$ is strongly connected.
For each set of solution walks in $G$, a set of solution walks in $G \cup \{(t, s)\}$ can be constructed by repeating one of the walks through $(t, s)$.
Similarly, for each set of solution walks in $G \cup \{(t, s)\}$, a set of solution walks in $G$ can be constructed by splitting all walks that contain $(t, s)$.
Therefore, a walk in $G$ is \ls{\infty} in $G$ if and only if it is \ls{\infty} in $G \cup \{(t, s)\}$.
\end{proof}
Using \Cref{thm:notsc-1-linear}, the \ls{1} algorithm for strongly connected graphs (see \Cref{thm:improved-linear-runtimes}) can be extended trivially to get an algorithm with the same time bounds for non-strongly connected graphs.
The algorithm solves all the \ls{1} subproblems in SCCs and adds the inter-SCC univocal extensions to the solution.
Since each SCC intersects with at most two inter-SCC univocal extensions of which one starts at its entry point and one ends at its exit point, the safe walks within each SCC can be checked for being subwalks of the inter-SCC univocal extensions by trivial alignment.
The total length of the inter-SCC univocal extensions that intersect with that SCC (limited to the part within the SCC) is $O(n_i)$ since the SCC is not a cycle and the intersecting parts are univocal or R-univocal.
By the same argument, the intersecting parts contain each arc at most once.
Therefore, the unique starting point of an alignment can be found in constant time after $O(n_i)$ time preprocessing (by building an array that maps from arc ids in the SCC to their positions in the intersecting parts of the inter-SCC univocal extensions).
Afterwards the alignment is checked in time linear in the length of the safe walk in the SCC, resulting in a total runtime of $O(m_in_i + o_i)$ where the SCC has $n_i$ nodes, $m_i$ arcs and the total length of its safe walks is $o_i$.
The overhead for finding the SCCs and extending the inter-SCC arcs is $O(m+n)$ time, and solving the subproblems including filtering subwalks takes an additional $O((m_1n_1 + o_1) +(m_2n_2 + o_2) + \dots)$ time which is subset of $O(mn + o)$ (where $o$ is the size of the output) since the $m_i$, $n_i$ and $o_i$ add up to $m$, $n$ and $o$ respectively.
For \ls{\infty}ty by \Cref{thm:notsc-infty-linear} we can use the $O(mn + o)$ algorithm for strongly connected graphs in addition to linear preprocessing and postprocessing.
Thus, we get the following theorem.
\begin{theorem}
In a graph with $n$ nodes and $m$ arcs that admits a solution to the single (or infinite) linear model, all maximal \ls{1} (or \ls{\infty}) walks can be enumerated in $O(mn + o)$ time where $o$ is the size of the output.
\end{theorem}
\begin{remark}
For $k$ $s$-$t$ arc-covering walks where $1<k<\infty$, our characterisation and algorithms do not simply extend to non-strongly connected graphs. Note that a reduction similar to \ls{1} does not suffice as the graph can be any DAG of SCCs, which is not necessarily a path.
Hence the SCCs may have up to $k$ {\em different} entry and $k$ {\em different} exit points. This is essentially an entirely different model for linear-safe walks from multiple sources and multiple sinks, which would require further case analysis and generalisations to
our current characterisations of linear models.
This becomes particularly complex because of the possible existence of such sources or sinks in different components of the hydrostructure, or wings of the walk. Even though we deem this to be feasible, it may require an entirely new approach and thus it is beyond the scope of this work.
\end{remark}
\subsection{Implementation}
\label{apx:linear:implementation}
Note that the \ls{k} problems are equivalent for all $k \geq m$.
The characterisation can be directly adapted to get a verification algorithm for evaluating whether a given walk is \ls{k}. A trivial walk $W$ is easily identified in $O(|W|)$ time by checking for univocal walks. The hydrostructure can be computed in linear time (\Cref{thm:hydro_algo}) and thereafter the $s$ and $t$ membership queries are answered in constant time. The $s$-$t$ suffix-prefix criteria can be verified in $O(|W|)$ time. Thus, the verification algorithm for \ls{k}ty requires $O(m+f(m,n))$ time, where time required to compute the minimum walk-cover is $f(m,n)$.
For enumerating all the maximal \ls{k} walks we require the set of all \cs{1} walks, which are computable in $O(mn)$ time~\cite{DBLP:journals/talg/CairoMART19}.
We compute the hydrostructure for each non-trivial $\ensuremath{\mathsf{Heart}}(W)$ as well as each trivial $W$, and check the conditions from \Cref{thm:linear,thm:linear-nt-wings}.
If a walk is \ls{k}, we report it.
Otherwise, we use the two-pointer algorithm to report its maximal safe substrings as in \Cref{thm:prelim}~\labelcref{thm:two-pointer-algirithm}.
For each $W$, this algorithm performs safety checks linear in the length of $W$.
So since the total length of all maximal \cs{1} walks is $O(mn)$ by \Cref{thm:prelim}~\labelcref{item:omnitig-properties}, at most $O(mn)$ walks need to be checked for safety.
A safety check includes building the hydrostructure in $O(m)$ time, and checking the minimum walk-cover of the \ensuremath{\mathsf{River}}{}.
The latter check can be performed in $O(m)$ for $k = 1$ since the check simplifies to checking if the \ensuremath{\mathsf{River}}{} is a path, and for $k \geq m$ the check is always false.
Otherwise, we use the $O(mn)$ flow algorithm mentioned in \Cref{sec:preliminaries}.
Additionally, the output size of this algorithm is limited.
A trivial avertible walk $W$ has maximal \ls{k} subwalks of total length $O(|W|)$.
All other walks have length at most $O(n)$ each by \Cref{thm:prelim}~\labelcref{item:omnitig-properties}, and therefore all maximal \ls{k} subwalks of these have a total length of $O(n^2)$.
Since the total length of trivial avertible walks is $O(mn)$, and there are $O(n)$ other walks (by \Cref{thm:max-omnitig-bounds}), this results in an $O(mn + n^3) = O(n^3) \leq O(m^2n)$ bound for the total length of maximal \ls{k} walks.
Resulting, we get the following theorem.
\begin{theorem}
The problems \ls{k} can be solved in $O(m^2n + mnf(m,n))$ time, or in $O(m^2n)$ for $k = 1$ or $k \geq m$.
\end{theorem}
\subsection{Handling Trivial Avertible Walks in the Implementation}
\label{apx:linear:avertible-linear-implementation}
We prove that we can enumerate the maximal safe subwalks of maximal trivial avertible \cs{1} walks in the linear models in $O(mn)$ time plus $O(n)$ executions of the two-pointer algorithm using the incremental hydrostructure, which matches the time bounds for computing \ls{k} from non-trivial \cs{1} walks for the respective model.
We first restrict our description to $E$-covering linear models.
Consider that for a trivial avertible walk $W^lWW^r$ where $W^l$ is its left wing, $W^r$ is its right wing and $W$ is its heart by \Cref{thm:bridge-like-check}~\labelcref{thm:bridge-like-check:subwalks} only subwalks of $W^lW$ or $WW^r$ can be bridge-like.
Therefore, the \ls{k}ty of other subwalks of $W^lWW^r$ can be decided without the hydrostructure by checking the location of $s$ and $t$ within the subwalk.
This can be done for all such subwalks in amortised $O(|W^lWW^r|)$ time using the two-pointer algorithm, so in total $O(mn)$ time for all walks.
For those subwalks that are subwalks of $W^lW$ or $WW^r$, we describe only $W^lW$ since the argument for $WW^r$ is symmetric.
Consider that $W^lW$ is trivial, so by the conditions on the heart in the linear models (see \Cref{thm:linear}~\labelcref{thm:linear:suffix-prefix}), it may have non-\ls{k} subwalks only if $W^lW$ contains $s$.
It does not matter if it contains $t$, since any subwalk of $W^lW$ has its last arc in its heart, so this last arc cannot be in a $t$-prefix.
So we only need to build the hydrostructure on $W^lW$ if it contains $s$, as it is safe otherwise.
These $W^lW$ can be enumerated in total $O(mn)$ time.
Assuming no multiarcs, all the $W^lW$ that contain $s$ form a tree because they are $R$-univocal. Since they all are different, with distinct leaf arcs they also have distinct head nodes. Thus, there exist total $O(n)$ such walks, for which we use the two-pointer algorithm with the incremental hydrostructure to find its maximal safe subwalks. Note that if $G$ has multiarcs, $W^l$ is clearly multiarc-free, and each parallel arc would form a distinct $W$ (containing a single arc), where each such walk is equivalent in terms of safety. Thus, we use the two-pointer algorithm for all of them together, executing it only $1$ time.
As a result we get the following theorem.
\begin{theorem}
\label{thm:linear-avertible-algo}
The maximal \ls{k} walks of a strongly connected graph $G$ that are subwalks of trivial avertible \cs{1} walks can be enumerated in $O(mn)$ time plus $O(n)$ executions of the two-pointer algorithm using the incremental hydrostructure variant for the specific model.
\end{theorem}
For $F$-covering, we need to make two fixes.
Again, we only describe the algorithm for $W^lW$, since for $WW^r$ it is symmetric.
In the case where $W^lW$ does not contain $s$, in contrast to the $E$-covering models above, this does not guarantee its safety in all cases (see \Cref{thm:linear}~\labelcref{thm:linear:suffix-prefix} or \Cref{thm:coveringlinear}~\labelcref{thm:coveringlinear:suffix-prefix}).
From those walks we exclude those that contain $t$ using $O(n)$ two-pointer executions by the same argument as for $s$ (as described above).
Then we also exclude those that do not contain an $F$-arc in their heart, since these are safe if they do not contain $s$ or $t$.
Of the remaining walks $W^lW$, only subwalks of $W^l$ can be safe, as the whole graph can be covered without using $W$ by \Cref{lem:vapor-only-clouds-covering}.
And since $W^l$ is maximal there can be at most $n$ of such subwalks $W^l$ uniquely defined by their last node.
For those walks $W^lW$ that contain $s$ and where $W$ has parallel arcs (as described above), the safety is now only equivalent for two parallel arcs if they both are in $F$ or both are not in $F$.
Hence, in such a case, we execute the two-pointer algorithm twice, once for arcs in $F$ and once for arcs not in $F$.
We get the following theorem.
\begin{theorem}
\label{thm:coveringlinear-avertible-algo}
The maximal \lcs{k} walks of a strongly connected graph $G$ that are subwalks of trivial avertible \cs{1} walks can be enumerated in $O(mn)$ time plus $O(n)$ executions of the two-pointer algorithm using the incremental hydrostructure variant for the specific model.
\end{theorem}
\section{Omitted Hydrostructure Proofs}
\label{apx:omitted-proofs}
\cloudcases*
\begin{proof}
We decompose $W$ into $aZb$, where $a$ and $b$ are arcs.
We first prove that if $\ensuremath{\mathsf{Vapor}}(aZb)$ is not exactly the open path $Z$, then $\ensuremath{\mathsf{Vapor}}(aZb) = G$ and $aZb$ is avertible.
Assume that $Z$ is not an open path, or $\ensuremath{\mathsf{Vapor}}(aZb)$ contains a node or arc $x \notin Z$.
We distinguish three cases:
\begin{itemize}[nosep]
\item
If $Z$ is not an open path, then it contains a cycle which can be removed to create a walk from $a$ to $b$ not containing $aZb$.
\item
If $x=a$ (or $x=b$) then by definition $R^-(aZb)$ (or $R^+(aZb)$) contains a walk from $a$ to $b$ that does not contain $aZb$.
\item
If $x \notin \{a, b\}$, then by definition of $R^+(aZb)$ and $R^-(aZb)$, there are paths from $a$ to $x$ and from $x$ to $b$ that do not contain $aZb$.
And since $x$ is not in $aZb$, these paths can be joined together to create a walk from $a$ to $b$ that does not contain $aZb$.
\end{itemize}
In each case, there is a walk from $a$ to $b$ that does not contain $aZb$.
And since $b$ is the last element of this walk, by strong connectivity this walk can be extended within $G$ to reach any node or arc in $G \setminus Z$ without containing $aZb$.
By definition, the walk $Z$ is in $\ensuremath{\mathsf{Vapor}}(aZb)$ as well.
So $R^+(aZb) = G$, and by symmetry one can prove that $R^-(aZb) = G$, so $\ensuremath{\mathsf{Vapor}}(aZb) = G$.
This also makes $aZb$ avertible, since, for any pair $x, y \in G$, every occurrence of $aZb$ in an $x$-$y$ walk can be replaced with an $a$-$b$ walk that does not contain $aZb$.
We now prove that if $\ensuremath{\mathsf{Vapor}}(aZb)$ is an open path equal to $Z$, then $aZb$ is {\em bridge-like}.
Since $Z$ is an open path, $b\notin Z$ else it would repeat the node $\tail(b)$. However, $b\in R^-(aZb)$ by definition, so we have $b\notin R^+(aZb)$, which means $aZb$ is bridge-like because of the pair $(a,b)$.
\end{proof}
\clouds*
\begin{proof}
We prove the statements in reverse order for simplicity.
\begin{itemize}
\item[\labelcref{lem:clouds:connectivity}]
We first prove all the incident pairs involving the $\ensuremath{\mathsf{River}}(aZb)$, and then the residual pairs involving the $\ensuremath{\mathsf{Vapor}}(aZb)$, and finally between $\ensuremath{\mathsf{Sea}}(aZb)$ and $\ensuremath{\mathsf{Cloud}}(aZb)$.
\begin{itemize}
\item
We show that $x,y \in (\ensuremath{\mathsf{River}}, \ensuremath{\mathsf{Vapor}})$ and $x,y \in (\ensuremath{\mathsf{River}}, \ensuremath{\mathsf{Cloud}})$ do not exist.
Since $x \in \ensuremath{\mathsf{River}}(aZb)$, it holds that $x \notin R^+(aZb)$ and therefore $x \neq a$.
Thus, $y\in R^-(aZb)$ (and hence $\ensuremath{\mathsf{Vapor}}(aZb)$ or $\ensuremath{\mathsf{Cloud}}(aZb)$), implies $x\in R^-(aZb)$ because of $(x,y)$, as prepending $x$ ($\neq a$) does not make $aZb$ a subwalk.
This contradicts that $x\in \ensuremath{\mathsf{River}}(aZb)$ by definition.
By symmetry $x,y \in (\ensuremath{\mathsf{Vapor}}, \ensuremath{\mathsf{River}})$ and $x,y \in (\ensuremath{\mathsf{Sea}}, \ensuremath{\mathsf{River}})$ do not exist as well.
\item
For $x,y \in (\ensuremath{\mathsf{Vapor}}, \ensuremath{\mathsf{Cloud}})$ we necessarily have $y = b$, because $x\in R^+(aZb)$ would otherwise add $y\in R^+(aZb)$, removing it from $\ensuremath{\mathsf{Cloud}}(aZb)$. When $y= b$ we get $aZb$ as a subwalk, preventing $R^+(aZb)$ from covering $y$.
By symmetry, $x,y \in (\ensuremath{\mathsf{Sea}}, \ensuremath{\mathsf{Vapor}})$ implies $x = a$.
\item
We show that $x,y \in (\ensuremath{\mathsf{Sea}}, \ensuremath{\mathsf{Cloud}})$ implies $x = a$ and $y=b$,
which contradicts our definition of $aZb$ as being from arc to arc.
This is because $x\in R^+(aZb)$ would add $y\in R^+(aZb)$ if $y\neq b$, as described above, and symmetrically $y\in R^-(aZb)$ implies $x= a$.
Let $x,y\in (\ensuremath{\mathsf{Cloud}},\ensuremath{\mathsf{Sea}})$.
We prove that if $x$ is an arc then $aZb$ is R-univocal (by symmetry if $y$ is an arc then $aZb$ is univocal), and hence trivial.
Then $x \in R^-(aZb)$ but $y \notin R^-(aZb)$, so $x = b$ because each other arc is covered by $R^-(aZb)$ using its head.
Assume for a contradiction that $aZb$ contains a join node.
Then by strong connectivity an arc $e$ entering $aZb$ at this join node needs to be (forwards) reachable from $y=\head(b)$, let $W$ be such a walk of minimum length.
But then, since $y \notin R^-(aZb)$, $W$
(being a $b$-$e$ walk) needs to have $aZb$ as subwalk, which contradicts that it is minimal.
\end{itemize}
Where it applies, the necessity of the connections follows from {\em strong connectivity} of the graph since no other connections exist, as proved above.
\item[\labelcref{lem:clouds:connectedseacloud}]
Let $W^P$ be the prefix of $aZb$ ending in its last split node.
We show that if $\ensuremath{\mathsf{Sea}}(aZb) \neq \{a\}$, then for every node and arc $x \in \ensuremath{\mathsf{Sea}}(aZb)$ with $x \neq a$ there is a path $P$ in $\ensuremath{\mathsf{Sea}}(aZb)$ containing $x$ which starts from an arc $e$ with $\tail(e) \in \ensuremath{\mathsf{Vapor}}(aZb)$ and ends in $a$. Notice that $\tail(e)$ is a split-node, since $P$ \emph{diverges} from $aZb$ at $e$, ensuring that $\tail(e)$ is in $W^P$.
This will prove the first part of the statement because it allows to form a cycle through $a$ and $x \neq a$ within $W^P \cup \ensuremath{\mathsf{Sea}}(aZb)$, because the path would leave $aZb$ latest at its last split node to enter $\ensuremath{\mathsf{Sea}}(aZb)$
(using \Cref{lem:clouds}~\ref{lem:clouds:connectivity}).
And this will also prove the second part by symmetry.
For a node or an arc $x \neq a$ in $\ensuremath{\mathsf{Sea}}(aZb)$, by definition there is an $a$-$x$ walk inside $R^+(aZb)$ that does not have $aZb$ as subwalk.
Starting from $\head(a) \in \ensuremath{\mathsf{Vapor}}(aZb)$ this walk exits $\ensuremath{\mathsf{Vapor}}(aZb)$ into the $\ensuremath{\mathsf{Sea}}(aZb)$ (since $R^+(aZb)=\ensuremath{\mathsf{Vapor}}(aZb) \cup \ensuremath{\mathsf{Sea}}(aZb)$), with an arc $e$ having $\tail(e) \in \ensuremath{\mathsf{Vapor}}(aZb)$. %
By strong connectivity, there is also a path from $x$ to $a$.
Notice that both the paths from $e$ to $x$ and from $x$ to $a$ are completely within the $\ensuremath{\mathsf{Sea}}(aZb)$ because the only arc leaving $\ensuremath{\mathsf{Sea}}(aZb)$ is $a$, by \Cref{lem:clouds}~\ref{lem:clouds:connectivity}.
This also proves that there exists such a circular path for $a$ if there exists some $x\in \ensuremath{\mathsf{Sea}}(aZb)\neq a$.
For $\ensuremath{\mathsf{Sea}}(aZb)=a$, we have no split nodes on $aZb$ because $R^+(aZb)$ does not leave $aZb$. This makes $W^P=\emptyset$ resulting in no SCC.
\item[\labelcref{lem:clouds:separation}]
By definition, $a \in R^+(aZb)$ and $a \notin R^-(aZb)$ when $aZb$ is bridge-like, resulting in $a \in \ensuremath{\mathsf{Sea}}(aZb)$. Symmetrically, we prove $b \in \ensuremath{\mathsf{Cloud}}(aZb)$.
\item[\labelcref{lem:clouds:backwards}]
By strong connectivity, there always exists an $x$-$y$ path.
If such a path contains $aZb$, then consider its prefix, say $P$, that ends at the first occurrence of $a$.
Notice that if $\ensuremath{\mathsf{Sea}}(aZb) = \{a\}$, then $y = a$, making $P$ a path from $x$ to $y$ without having $aZb$ as subwalk.
Otherwise, by \Cref{lem:clouds}~\labelcref{lem:clouds:connectedseacloud}, there is a path from $a$ to every such $y \in \ensuremath{\mathsf{Sea}}(aZb)$ which does not contain $b$, which when appended to $P$ gives us the desired walk with no subwalk $aZb$.
\item[\labelcref{lem:clouds:forwards}]
The only way to reach $\ensuremath{\mathsf{Sea}}(aZb)$ from $\ensuremath{\mathsf{Cloud}}(aZb)$ is through $\ensuremath{\mathsf{Vapor}}(aZb)$ (by \Cref{lem:clouds}~\labelcref{lem:clouds:connectivity}) so every path from $\ensuremath{\mathsf{Sea}}(aZb)$ to $\ensuremath{\mathsf{Cloud}}(aZb)$ passes through $\ensuremath{\mathsf{Vapor}}(aZb)$.
Further, $\ensuremath{\mathsf{Vapor}}(aZb)$ can only be entered from $\ensuremath{\mathsf{Sea}}(aZb)$ through $a$ (by \Cref{lem:clouds}~\labelcref{lem:clouds:connectivity}) and can only be exited to $\ensuremath{\mathsf{Cloud}}(aZb)$ through $b$ (by \Cref{lem:clouds}~\labelcref{lem:clouds:connectivity}), and every such path contains the entire $aZb$ as subwalk (by \Cref{lem:cloud-cases}).
\qedhere
\end{itemize}
\end{proof}
\section{Hydrostructure}
\label{sec:hydrostructure}
The hydrostructure of a walk partitions the strongly connected graph from the perspective of the walk; for a \emph{bridge-like} walk it identifies two parts of the graph separated by the walk, and gives a clear picture of the reachability among the remaining parts. This allows an easy characterisation in problems (such as safety) that inherently rely on reachability.
It is defined using the {\em restricted forward and backward reachability} for a walk, as follows.
\begin{definition}
The \emph{restricted forward and backward reachability} of a walk $W$ is defined as
\begin{itemize}[nosep]
\item $R^+(W) = \{x \in G \mid \exists \text{ $\wt{}(W)$-$x$ walk } W' \text{s.t.~} W \text{ is not a subwalk of $W'$}\}$,
\item $R^-(W) = \{x \in G \mid \exists \text{ $x$-$\wh{}(W)$ walk } W' \text{s.t.~} W \text{ is not a subwalk of $W'$}\}$.
\end{itemize}
\end{definition}
By definition, all nodes and arcs of $W$ (except for its last arc $\wh{}(W)$, since by our convention the walks start and end in an {\em arc}), are always in $R^+(W)$ (and symmetrically for $R^-(W)$). Further, if a walk is not bridge-like, we additionally have $\wh{}(W) \in R^+(W)$ as we will shortly prove, and $R^+(W)$ extends to the entire graph $G$ due to strong connectivity. Thus, inspired by the similarity between the water cycle on Earth and the reachability among the four parts of the Venn diagram of $R^+(W)$ and $R^-(W)$ (see \Cref{fig:Hydro-venDiagram}), we define the hydrostructure of a walk as follows.
\begin{definition}[Hydrostructure of a Walk]
\label{def:clouds}
Let $W$ be a walk with at least two arcs.
\begin{itemize}[nosep]
\item
$\ensuremath{\mathsf{Sea}}(W) = R^+(W) \setminus R^-(W)$.
\item
$\ensuremath{\mathsf{Cloud}}(W) = R^-(W) \setminus R^+(W)$.
\item
$\ensuremath{\mathsf{Vapor}}(W) = R^+(W) \cap R^-(W)$.
\item
$\ensuremath{\mathsf{River}}(W) = G \setminus (R^+(W) \cup R^-(W))$.
\end{itemize}
\end{definition}
\begin{figure}[htb]
\centering
\begin{subfigure}[m]{0.48\linewidth}
\centering
\includegraphics[trim=0 2 10 1, clip, scale=.85]{hydrostructure-soda-hydrostructure}
\caption{\label{fig:Hydro-venDiagram}}
\end{subfigure}
\hspace{1em}
\begin{subfigure}[m]{0.48\linewidth}
\centering
\includegraphics[trim=0 2 0 1, clip, scale=0.85]{hydrostructure-soda-hydrostructure-trivial}
\caption{\label{fig:Hydro-properties}}
\end{subfigure}
\caption{\small (a): The hydrostructure partitioning of a non-trivial heart $aZb$ in the sets $\ensuremath{\mathsf{Sea}}$, $\ensuremath{\mathsf{Cloud}}$, $\ensuremath{\mathsf{Vapor}}$, and $\ensuremath{\mathsf{River}}$ using $R^+(aZb)$ and $R^-(aZb)$. It also shows the membership of the arcs, and the reachability among the parts. (b): The hydrostructure for a trivial bridge-like walk $aZb$, with the sea-related and cloud-related SCC shown using {\em thick green} cycles.
The $\ensuremath{\mathsf{River}}$ is a DAG of SCCs where the SCCs are blue cycles.
}
\label{fig:clouds}
\end{figure}
The reachability among the parts of the hydrostructure mimics the water cycle, which we describe as follows (formally proved later).
For any node or arc in the $\ensuremath{\mathsf{Sea}}$, the only way to reach the $\ensuremath{\mathsf{Cloud}}$ is by traversing the walk through the entire $\ensuremath{\mathsf{Vapor}}$ (similar to the evaporation process), as it is shared by both $R^+(W)$ and $R^-(W)$.
Thus, for a bridge-like walk $W$, the hydrostructure exposes the $\ensuremath{\mathsf{Sea}}$ and the $\ensuremath{\mathsf{Cloud}}$ that are separated by $W$ in the $\ensuremath{\mathsf{Vapor}}$.
On the other hand, a node or an arc from the $\ensuremath{\mathsf{Cloud}}$ can directly reach the $\ensuremath{\mathsf{Vapor}}$ (by dissipation), being in $R^-(W)$, and from the $\ensuremath{\mathsf{Vapor}}$ it can directly reach the $\ensuremath{\mathsf{Sea}}$ (by condensation), being in $R^+(W)$.
Finally, the $\ensuremath{\mathsf{River}}$ acts as an alternative path from the nodes and arcs in the $\ensuremath{\mathsf{Cloud}}$ to the $\ensuremath{\mathsf{Sea}}$ (by rainfall), since the forward reachability from the $\ensuremath{\mathsf{Cloud}}$ and the backward reachability from the $\ensuremath{\mathsf{Sea}}$ are not explored in $R^+(W)$ and $R^-(W)$.
\paragraph{Properties.}
The strong connectivity of the graph results in the hydrostructure of an {\em avertible} walk to have the entire graph as the $\ensuremath{\mathsf{Vapor}}$, whereas the $\ensuremath{\mathsf{Sea}}$, $\ensuremath{\mathsf{Cloud}}$, and $\ensuremath{\mathsf{River}}$ are empty. On the other hand, for a bridge-like walk, the $\ensuremath{\mathsf{Vapor}}$ is exactly the internal path of the walk, resulting in the following important property for any walk $W=aZb$. %
\begin{lemma}[restate = cloudcases, name = ]
\label{lem:cloud-cases}
For a walk $W$, $\ensuremath{\mathsf{Vapor}}(W)$ is the open path $Z$ iff $W$ is bridge-like, otherwise $\ensuremath{\mathsf{Vapor}}(W)$ is $G$.
\end{lemma}
Note that the hydrostructure partitions not just the nodes but also the arcs of the graph. The strong connectivity of the graph and the definitions above result in the following properties of the parts of the hydrostructure (see \Cref{fig:Hydro-properties} for the SCCs, and \Cref{fig:Hydro-venDiagram} for reachability).
\begin{lemma}[restate = clouds, name = ]
\label{lem:clouds}
The hydrostructure on a bridge-like path $aZb$ exhibits the following properties:
\begin{enumerate}[label = \alph*., ref = (\alph*), nosep]
\item \emph{(Safety)} \label{lem:clouds:forwards}
Every walk from $x \in \ensuremath{\mathsf{Sea}}(aZb)$ to $y \in \ensuremath{\mathsf{Cloud}}(aZb)$ contains $aZb$ as a subwalk.
\item \emph{(Avoidance)} \label{lem:clouds:backwards}
Every $x \in \ensuremath{\mathsf{Cloud}}(aZb)$ and $y \in \ensuremath{\mathsf{Sea}}(aZb)$ have an $x$-$y$ walk with no subwalk $aZb$.
\item \emph{(Separation)} \label{lem:clouds:separation}
$a \in \ensuremath{\mathsf{Sea}}(aZb)$ and $b \in \ensuremath{\mathsf{Cloud}}(aZb)$.
\item \emph{(SCCs)} \label{lem:clouds:connectedseacloud}
If $\ensuremath{\mathsf{Sea}}(aZb)$ is not just $\{a\}$,
then $\ensuremath{\mathsf{Sea}}(aZb)$ and the prefix of $aZb$ ending in its last split-node form an SCC (denoted as \emph{sea-related SCC}).
Similarly, if $\ensuremath{\mathsf{Cloud}}(aZb)$ is not just $\{b\}$, then $\ensuremath{\mathsf{Cloud}}(aZb)$ and the suffix of $aZb$ starting in its first join-node form an SCC (denoted as \emph{cloud-related SCC}).
\item \emph{(Reachability)} \label{lem:clouds:connectivity}
Let $(x, y) \in G\times G$ be an ordered incidence pair (arc-node or node-arc) in $G$, where $x$ and $y$ are in different components of the hydrostructure of $aZb$.
Then $(x, y)$ can (only) be associated with the following pairs of components.
\begin{itemize}[nosep]
\item $(\ensuremath{\mathsf{Vapor}}, \ensuremath{\mathsf{Cloud}})$ always where $y = b$, or $(\ensuremath{\mathsf{Sea}}, \ensuremath{\mathsf{Vapor}})$ always where $x = a$,
\item $(\ensuremath{\mathsf{Cloud}}, \ensuremath{\mathsf{Vapor}})$ or $(\ensuremath{\mathsf{Vapor}}, \ensuremath{\mathsf{Sea}})$, where both always occur for non-trivial $aZb$,
\item $(\ensuremath{\mathsf{Cloud}}, \ensuremath{\mathsf{River}})$ or $(\ensuremath{\mathsf{River}}, \ensuremath{\mathsf{Sea}})$, where both always occur for nonempty $\ensuremath{\mathsf{River}}$,
\item $(\ensuremath{\mathsf{Cloud}}, \ensuremath{\mathsf{Sea}})$, where $aZb$ is univocal or R-univocal.
\end{itemize}
\end{enumerate}
\end{lemma}
\paragraph{Implementation.}
To obtain the hydrostructure of a walk $W$, we need to compute $R^+(W)$ (and symmetrically $R^-(W)$).
Note that $R^+(W)$ for avertible walks is simply $G$, and for bridge-like walks is the graph traversal from $\wt(W)$ in $G\setminus \wh(W)$.
We can identify if $W$ is avertible while performing the traversal, by checking if the traversal reaches $W$ again after leaving it. Thereafter, we can easily compute the $\ensuremath{\mathsf{Sea}}$, $\ensuremath{\mathsf{Cloud}}$, $\ensuremath{\mathsf{Vapor}}$ and $\ensuremath{\mathsf{River}}$ by processing each arc and node individually (see \Cref{apx:implementation:hydrostructure} for more details).
\begin{theorem}[restate = hydrostructurebasicalgo, name = ]
\label{thm:hydro_algo}
The hydrostructure of any walk can be computed in $O(m)$ time.
\end{theorem}
\section{Conclusion}
\label{sec:conclusion}
The issue of finding a safe and \emph{complete} genome assembly algorithm (for a natural problem formulation, namely that of a closed arc-covering walk) has been open for two decades, and recently solved in~\cite{tomescu2017safe}. On genome assembly graphs constructed from perfect data, omnitigs led to significantly longer strings than those of unitigs, proving the potential usefulness of a rigorous mathematical approach to genome assembly. However, because of many practical aspects of the read data (linear chromosomes, missing coverage, errors and diploidy) it remained open whether this theoretical breakthrough can also be made practical. A further issue with the existing results~\cite{tomescu2017safe,cairo2020macrotigs,acosta2018safe} is their very problem-specific techniques, which seem extremely difficult to generalise.
In this paper we presented an entirely {\em new perspective} to characterise safe solutions for such covering problems, with a unified methodology, having many implications. First, the hydrostructure of a walk highlights important reachability properties of a graph from the perspective of the safe walk. This results in simpler and {\em complete} characterisations (in the form of a YES-certificate) of the previously studied types of covering walks. Second, these characterisations are directly adaptable to optimal verification algorithms (except for \ls{k} with $k\neq 1,\infty$ in non-strongly connected graphs), and simple enumeration algorithms.
We also improved our \cs{k} and \ls{k} (for $k=1,\infty$) algorithms to optimality using the optimal \cs{1} algorithm~\cite{DBLP:journals/talg/CairoMART19} and the incremental computation of the hydrostructure, respectively. Third, the flexibility of the hydrostructure allowed us to easily handle further practical aspects. Namely, we easily extended the \emph{characterisations} for the subset covering model, for all \cs{k} and \ls{k} problems. Moveover, we easily generalised the \emph{hydrostructure} for the subset visibility model, so that the existing characterisations can be applied directly without changes. Lastly, even though the hydrostructure is developed mainly for arc-covering walks motivated by genome assembly, it reveals a novel fundamental insight into the structure of a graph, which can be of independent interest.
We deem that the extensive array of covering problems considered this paper, together with the simple characterisations and enumeration algorithms, proves that the hydrostructure is an ideal toolkit for obtaining safe, \emph{complete} and \emph{practical} genome assembly algorithms. As such, it could lead to another theoretical breakthrough with significant practical improvements, in the same way as the FM-index~\cite{FerraginaM00} is now at the core of start-of-the-art read mapping tools.
\section{Introduction}
\label{sec:intro}
Most problems in Bioinformatics are based at their core on some theoretical computational problem. After initial progress based on heuristics, several such Bioinformatics problems witnessed a drastic improvement in their practical solutions as a consequence of a breakthrough in their theoretical foundations. A major example of this is how the FM-index~\cite{FerraginaM00} revolutionised the problem of \emph{read mapping}, being central in tools such as~\cite{li2009soap2,li2009fast,langmead2012fast}. Other such theoretical breakthroughs include computing quartet distance~\cite{DudekG19,WilliamsWWY15} motivated by \emph{phylogenetics}, or fine-grained complexity lower bounds for \emph{edit distance} computation~\cite{BackursI15} motivated by \emph{biological sequence alignment}. However, despite this successful exchange of problems and results between Bioinformatics and Theoretical Computer Science, another flagship Bioinformatics problem, \emph{genome assembly}, is generally lacking similar developments, where {\em all} practical genome assemblers are fundamentally based on heuristics.
With our results we intend to fill exactly this gap
and enable a similar success story for practical genome assemblers, based on a theoretical result at their core.
Throughout this Introduction, we keep the Bioinformatics details at a minimum, and we refer the reader to \Cref{sec:bioinformatics-motivation} for more practical details and motivation.
\vspace{-.3cm}
\paragraph*{State-of-the-art in genome assembly.}
Given a collection of \emph{reads} (short strings sequenced from an unknown source genome), the task is to reconstruct the source genome from which the reads were sequenced. This is one of the oldest problems in Bioinformatics~\cite{peltola83}, whose formulations range from a shortest common superstring of the reads~\cite{peltola83,K92,KM95}, to various models of node- or arc-covering walks in different \emph{assembly graphs}, encoding the overlaps between the reads (such as \emph{de Bruijn graphs}~\cite{Pevzner1989}, or \emph{overlap graphs}~\cite{M05})~\cite{PTW01,MB09,MGMB07,kapun13b,SequencingHybridizationLysov1988,narzisi14,nagarajan2009parametric}.
In general, most such theoretical formulations of different models of genome assembly are NP-hard~\cite{kingsford2010assembly,nagarajan2009parametric,narzisi14,kapun13b}. However,
a more fundamental theoretical limitation is that such ``global'' problem formulations inherently admit a large number of solutions~\cite{kingsford2010assembly}, given the large size and complexity of the input data.
In practice, genome assemblers output only shorter strings that are likely to be {\em correct} (i.e.~are substrings of the source genome)~\cite{nagarajan2013sequence,DBLP:books/cu/MBCT2015,medvedev2019modeling}. Such a strategy commonly uses the assembly graph to find only the paths whose internal nodes have \emph{unit} in- and out-degree (\emph{unitigs}). Since unitigs do not branch they are {\em correct}, and can be computed in linear time. The use of unitigs dates back to 1995~\cite{KM95} and is at the core of most state-of-the-art genome assemblers, for both {\em long reads} (such as wtdbg2~\cite{Ruan:2020aa}), and {\em short reads} (such as MEGAHIT~\cite{li2015megahit}). Even though {\em long reads} are theoretically preferable, due to various practical limitations {\em short reads} are still used in many biomedical applications, such as the assembly of the SARS-CoV-2 genome~\cite{Wu:2020aa}.
\vspace{-.3cm}
\paragraph{Surpassing the theoretical limitations using safe and complete algorithms.}
Despite being at the core of the state-of-the-art in both theory and practice, there is no reason why only unitigs should be the basis of correct partial answers to the genome assembly problem.
In fact, various works~\cite{journals/bioinformatics/Guenoche92,boisvert2010ray,nagarajan2009parametric,DBLP:journals/bioinformatics/ShomoronyKCT16,DBLP:journals/bmcbi/LamKT14,BBT13} presented the {\em open question} about the ``assembly limit'' (if any), or formally, {\em what is all that can be correctly assembled from the input reads}, by considering both graph theoretic and non-graph theoretic formulations.
Unitigs were first generalised in~\cite{PTW01} by considering the paths having internal nodes with {\em unit} out-degree (with no restriction on in-degree). These were later generalised~\cite{MGMB07,jacksonthesis,kingsford2010assembly} evolving the idea of {\em correctness} to the paths of the form $P = P_1eP_2$, such that $e$ is an edge, the nodes of path $P_1$ have unit in-degree, and the nodes of path $P_2$ have unit out-degree (intuitively, $P_1$ is the only way to reach $e$, and $P_2$ is the only way $e$ reaches other nodes).
The question about the ``assembly limit'' was finally resolved in 2016 for a specific genome assembly formulation in a major Bioinformatics venue~\cite{tomescu2017safe} by introducing {\em safe and complete} algorithms for the problem, described as follows.
Given a notion solution to a problem on a graph $G$ (i.e.~some type of walk in $G$), a partial solution (i.e.~a walk $W$) is called \emph{safe} if it appears in all solutions of the problem (i.e.~$W$ is a subwalk of all solutions on $G$). An algorithm reporting only safe partial solutions is called \emph{safe}. A safe algorithm reporting \emph{all} the safe partial solutions is called \emph{safe and complete}. A safe and complete algorithm outputs {\em exactly} the parts of the source genome that can be correctly reconstructed from the input reads.
Notions similar to {\em safety} were studied earlier in
Bioinformatics~\cite{Vingron01071990,Chao01081993,nagarajan2013sequence}, and in other fields, including {\em persistence}~\cite{doi:10.1137/0603052,Costa1994143,DBLP:journals/mmor/Cechlarova98}, \emph{$d$-transversals}~\cite{DBLP:journals/jco/CostaWP11}, \emph{$d$-blockers}~\cite{DBLP:journals/dm/ZenklusenRPWCB09}, and \emph{vital nodes/edges}~\cite{DBLP:journals/networks/BazganFNNS19}.
Given an assembly graph, the most basic notion of a solution (or a source genome) is that of a closed (i.e.~circular) walk covering all nodes or all arcs at least once, thereby explaining their existence in the assembly graph~\cite{tomescu2017safe,nagarajan2009parametric,narzisi14,medvedev2019modeling,nagarajan2013sequence,DBLP:books/cu/MBCT2015,kingsford2010assembly}.
The safe walks for this notion of solution include unitigs and their generalisations described above. Tomescu and Medvedev~\cite{tomescu2017safe} characterised the safe walks w.r.t.~closed arc-covering walks as {\em omnitigs}. On simulated error-free reads where the source genome is indeed a closed arc-covering walk, omnitigs were found to be on average 60\% longer than unitigs, and to contain 60\% more biological information without employing any heuristics.
Moreover,~\cite{tomescu2017safe} presented an $O(m^2n)$-time algorithm\footnote{Trivial analysis using new results about omnitigs proves $O(m^2n)$ time for~\cite{tomescu2017safe}, though not explicitly stated.} finding \emph{all} maximal safe walks for such genome assembly solutions, in a graph with $m$ arcs and $n$ nodes.
Later, Cairo et al.~\cite{DBLP:journals/talg/CairoMART19} improved this bound to $O(mn)$, which they also proved to be optimal by using graphs having $\Theta(mn)$-sized solutions.
Recently, Cairo et al.~\cite{cairo2020macrotigs} presented a \emph{linear-time} output-sensitive algorithm for computing all maximal omnitigs, using a compact representation of the safe walks, called {\em macrotigs}.
\vspace{-.3cm}
\paragraph{Limitations of the existing theory of safe and complete algorithms.}
Despite presenting optimal algorithms,
a theoretical limitation of the previous results from \cite{tomescu2017safe,DBLP:journals/talg/CairoMART19,acosta2018safe} is that safety is characterised in terms of \emph{forbidden structures} (i.e.~NO-certificates) for the safety of a walk.
These turned out to be an unnatural view on more advanced models of genome assembly, where only a subset of the omnitigs is safe (see the next subsection).
As such, these characterisations were incomplete and unnatural in the absence of easily verifiable YES-certificates.
To illustrate this, consider for example the classical notion of a \emph{strong bridge} $(x, y)$ (see \Cref{fig:bridge-cut}).
Its NO-certificate is a path from $x$ to $y$ avoiding $(x,y)$, which can thus be seen as a forbidden path.
The corresponding YES-certificate is a \emph{cut} between a set of nodes $S$ (containing at least the nodes reachable from $x$ without using $(x,y)$), and the remaining nodes $T$ (containing at least the nodes reaching $y$ without using $(x,y)$), such that the only arc crossing the cut is $(x,y)$.
Such a certificate captures much more information about the structure of the graph from the viewpoint of the arc $(x, y)$.
We generalise this idea from single arcs to walks to get a new perspective on safety problems in genome assembly. For that, we use a similar graph structure (now recognizing \emph{safe} walks) which is essentially a generalisation of a cut, and hence a YES-certificate, which is described as follows.
\begin{figure}[h]
\centering
\includegraphics[scale=0.8]{figures/YesNoCert.pdf}
\caption{
\small The perspective of a safe walk (bold black), generalizing a strong bridge.
Center: The strong bridge $(x,y)$ has a NO-certificate in form of a forbidden path (red), and a YES-certificate in form of a cut between $S$ and $T$ where $(x,y)$ is the only edge leaving $S$. Left: The NO-certificate of the safety of the walk from $x$ to $y$ is a similar forbidden path (red). Right: The YES-certificate of the safety of the walk from $x$ to $y$ is a graph partition
where $T$ is reachable from $S$ only by using the walk from $x$ to $y$ contiguously.
}
\label{fig:bridge-cut}
\end{figure}
Our perspective to study safety distinguishes between the trivial reason for safety, i.e., the {\em covering} constraint of an arc (and the left and right extensions the arc), from the more profound reason arising from the {\em bridge-like} nature of some walks, which generalises the property of a strong bridge.
Such {\em bridge-like} walks are required to be traversed contiguously for reachability between some nodes. Thus, analogous to NO-certificates of a strong bridge (see \Cref{fig:bridge-cut}),
a bridge-like walk (say from $x$ to $y$) requires the absence of a forbidden path which allows reaching $y$ from $x$ without traversing the whole walk contiguously, as described in previous results~\cite{tomescu2017safe,DBLP:journals/talg/CairoMART19,acosta2018safe,cairo2020macrotigs}. Similarly, analogous to the YES-certificate of a strong bridge (see \Cref{fig:bridge-cut}), a bridge-like walk has a directed {\em cut-like} structure between the set of nodes $S$ reachable from $x$ without traversing the whole walk, and the set of nodes $T$ reaching $y$ without traversing the whole walk. Crossing the cut from $y$ to $x$ uses the remainder of the graph, which are the nodes and edges outside the induced subgraphs of $S$ and $T$. On the other hand, crossing the cut from $x$ to $y$ (or $S$ to $T$) requires traversing the whole walk contiguously.
This partitions the whole graph from the perspective of the walk, reducing the requirement for the contiguous traversal of the walk, to the simple requirement of reaching $y$ from $x$, allowing simpler characterisations of more advanced models.
Moreover, we can now use the same YES-certificate for many different models, as opposed to finding a NO-certificate separately for each model.
Thus, our new perspective of a safe walk as a generalisation of a strong bridge
results in a universal approach for the complete characterisation of safe walks.
\vspace{-.3cm}
\paragraph{Formulation of practically relevant genome assembly models.}
Modeling a genome assembly solution as a single arc-covering walk is extremely limiting in practice, due to the presence of multiple genomes in the sample (not necessarily circular), sequencing errors or unsequenced genomic regions. See \Cref{sec:bioinformatics-motivation} for further motivation of our definitions below, and a discussion about how to handle practical aspects of the data such as multiplicities (i.e. k-mer abundance).
Most of these practical issues can be handled by considering more flexible theoretical formulations of the problem. Instead of always considering the solution to be a \emph{single} closed arc-covering walk of the assembly graph, we can change the model so that the solution is an \emph{arc-covering} collection of up to $k \geq 2$ closed walks (i.e.~every arc appears in some walk of the collection).
Further, for addressing \emph{linear} genomes, or unsequenced genomic regions, we further change the model so that the solution is one \emph{open} arc-covering walk from a given node~$s$ to a given node~$t$ (\emph{$s$-$t$ walk}), or an arc-covering collection of up to $k \geq 2$ open $s$-$t$ walks. Moreover, if there is no constraint $k$ on the number of walks in the collection, then we will say that $k = \infty$.
\begin{definition}[\cs{k} walk, \ls{k} walk]
\label{def:safe-walks-circular-linear}
Let $G = V \cup E$ be a graph, let $s,t \in V$ and let $k \geq 1$. A walk $W$ is called \emph{\cs{k}} (or \emph{\ls{k}}) if $W$ is a subwalk of at least one walk of any arc-covering collection of up to $k$ circular walks (or up to $k$ walks from $s$ to $t$).
\end{definition}
\begin{remark}
A graph admits an arc-covering collection of $k \geq 1$ circular walks if and only if it is a disjoint union of at most $k$ strongly connected graphs. As such, in the circular models we can assume the graph to be strongly connected. In the linear models, we first solve the strongly connected case, and then solve the cases $k = 1,\infty$ for non-strongly connected graphs.
\end{remark}
Further, the notion of genome assembly solution can be naturally extended to handle sequencing errors. For example, the models can be extended so that the collection of walks is required to cover only a \emph{subset} $F$ of the arcs (\emph{$F$-covering}). Another possible extension is to mark the erroneous arcs in $E \setminus F$ as \emph{invisible}, in the sense that they are invisible when we define safety (\emph{$F$-visible}, see below). These not only allow handling errors, but also allow handling even more general notions of genome assembly solutions through simple reductions (see \Cref{rem:subset-covering-visibility-applications}).
\begin{definition}[Subset covering / visible]
\label{def:safe-walk-covering-visible}
Let $G = V \cup E$ be a graph, let $s,t \in V$, $F\subseteq E$, and let $k \geq 1$. A walk $W$ is called:
\begin{itemize}[nolistsep]
\item \emph{\ccs{k}} (or \emph{\lcs{k}}) if $W$ is a subwalk of at least one walk of every $F$-covering collection of up to $k$ circular walks (or up to $k$ walks from $s$ to $t$).
\item \emph{\cvs{k}} (or \emph{\lvs{k}}) if the $F$-subsequence of $W$ occurs contiguously in the $F$-subsequence of at least one walk of every arc-covering collection of up to $k$ circular walks (or up to $k$ walks from $s$ to $t$). The \emph{$F$-subsequence} of a walk is obtained by removing its arcs \emph{not in $F$}.
\end{itemize}
\end{definition}
\begin{remark}
\label{rem:subset-covering-visibility-applications}
The subset covering model can also solve a generalisation of the linear models,
where the walks in the collection can start and end in any node in given \emph{sets} $S$ and $T$, respectively:
set $F = E$, and add new nodes $s$ and $t$ connected to / from all nodes in $S$ and $T$, respectively. Moreover, we can also combine the subset covering and visibility models for some $F,F'\subseteq E$, to get \emph{$F$-covering $F'$-visible safe walks}, for both circular and linear models, and obtain analogous results (see also \Cref{fig:characterisation-overview}). By this, we can also solve the same models in a node-centric formulation, where only (a subset of) the nodes are required to be covered and/or visible: expand each node to an arc and choose only such node-arcs to be covered and/or visible.
\end{remark}
\section{Contributions}
We obtain safe and complete algorithms for a plethora of \emph{natural} genome assembly formulations, as stated in \Cref{def:safe-walks-circular-linear,def:safe-walk-covering-visible} and \Cref{rem:subset-covering-visibility-applications}, with an entirely {\em new perspective}, and a \emph{universal framework} for safety, the \emph{hydrostructure} of a walk.
\vspace{-.3cm}
\paragraph{The Hydrostructure as a Universal Framework for safety.}
The hydrostructure gives a more structured view of the graph from the perspective of the walk, allowing for simple safety characterisation for \emph{all} models (see \Cref{fig:characterisation-overview}).
We characterise \cs{k} walks for any given $k$ (where $1<k<\infty$), which was mentioned as an open problem in~\cite{acosta2018safe}, and prove the equivalence of the \cs{k} problems for all $k\geq 2$.
We also present the \emph{first} characterisations for the {\em single and multiple linear} models (mentioned as open problems in~\cite{tomescu2017safe}), which are in general harder because the location of $s$ and $t$ affects safety.
Moreover, the {\em flexibility} of the hydrostructure allows us to generalise these to the more practically relevant {\em subset covering} and {\em visibility} models.
Even though the hydrostructure is developed mainly for such arc-covering models, it reveals a novel fundamental insight into the structure of a graph, which may be of independent interest (see \Cref{sec:hydrostructure}). It captures the bridge-like characteristic of a walk for characterizing safety. This distinguishes the core of a safe walk from its trivially safe extensions on both sides, i.e., along the only way to reach it (its {\em left wing}, if exists), and along the only way forward from it (its {\em right wing}, if exists).
Its water-inspired terminology stems from the standard notions of ``source'' and ``sink'' nodes, but in the present case of a strongly connected graph now mimics the water cycle on Earth~\cite{wiki:waterCycle}. The hydrostructure distinguishes the source part as $\ensuremath{\mathsf{Sea}}$ and the target part as $\ensuremath{\mathsf{Cloud}}$. The internal part of the bridge-like walk forms the $\ensuremath{\mathsf{Vapor}}$, which is the only way water moves from $\ensuremath{\mathsf{Sea}}$ to $\ensuremath{\mathsf{Cloud}}$. On the other hand, water can easily move from $\ensuremath{\mathsf{Cloud}}$ to $\ensuremath{\mathsf{Vapor}}$ and from $\ensuremath{\mathsf{Vapor}}$ to $\ensuremath{\mathsf{Sea}}$. The rest of graph forms the $\ensuremath{\mathsf{River}}$, which in general serves as an alternate %
route for the water from $\ensuremath{\mathsf{Cloud}}$ to $\ensuremath{\mathsf{Sea}}$. For non-bridge-like walks the hydrostructure trivially reduces to $\ensuremath{\mathsf{Vapor}}$ being the entire graph, and the remaining components being empty. For any walk, we show that its hydrostructure can be easily computed in {\em linear} time, by evaluating the restricted reachability of the end points of the walk.
\begin{figure}
\centering
\includegraphics[trim={0 0 0 10},clip,scale=.75]{hydrostructure-soda-characterisations}
\caption{\small %
An overview of the characterisations of safety for non-trivial walks in all our models. The arrow labeled EQ means equivalent criteria; an arrow labeled OR means that the target characterization is the OR between the criteria of the endpoints of the arrow; the arrow labeled MOD means modification of the source characterization as described.
For simplicity of presentation, the criteria for trivial walks and wings (for linear models) are not included, despite being simple criteria based on hydrostructure.
Note that all characterisations imply that the \ensuremath{\mathsf{Vapor}}{} is a path, (otherwise \ensuremath{\mathsf{Sea}}{}, \ensuremath{\mathsf{Cloud}}{} and \ensuremath{\mathsf{River}}{} would be empty, making all the criteria trivially false) and hence include being \cs{1}.
}
\label{fig:characterisation-overview}
\end{figure}
\vspace{-.3cm}
\paragraph{Simple and \emph{full} characterisation for existing and new problems.}
For single circular walks, the previous characterisations identified forbidden paths \cite{tomescu2017safe,DBLP:journals/talg/CairoMART19} resulting only in a NO-certificate. Our characterisation simplifies it to merely $\ensuremath{\mathsf{Vapor}}$ not being the entire graph, which basically signifies that the walk is bridge-like, resulting in easily verifiable both YES- and NO-certificates. For $\infty$-circular safe walks, the previous characterisation further requires the presence of a {\em certificate arc}~\cite{acosta2018safe} forbidding cycles of certain types, resulting in a NO-certificate which is even harder to verify than in the 1-circular model. Our characterisation only adds an additional constraint of having a non-empty $\ensuremath{\mathsf{River}}$, drastically simplifying the characterisation. Note that it is the same for any given number $k \geq 2$ of closed walks, proving their equivalence. See \Cref{s:closed} for details.
For linear safe models, surprisingly every solution has to be \cs{1}, allowing us to build the characterisation (and hence algorithms) of linear models on top of those for the single circular model. In the single linear model, $\ensuremath{\mathsf{River}}$ additionally has to be a single path, with some criteria based on the location of $s$~and~$t$. However, the multiple linear model generalises the criteria on the $\ensuremath{\mathsf{River}}$ to be based on its {\em minimum walk-cover} being of a certain size. Also, we require additional characterisations for the safety of the wings, based on the reachability of $s$ and $t$ in the candidate walk. See \Cref{s:open} for details.
In the subset covering model, the previous characterisations are easily extendable using more concrete criteria involving the corresponding subset $F$. In the subset visibility model, the hydrostructure itself is generalised for the corresponding subset $F$, so that the existing characterisations can be directly applied without any changes. Finally, for all these problems, the hydrostructure itself (or in some cases with additional walk cover\footnote{For simplicity we use the walk cover (a NO-certificate) in our characterisation, which have a simple equivalent YES-certificate using \textit{maximum arc antichain.}}) serves as both the YES- and NO-certificate. See \Cref{sec:subsetCov} for details.
The simplicity of our characterisations motivates us to introduce the problem of {\em verifying} whether a given walk is safe in a model. Despite this problem not being explicitly studied earlier, the previous characterisations~\cite{tomescu2017safe,DBLP:journals/talg/CairoMART19,acosta2018safe} resulted in $O(mn)$ time verification algorithms, which again depend on the corresponding certificate for the model. Recently, Cairo et al.~\cite{cairo2020macrotigs} presented an algorithm which can be adapted to a linear-time verification algorithm for \cs{1} walks, but it uses complex data structures.
Our characterisations are directly adaptable to linear time {\em optimal} verification algorithms for almost all of our models, using simple techniques such as graph traversal. See \Cref{tab:results} for a comparison.
\begin{table}[t!]
\small
\centering
\begin{tabular}{|c|c|c|c|c|c|}
\hline
\textbf{Safety} & \multicolumn{2}{c|}{\textbf{Previous Results}} & \multicolumn{3}{c|}{\textbf{New Results}} \\
\cline{2-6}
\textbf{Problems} & \textbf{Verify} & \textbf{Enumerate} & \textbf{Verify} & \textbf{Enum. Trivial} & \textbf{Enum. Improved}\\ \hline
$1$-circular & $O(mn)$ & $O(m^2n)$~\cite{tomescu2017safe} & $O(m)^*$ & $O(m^2n)$ & - \\
& $O(mn)$ & $O(mn)^*$~\cite{DBLP:journals/talg/CairoMART19} & & & \\
& $O(m)^*$ & $O(m+o)^*$~\cite{cairo2020macrotigs} & & & \\
$k$-circular & - & - & $O(m)^*$ & $O(m^2n)$& $O(mn)^*$ \\
$\infty$-circular & $O(mn)$ & $O(m^2n)$~\cite{acosta2018safe} & $O(m)^*$ & $O(m^2n)$ & $O(mn)^*$ \\
\hline
$1$-st & - & - & $O(m)^*$ & $O(m^2n)$ & $O(mn+o)^*$ \\
$k$-st & - & - & $O(mn)^\#$ & $O(m^2n^2)^\#$ & $O(m^2n+o)^\#$ \\
$\infty$-st & - & - & $O(m)^*$ & $O(m^2n)$ & $O(mn+o)^*$ \\
\hline
\end{tabular}
\caption[Our runtime bounds.]{\small A comparison of the previous results for safety problems with the new results trivially obtained from the characterisation, and the improved results. The size of the output is represented by $o$.
The optimal algorithms are marked by~$^*$.
The time bounds using a simple minimum walk cover algorithm are marked by~$^\#$, which may be improved\footnotemark{} with faster algorithms for computing the size of a minimum walk cover. The solution for this model ($^\#$) is also limited to {\em strongly connected graphs}.
All the above models can also be extended to {\em subset covering} using the same bounds and to {\em subset visibility} with an additive $O(mn)$ term.
}
\label{tab:results}
\end{table}
\footnotetext{
Our solutions for \ls{k} for {\em general} $k$ requires the query ``is the size of a minimum walk-cover of a subgraph greater than $k$?''. This can be answered using flows in $f=O(mn)$ time, and maintained during the incremental computation in $g=O(m^2)$ time, resulting in the stated bounds. Considering them as black box algorithms, our bounds for verification, enumeration and improved enumeration algorithm are $O(m+f)$, $O(m^2n+mnf)$ and $O(mn+o+ng)$ respectively.}
\vspace{-.3cm}
\paragraph{Novel techniques to develop optimal enumeration algorithms.}
Our verification algorithms can also be adapted to simple $O(m^2n)$ time algorithms (except for {\em given} \ls{k}) to enumerate all the maximal safe walks. Further, using the optimal \cs{1} algorithm~\cite{DBLP:journals/talg/CairoMART19} and our new characterisation, we not only improve upon \cite{acosta2018safe} for $\infty$-circular walks, but also make our \cs{k} algorithm {\em optimal}.
In order to improve our linear algorithms we present a {\em novel technique} to compute the hydrostructure for all subwalks of a {\em special} walk using incremental computation. Since the linear characterisations are built on top of the \cs{1} walks, we use the concise representation of \cs{1} walks in $O(n)$ special walks~\cite{cairo2020macrotigs}.
At its core, the incremental computation uses the incremental reachability algorithm~\cite{Italiano86} requiring total $O(m)$ for each special walk. Surprisingly, every node and arc can enter and leave $\ensuremath{\mathsf{River}}$ exactly once during the incremental computation, allowing its maintenance in total $O(m)$ time.
This results in {\em optimal} \ls{k} algorithms for $k= 1,\infty$, while for the general $k$ we also require to check if a subgraph can be covered with $k$ walks. Moreover, we prove the optimality of our results (except for \emph{given} $k$) by presenting a family of graphs having the size of all maximal safe walks $\Omega(mn)$. See \Cref{tab:results} for a comparison, and \Cref{sec:algorithms} for further details.
\medskip
Summarising, the hydrostructure is a {\em mathematical tool} which is {\em flexible} for addressing a variety of models (handling different types of genomes, errors, complex or unsequenced regions), and is {\em adaptable} to develop simple yet efficient algorithms. Thus, we believe the various results of this paper can form the theoretical basis of future \emph{complete} genome assemblers.
We hope that our paper together with~\cite{cairo2020macrotigs}
can enable the state-of-the-art genomic tools to have advanced theoretical results at their core, as e.g.~the FM-index in read mapping tools, leading to similar success story for genome assembly.
\section{Preliminaries}
\label{sec:preliminaries}
\paragraph{Graph Notations.}
A \emph{graph} is a set $G = V \cup E$, where $V$ is a finite set of \emph{nodes}, $E$ is a finite multi-set of ordered pairs of nodes called \emph{arcs}; given an arc $e = (u,v)$, we say that $u$ is the \emph{tail} node $\tail{}(e)$ of $e$, and $v$ is the \emph{head} node $\head{}(e)$ of $e$.
Self-loops are allowed.
A \emph{strongly connected component} (SCC) is a maximal subgraph that is strongly connected, i.e. for any two nodes $x$ and $y$ in the SCC, there exists a path from $x$ to $y$. Similarly, a {\em weakly connected component} (WCC) is a maximal subgraph that is weakly connected, i.e., any two nodes $x$ and $y$ in the WCC are connected by an undirected path.
A node is a \emph{source} if it has no incoming arcs, and a \emph{sink} if it has no outgoing arcs.
For $e \in E$, we denote $G \setminus e = V \cup E \setminus \{e\}$.
In the rest of this paper, we assume a fixed strongly connected graph $G= V \cup E$ which is not a cycle~\footnote{Safe walks in a cycle are not properly defined as they can repeat indefinitely.}, with $|V| = n$ and $|E| = m > n$.
A \emph{$w_1$-$w_\ell$ walk} (or simply \emph{walk}) in $G$ is a non-empty alternating sequence of nodes and arcs $W = (w_1, \dots, w_\ell)$, where for all $1 \leq i < \ell$: $\head{}(w_{i}) = w_{i+1}$ if $w_{i+1}$ is a node, and $\tail{}(w_{i+1}) = w_i$ otherwise.
Deviating from standard terminology, if not otherwise indicated, $w_1$ and $w_\ell$ are \emph{arcs}.
We call $\wt{}(W) = w_1$ the \emph{start} of $W$, and $\wh{}(W) = w_\ell$ the \emph{end} of $W$.
$W$ is a \emph{path} if it repeats no node or arc, except that $\wt{}(W)$ may equal $\wh{}(W)$.
A walk $W$ is called \emph{closed} if $\wt{}(W) = \wh{}(W)$ and $\ell > 1$, otherwise it is \emph{open}.
The notation $WW'$ denotes the concatenation of walks $W = (w_1, \dots, w_\ell)$ and $W' = (w'_1, \dots, w'_{\ell'})$, if $(w_1, \dots, w_\ell, w'_1, \dots, w'_{\ell'})$ is a walk. When writing a walk as a concatenation, then lower-case letters denote single nodes or arcs, i.e. $aZb$ denotes the walk $(a, z_1, \dots, z_\ell, b)$ (where $a$ and $b$ are arcs).
Subwalks of walks are defined in the standard manner, where subwalks of closed walks do not repeat the start/end if they run over the end.
A walk $W$ that contains at least one element is \emph{bridge-like} if there exist $x, y \in G$ such that each $x$-$y$ walk contains $W$ as subwalk, and otherwise it is called \emph{avertible}.
Observe that a bridge-like walk is an open path.
A \emph{walk-cover} of a graph is a set of walks that together cover all arcs of the graph, and its size is the number of walks.
The minimum walk-cover (and hence its {\em size}) can be computed in $O(mn)$ time using minimum flows, by reducing the problem to maximum flows (see e.g. \cite{bang2008digraphs}) and applying Orlin's and King's $O(mn)$ time algorithms \cite{orlin2013max,king1994faster}. %
\vspace{-.3cm}
\paragraph{Safety Notations.}
We call a node $v$ a \emph{join node} (or \emph{split node}) if its in-degree (or out-degree) is greater than $1$.
Similarly, an arc $e$ is a \emph{join arc} (or \emph{split arc}) if $\head{e}$ is a join node (or $\tail{e}$ is a split node).
Two arcs $e$ and $e'$ are \emph{sibling arcs} if $\head{}(e) = \head{}(e')$ or $\tail{}(e) = \tail{}(e')$.
A walk $W = (w_1, \dots, w_\ell)$ is \emph{univocal} if at most $w_\ell$ is a split node (if it is a node), and it is \emph{R-univocal} if at most $w_1$ is a join node (if it is a node), and it is \emph{biunivocal} if it is both univocal and R-univocal.
Its \emph{univocal extension} $U(W)$ is $W^lWW^r$ where $W^l\wt(W)$ is the longest R-univocal walk to $\wt(W)$ and $\wt(W)W^r$ is the longest univocal walk from $\wh(W)$.
\begin{figure}[htb]
\centering
\includegraphics[scale=1.4]{hydrostructure-soda-hearts-and-wings}
\caption{\small A trivial walk on the left and a non-trivial walk on the right.
The heart is colored green, the left wing violet and the right wing red.
The left wing is from arc to node and the right wing from node to arc.}
\label{fig:hearts_and_wings}
\end{figure}
For a walk $W = w_1, \dots, w_\ell$ let $w_i$ be its first join arc or $w_i = w_1$ if $W$ has no join arc, and let $w_j$ be its last split arc or $w_j = w_\ell$ if $W$ has no split arc.
If $i \geq j$, then the \emph{trivial heart} (or simply \emph{heart}) $\ensuremath{\mathsf{Heart}}(W)$ of $W$ is its $w_j$-$w_i$ subwalk, and otherwise the \emph{non-trivial heart} (or simply \emph{heart}) $\ensuremath{\mathsf{Heart}}(W)$ is its $w_i$-$w_j$ subwalk.
A walk with a trivial heart is a \emph{trivial walk}, and a walk with a non-trivial heart is a \emph{non-trivial walk}.
The \emph{left wing} and \emph{right wing} of $W$ are $W^l$ and $W^r$ in the decomposition $W^l\ensuremath{\mathsf{Heart}}(W)W^r$.
See \Cref{fig:hearts_and_wings} for a visualisation of these definitions.
Further, we use the following results from previous works in the literature. The first result was used in~\cite{acosta2018safe,cairo2020macrotigs} (and possibly other previous works) even though not stated explicitly.
\begin{theorem}[restate = prelim, name = ]
\label{thm:prelim}
For a strongly connected graph $G$ with $n$ nodes and $m$ arcs, the following hold:
\begin{enumerate}[label = (\alph*), nosep]
\item \label{thm:two-pointer-algirithm} \emph{(Two-Pointer Algorithm \cite{acosta2018safe,cairo2020macrotigs})} Given a walk $W$ and a procedure $A$ to verify the safety of its subwalks where all subwalks of a safe walk are safe, then all the maximal safe subwalks of $W$ can be reported in $O(|W|f(m,n))$ time, where each invocation of $A$ requires $f(m,n)$ time.
\item \label{item:omnitig-properties} \emph{(Omnitig Bounds~\cite{DBLP:journals/talg/CairoMART19,cairo2020macrotigs})} There are at most $m$ maximal \cs{1} walks~\cite{DBLP:journals/talg/CairoMART19} where each has length of at most $O(n)$~\cite{DBLP:journals/talg/CairoMART19} and of which $O(n)$ are non-trivial~\cite{cairo2020macrotigs}, and the total length of all maximal \cs{1} walks in $G$ is $O(mn)$~\cite{DBLP:journals/talg/CairoMART19} (if $G$ is not a cycle).
\item \label{thm:prelim:georgiadis} {\em (Fault tolerant SCCs \cite{georgiadis2017strong})} We can preprocess $G$ in $O(m)$ time, to report whether $x$ and $y$ are in the same SCC in $G \setminus z$ in $O(1)$-time, for any $x, y, z \in G$. %
\end{enumerate}
\end{theorem}
|
\section{Introduction}
\label{sec:intro}
Audio ``textures'' have proven elusive to define precisely despite their ubiquity and long history of attention in auditory and modelling research. Saint-Arnaud and Popat \cite{saint1995analysis} described them as having stable characteristics over the time scale of an ``attention span''. That is, there is a duration beyond which an audio texture provides no new information. Many common environmental sounds, both natural and human generated, seem to have this characteristic, including the sound of flowing water, a ticking clock, running machines, crackling fire, or a rumbling engine. The working definition suggests that for durations larger than some attention span, any two analysis windows at different points in time will reveal the same properties.
How then do we contextualise sounds that seem ``textural'' but might also exhibit changes over the course of time, such as the sound of an accelerating car or intensifying rain? One way is to recognise that what we deem as the stable textural part of a sound may exist as an abstraction (a perceptual or computational model) in tandem with another layer that is modulating the overall sound \cite{aicreative}. While the former is representative of the essential and unchanging audio characteristics that define a texture class, the latter includes the aspects that modify parts of the sound but do not alter the overall perceptual identity of the texture. Capturing these factors of variation -- imagine an engine revving at two different speeds and the resultant sound differences -- and exposing a way to navigate the space encompassed by them, are arguably essential to a complete model of a texture.
Here we describe and develop the multi-tier conditioning recurrent neural network (MTCRNN) that embodies the multi-level paradigm of the constant fine structure and the evolution of the texture over time. The system aims to synthesise textures directly in the raw audio domain guided by user-determined control parameters. The challenge of capturing both local and long-term dependencies present in raw audio is met with a combination of hierarchically-arranged model architectures and multi-scale conditioning. More concretely, we condition the audio output on synthetically generated intermediate parameters based upon interpretable physical or perceptual audio features, which are in turn informed by more compact control parameters corresponding to an arbitrary path through a perceptual dimension of the texture of interest.
\section{Background}
\label{sec:background}
\begin{comment}
\subsection{Existing modelling strategies}
\label{ssec:exist}
The variety and relatively unstructured nature of audio textures, especially in comparison to speech and pitched instrument sounds, make a general modelling approach highly nontrivial. Granular synthesis uses extremely short snippets of an original recording which are layered and recombined with different speeds, phases, frequencies, and volumes to create novel timbres \cite{roads1978automated}. Physical models attempt to emulate the physical behaviour of the texture source. For instance, the sound of raindrops was modeled with wave and acoustic pressure equations describing a surface impact \cite{miklavcic2004computational}. McDermott et al. \cite{mcdermott2009sound} recreated several textures by iteratively imposing a set of extracted statistical measurements on noise samples, including variance, kurtosis, and correlation. This approach worked well for variation at shorter time scales but struggles with longer-term structure.
It is evident that selecting specific features or timescales a priori is typically not universally effective, leading to strategies that only apply to specific textures. Recent deep learning approaches tend to eschew feature engineering in favour of allowing the model to learn the important features for a given data set. Given that they also allow for more flexible control, deep learning models may provide a more extensible solution to texture synthesis compared to prior techniques.
\end{comment}
\subsection{Hierarchical deep generative models}
\label{ssec:hierarchy}
State-of-the-art generative models for raw audio have been based around the idea of hierarchically arranged layers to capture increasingly long time dependencies in the data. Wavenet \cite{oord2016wavenet} achieved this by using dilated convolutional neural network (CNN) layers where each convolutional kernel takes every $n$th element from the previous layer as input instead of a contiguous section. The RNN layers in SampleRNN \cite{mehri2016samplernn} are organised into tiers that learn at different levels of abstraction according to a particular timescale. Except for the lowest-level tier, all other tiers operate at a frequency below the sample frequency, each summarising the history of its inputs into a conditioning vector for the subsequent tier.
Even with these innovations to extend the receptive field of the models, their outputs were still found to lack coherent long-term structure without a strong external conditioning signal. More recent work has further decoupled the learning of local and larger-scale structures by training separate models at each level of abstraction. The latent space of the model working at longer timescales is used to condition another model operating at shorter scales. This was demonstrated by Dieleman et al. \cite{dieleman2018challenge} in an autoencoder setup with Wavenet decoders. A similar idea was implemented in OpenAI’s Jukebox system \cite{Dhariwal2020}, which utilises autoregressive transformers to model encodings at multiple timescales over time.
\subsection{Inducing long-term structure and control}
\label{ssec:struc}
A drawback to using latent representations is that they are often not interpretable and thus not easily manipulatable by the user. Alternatively, using conditioning from symbolic representations would, in addition to being more interpretable, be easier to model over the long term, while still preserving the richness and expressivity of the raw audio models themselves. In the musical domain, Manzelli et al. \cite{manzelli2018conditioning} provided MIDI pitch and timing as conditioning for a Wavenet. Rather than feeding these values by hand, a second generative network was used to compose MIDI sequences, taking over the modelling of long-range timing and pitch correlations. This idea was further expanded by Hawthorne et al. \cite{hawthorne2018enabling} in their Wave2Midi2Wave system, which added an encoder network to transcribe raw audio to MIDI and replaced the RNN generating MIDI sequences with a state-of-the-art transformer network. Compared to the hierarchical Wavenets in \cite{dieleman2018challenge} which learnt to interpret and generate intermediate latent representations, using MIDI yielded better samples in terms of musical structure, but were limited to the instruments and styles that MIDI could accurately represent.
In our previous work \cite{aicreative}, we proposed the MTCRNN as a solution to generating long-form textures, and showed its advantages over an architecture that was trained only over a single timescale. Here, we apply the model to a larger variety of more complex textures and provide an extended analysis and evaluation of results. We additionally detail how the system may be utilised for style transfer.
\section{Model}
\label{sec:method}
\subsection{Overview}
The MTCRNN\footnote{\scriptsize \url{https://github.com/muhdhuz/MTCRNN}} combines an arbitrary number of smaller separately trained tiers made up of stacked gated recurrent unit (GRU) layers, with each tier operating at a particular timescale (Fig.\ref{fig:mtcrnn_train}). Every tier works autoregressively, generating an output conditioned upon the output of the previous timestep and auxiliary information from the preceding tier. The tiers are arranged in order of sampling rate, such that a tier working at a slower sampling rate conditions a tier handling faster changing data, down to the audio sample level. The key idea behind the model is to sequentially synthesise audio samples, while directed by conditioning parameters that capture patterns and the overall sound trajectory on a scale larger than sample level.
\begin{figure}[htb]
\begin{minipage}[b]{1.0\linewidth}
\centering
\centerline{\includegraphics[width=0.999\textwidth]{graphics/mtcrnn_train.pdf}}
\end{minipage}
\caption{Example of training an MTCRNN with 3 tiers. Audio is used to train tier 1, while intermediate representations at lower sample rates are used to train other tiers. The user controlled parameter conditions the highest tier only.}
\label{fig:mtcrnn_train}
\end{figure}
The tiered structure is proposed to address several issues. Firstly, like prior works, we hypothesise that it is more efficient for a model to focus on capturing patterns at a specific timescale rather than at many different ones simultaneously. Secondly, inputs get spaced out further in time moving up the hierarchy of tiers, extending the effective receptive field of the model given the same amount of data. Hence, it is possible to expose the model to longer duration signals at higher tiers. Although the conditioning signal consequently becomes increasingly sparse, the results show that this is still an effective trade-off. Finally, even though the model allows for the generation of intermediate conditional parameters with clear physical or perceptual meaning, some of these, like mel-frequency cepstral coefficients (MFCCs) and root mean square energy (RMSE), may not be immediately intuitive to the casual user in terms of its direct effect on the output sound, and furthermore require the manipulation of many parameters simultaneously. Breaking the model into tiers allows these parameters to be interfaced with more compact and easily manipulatable control variables while maintaining a rich enough conditioning layer to support the synthesis.
\subsection{Architecture}
Each tier is composed of stacked GRUs sandwiched between dense layers connected to the input and output, similar to the architecture in Wyse and Huzaifah \cite{wyse2019smc}. Preliminary experiments showed that wide hidden layers improved the quality of synthesis. Each stack is comprised of three GRU layers, each containing between 300 to 800 hidden units depending on the dataset and tier. Greater numbers than these were found to exhibit diminishing returns.
\subsection{Synthesis and control strategy}
In the standard setup, user-driven control parameters are provided as input to the topmost tier. The model then generates an intermediate sequence using the control parameters as conditioning. Analogous to how MIDI was used for music in \cite{manzelli2018conditioning} and \cite{hawthorne2018enabling}, the intermediate sequences correspond to well-known audio features (not latent), but are real-valued as opposed to being discrete. Depending on the dataset, different combinations of features were used, including the aforementioned MFCCs and RMSE, but also pitch, spectral centroid (SC), and onset strength (Table \ref{table:c7_data}). These features have proven to be robust and applicable to a wide variety of sounds from prior literature. Conditioning for subsequent tiers are generated in a cascading fashion, and are upsampled by linear interpolation to match the sample rate of the corresponding tier prior to input, as shown in Fig.\ref{fig:mtcrnn_gen}.
\begin{figure}[htb]
\begin{minipage}[b]{1.0\linewidth}
\centering
\centerline{\includegraphics[width=0.999\textwidth]{graphics/mtcrnn_gen.pdf}}
\end{minipage}
\caption{The full generative procedure for a 3-tier MTCRNN. The output sequence for the topmost tier is generated conditioned on the control parameters provided by the user, then upsampled to match tier 2’s sampling rate (i.e. 125 Hz to 500 Hz) and fed as conditioning to the tier 2 model. The process repeats for the lower tiers. In this example, MFCCs are used to condition the audio model itself.}
\label{fig:mtcrnn_gen}
\end{figure}
Sampling from the audio model utilises a procedure similar to Wavenet's, whereby the categorical distribution described by the output of the network is sampled randomly to retrieve a $\mu$-law value for the sample at that timestep, then decoded for audio. In contrast, generated parameters are modelled as a Gaussian distribution, with the model treated as a mixture density network \cite{bishop1994mixture} predicting an associated mean and variance at each step.
Sound sets used for this study are from the Parameterized Audio Textures Data Sets (PATSets)\footnote{\scriptsize \url{https://sonicthings.org:9999/}} \cite{aicreative} along with heartbeat sounds from the PASCAL CHSC2011 dataset \cite{pascal2011}. A detailed breakdown of the various datasets and the corresponding parameters is shown in Table \ref{table:c7_data}. One MTCRNN model was trained per texture class.
\begin{table}[tb]
\centering
\scriptsize
\begin{tabular}{@{}lllll@{}}
\toprule
\multicolumn{1}{l}{\textbf{Texture dataset}} & \textbf{Control pm.} & \multicolumn{2}{l}{\textbf{Conditioning pm.}} \\
\cmidrule(lr){1-1} \cmidrule(lr){2-2} \cmidrule(lr){3-4}
& & \textbf{Tier 3} & \textbf{Tier 2}\\
\midrule
container filling & fill height & RMSE, SC, pitch & MFCCs \\
{[\url{https://bit.ly/3iZIgBv}]} & & & \\
\midrule
heartbeat & class, rate & -- & RMSE, SC, MFCCs \\
{[\url{https://bit.ly/2SZz2KR}]} & & & \\
\midrule
engine & rev & -- & RMSE, pitch, MFCCs \\
{[\url{https://bit.ly/3k5M2dQ}]} & & & \\
\midrule
fire & crackle & -- & RMSE, MFCCs \\
{[\url{https://bit.ly/37fYaFs}]} & & & \\
\midrule
geiger counter & rate & -- & RMSE, onset strength\\
{[\url{https://bit.ly/3j2Ifg8}]} & & & \\
\midrule
pop & rate & -- & RMSE, onset strength\\
{[\url{https://bit.ly/2SXzJ7x}]} & & & \\
\bottomrule
\end{tabular}
\caption{Dataset properties, including the respective user control parameters and the conditioning parameters for each tier. Either three or two tiers were used for each dataset. Each texture class had control parameters related to changes in one or more high-level properties. The first two datasets are natural, while the rest are synthetic. Two versions of the ``pop'' texture was used, with higher rates in one than the other. A URL link to the results is provided for each dataset.}
\label{table:c7_data}
\end{table}
\section{Results}
\label{sec:exp}
\subsection{Frequency reproduction}
Long time dependencies can be addressed by a multi-tier architecture \cite{aicreative} as shown by Fig.\ref{fig:align}, while maintaining performance on local structure such as frequency patterns. The model was able to learn properties of both pitched and stochastic textures. A chromagram of the ``pop'' texture, consisting of noise bursts with narrow bandpass filters heard as pitched sounds, was plotted for both original and synthesised data (Fig.\ref{fig:randpop_chroma}). The chromagram reveals the fairly definite pitch class of each synthesised pop, resembling the real data. Moreover, the pitches are randomly distributed across the entire scale over the full duration of the sound file, a clear indication that the model has learned the inherent variability in pitch present in the pop texture. Output variability is important for the realism of generated textures, and was observed on all datasets as can be heard in the examples.
\begin{figure}[htb]
\begin{minipage}[b]{1.0\linewidth}
\centering
\centerline{\includegraphics[width=0.93\textwidth]{graphics/geiger_paramalignment.pdf}}
\end{minipage}
\caption{Synthesised ``geiger counter'' texture showing the close alignment between generated onset strength (blue) and RMSE (red) conditioning parameters, and audio (black) over long timescales.}
\label{fig:align}
\end{figure}
\begin{figure}[htb]
\begin{minipage}[b]{1.0\linewidth}
\centering
\centerline{\includegraphics[width=0.93\textwidth]{graphics/randpop_chroma.pdf}}
\end{minipage}
\caption{Chromagrams of the ``pop'' texture from the real dataset (top) and three separate generated instances (bottom), each individually unique. A darker colour indicates greater energy in that chroma bin.}
\label{fig:randpop_chroma}
\end{figure}
\begin{figure}[htb]
\begin{minipage}[b]{1.0\linewidth}
\centering
\centerline{\includegraphics[width=0.98\textwidth]{graphics/containerZOOM0020_formant.pdf}}
\end{minipage}
\caption{The 1st (blue), 2nd (red), and 3rd (green) formants overlaid on a spectrogram of the ``container filling'' texture for both real (left) and synthesised (right) data.
}
\label{fig:formant}
\end{figure}
The chromagram is less informative for unpitched or more stochastic textures that may contain multiple sound sources. For the ``container filling'' dataset of water textures examplifying this type of sound, we found formant analysis to be more informative. Formants are prominent bands of frequency with a concentration of energy resulting from acoustic resonances. The first three formants were extracted from both a real example from the test set and a synthesised sequence, as the fill parameter increased linearly from 0 to 1. The model was able to reproduce the individual formants at the correct frequency bands (Fig.\ref{fig:formant}). The formants in the synthesised examples were however flatter over time than the original, indicating that the overall perceived pitch did not change as much given the fill parameter. They were also not as well modelled during the transient sections at the start and end of the clip.
\subsection{Quantitative evaluation}
Correspondence between objective measures with perceptual quality have proven notoriously difficult to achieve. Several works in the field rely on metrics based upon deep learning-derived statistics found to correlate well with human evaluation. We evaluated the MTCRNN with different conditions against Wavenet on the ``container filling'' and ``pop'' datasets through their Fr{\'e}chet audio distance (FAD) \cite{kilgour2018fr}. The FAD compares statistics from real and generated data calculated from the embedding layer of a VGGish model pretrained on AudioSet. A lower FAD score denotes a smaller distance between the real and generated distributions in the embedding space of the VGGish model. The model variants tested include the full MTCRNN model which generates its own conditional parameters, a 1-tier model conditioned on real test set parameters, a 1-tier model conditioned directly on the control parameter, and their Wavenet equivalents (Table \ref{table:fad}). 1-tier here refers to the audio generating tier of the MTCRNN model absent of the higher level parameter predicting tiers. We note that the FAD scores do not reflect the performance with respect to capturing time dependencies beyond the time window of a frame, such as those present in the ``pop'' dataset. Both the MTCRNN and Wavenet conditioned only on the control parameter deviated from the expected timing of the pops, belying their relatively well performing FAD scores. The timing structure present in the original signals was far better captured with the inclusion of intermediate conditional parameters for either model type.
\begin{table}[tb]
\centering
\scriptsize
\begin{tabular}{@{}ll@{}}
\toprule
\multicolumn{1}{l}{\textbf{Model}} & \multicolumn{1}{l}{\textbf{FAD}} \\
\midrule
\multicolumn{2}{@{}l}{\textbf{``container filling'' dataset}} \\
3-tier MTCRNN + generated cond. & 2.89 \\
1-tier MTCRNN + real MFCC cond. & 0.617 \\
1-tier MTCRNN + ``fill'' cond. & 8.59 \\
Wavenet + real MFCC cond. & 1.76 \\
Wavenet + ``fill'' cond. & 1.79 \\
\midrule
\multicolumn{2}{@{}l}{\textbf{``pop'' dataset}} \\
2-tier MTCRNN + generated cond. & 1.53 \\
1-tier MTCRNN + real onset strength \& RMSE cond. & 1.07 \\
1-tier MTCRNN + ``rate'' cond. & 1.27 \\
Wavenet + real onset strength \& RMSE cond. & 1.39 \\
Wavenet + ``rate'' cond. & 1.17 \\
\bottomrule
\end{tabular}
\caption{FAD scores for various datasets and models (lower better).}
\label{table:fad}
\end{table}
\begin{table}[tb]
\centering
\scriptsize
\begin{tabular}{@{}llll@{}}
\toprule
{\textbf{Dataset/Model}} & \textbf{Value} & \textbf{Min} & \textbf{Max}\\
\midrule
Ground truth & $0.045\pm0.043$ & 0.002 & 0.305\\
3-tier MTCRNN & $0.038\pm0.052$ & 0.002 & 0.298\\
1-tier MTCRNN & $0.295\pm0.144$ & 0.034 & 0.603\\
\bottomrule
\end{tabular}
\caption{Spectral flatness of the results from a standard MTCRNN compared to a 1-tier variant and the ground truth (lower better).}
\label{table:spec_flatness}
\end{table}
The FAD scores showed that the MTCRNN performed comparably to Wavenet. With real parameter conditioning, the MTCRNN surpassed its Wavenet counterpart on the metric, suggesting that a relatively simple stacked RNN architecture is a viable alternative to dilated convolutions for textures, given the presence of supplementary conditional information. Despite the difference in the FAD, qualitative differences between the Wavenet and MTCRNN results were small. Training times were significantly shorter for the MTCRNN with fewer parameters for the independently trained tiers. When conditioned on generated parameters in the full model, the drop off in quality was not major, an arguably justifiable trade-off having gained the ability to generalise beyond the training data and synthesise arbitrary sequences. In contrast, models conditioned purely on the control parameter deteriorated the FAD, especially for the more complex ``container filling'' dataset. A comparison of the average spectral flatness (Table \ref{table:spec_flatness}), an indicator of how noise-like a sound is (a value close to 1 denotes a spectrum similar to white noise), confirms the higher noise floor present in the results of the 1-tier model. This further emphasises the importance of auxiliary information and justifies the multi-tier architecture.
\subsection{Exploration of parameter space}
The model was able to generalise beyond the discrete parameter values on which it was trained, mapping continuous control parameters to continuous acoustic characteristics (see links to sound examples in Table \ref{table:c7_data}). The flexibility afforded by the model with a comparatively sparse amount of data opens up many avenues for the creative use of the system. For instance, the model can be directed to synthesise sounds that are not physically possible in real life such as holding the ``container filling'' texture constant with an unchanging fill parameter, or even ``unfilling'' a container by reversing the direction of the fill parameter that was always increasing during the course of all training sets. Control parameters can be set to follow any arbitrary mathematical function. The engine dataset consists of steady-state examples at discrete ``rev'' parameter values controlling pitch and volume characteristics. A convincing accelerating/decelerating engine was generated by setting ``rev'' to a sine wave pattern. The model was also able maintain global parameters such as ``class'' in the heartbeat dataset while simultaneously accounting for a second, more dynamic ``rate'' parameter. Extrapolation beyond trained parameters was surprisingly good, at least for simpler sounds such as the ``pop'' texture. In tests, the correct underlying number of pops per unit time was maintained up to a ``rate'' of around 3, triple the maximum value of the parameter used in training.
\subsection{Style transfer}
Style transfer imposes certain properties of one domain, as captured by a model, onto another domain. For example, Timbretron \cite{huang2018timbretron} transfers timbre between musical pieces while keeping the musical note and rhythm structures intact. The MTCRNN can be adapted to transfer the longer range patterns captured by the upper tiers of one sound model to the sample-level modelling of another sound, using common conditioning parameters between them as an interface. For instance, RMSE and onset strength values synthesised by the ``pop'' model were provided as conditioning to the bottom tier of the ``geiger counter'' model to produce geiger clicks regularly spaced in time, even though such time patterns were never exposed to the audio model during training. Other applications include extending control parameters beyond the trained range the model, creating novel timbres, and accommodating new control parameters. Sound examples for these style transfer scenarios may be auditioned (\url{https://bit.ly/34fsr5A}).
\section{Conclusion}
\label{sec:conclusion}
We showcased the modelling of audio textures in the raw audio domain using the MTCRNN. The model learns acoustic characteristics across multiple timescales and connects its various components through conditioning without the need to explicitly propagate gradients through the entire network. Its hierarchical nature accounts for both local information like those pertaining to timbre or salient audio events in time, and slower changing characteristics such as pitch trajectories. This also enables a denser set of physically-relevant but less intuitive parameters used to support the synthesis (e.g. MFCCs, RMSE, onset strength) to be connected to simpler control parameters more directly relevant to the everyday experience of the user (e.g. rate, rev, fill). While establishing an optimal parameter space for textures analogous to MIDI was not the main focus of this work, and may be revisited in the future, having the flexibility to design control parameters without radically changing the model allows for the creation of sound models tailor-made for specific applications, especially interactive ones like video games or live music.
\begin{comment}
\section{Formatting your paper}
\label{sec:format}
All printed material, including text, illustrations, and charts, must be kept
within a print area of 7 inches (178 mm) wide by 9 inches (229 mm) high. Do
not write or print anything outside the print area. The top margin must be 1
inch (25 mm), except for the title page, and the left margin must be 0.75 inch
(19 mm). All {\it text} must be in a two-column format. Columns are to be 3.39
inches (86 mm) wide, with a 0.24 inch (6 mm) space between them. Text must be
fully justified.
\section{PAGE TITLE SECTION}
\label{sec:pagestyle}
The paper title (on the first page) should begin 1.38 inches (35 mm) from the
top edge of the page, centered, completely capitalized, and in Times 14-point,
boldface type. The authors' name(s) and affiliation(s) appear below the title
in capital and lower case letters. Papers with multiple authors and
affiliations may require two or more lines for this information. Please note
that papers should not be submitted blind; include the authors' names on the
PDF.
\section{TYPE-STYLE AND FONTS}
\label{sec:typestyle}
To achieve the best rendering both in printed proceedings and electronic proceedings, we
strongly encourage you to use Times-Roman font. In addition, this will give
the proceedings a more uniform look. Use a font that is no smaller than nine
point type throughout the paper, including figure captions.
In nine point type font, capital letters are 2 mm high. {\bf If you use the
smallest point size, there should be no more than 3.2 lines/cm (8 lines/inch)
vertically.} This is a minimum spacing; 2.75 lines/cm (7 lines/inch) will make
the paper much more readable. Larger type sizes require correspondingly larger
vertical spacing. Please do not double-space your paper. TrueType or
Postscript Type 1 fonts are preferred.
The first paragraph in each section should not be indented, but all the
following paragraphs within the section should be indented as these paragraphs
demonstrate.
\section{MAJOR HEADINGS}
\label{sec:majhead}
Major headings, for example, "1. Introduction", should appear in all capital
letters, bold face if possible, centered in the column, with one blank line
before, and one blank line after. Use a period (".") after the heading number,
not a colon.
\subsection{Subheadings}
\label{ssec:subhead}
Subheadings should appear in lower case (initial word capitalized) in
boldface. They should start at the left margin on a separate line.
\subsubsection{Sub-subheadings}
\label{sssec:subsubhead}
Sub-subheadings, as in this paragraph, are discouraged. However, if you
must use them, they should appear in lower case (initial word
capitalized) and start at the left margin on a separate line, with paragraph
text beginning on the following line. They should be in italics.
\section{PRINTING YOUR PAPER}
\label{sec:print}
Print your properly formatted text on high-quality, 8.5 x 11-inch white printer
paper. A4 paper is also acceptable, but please leave the extra 0.5 inch (12 mm)
empty at the BOTTOM of the page and follow the top and left margins as
specified. If the last page of your paper is only partially filled, arrange
the columns so that they are evenly balanced if possible, rather than having
one long column.
In LaTeX, to start a new column (but not a new page) and help balance the
last-page column lengths, you can use the command ``$\backslash$pagebreak'' as
demonstrated on this page (see the LaTeX source below).
\section{PAGE NUMBERING}
\label{sec:page}
Please do {\bf not} paginate your paper. Page numbers, session numbers, and
conference identification will be inserted when the paper is included in the
proceedings.
\section{ILLUSTRATIONS, GRAPHS, AND PHOTOGRAPHS}
\label{sec:illust}
Illustrations must appear within the designated margins. They may span the two
columns. If possible, position illustrations at the top of columns, rather
than in the middle or at the bottom. Caption and number every illustration.
All halftone illustrations must be clear black and white prints. Colors may be
used, but they should be selected so as to be readable when printed on a
black-only printer.
Since there are many ways, often incompatible, of including images (e.g., with
experimental results) in a LaTeX document, below is an example of how to do
this
\section{FOOTNOTES}
\label{sec:foot}
Use footnotes sparingly (or not at all!) and place them at the bottom of the
column on the page on which they are referenced. Use Times 9-point type,
single-spaced. To help your readers, avoid using footnotes altogether and
include necessary peripheral observations in the text (within parentheses, if
you prefer, as in this sentence).
\begin{figure}[htb]
\begin{minipage}[b]{1.0\linewidth}
\centering
\centerline{\includegraphics[width=8.5cm]{image1}}
\centerline{(a) Result 1}\medskip
\end{minipage}
\begin{minipage}[b]{.48\linewidth}
\centering
\centerline{\includegraphics[width=4.0cm]{image3}}
\centerline{(b) Results 3}\medskip
\end{minipage}
\hfill
\begin{minipage}[b]{0.48\linewidth}
\centering
\centerline{\includegraphics[width=4.0cm]{image4}}
\centerline{(c) Result 4}\medskip
\end{minipage}
\caption{Example of placing a figure with experimental results.}
\label{fig:res}
\end{figure}
\section{COPYRIGHT FORMS}
\label{sec:copyright}
You must submit your fully completed, signed IEEE electronic copyright release
form when you submit your paper. We {\bf must} have this form before your paper
can be published in the proceedings.
\section{RELATION TO PRIOR WORK}
\label{sec:prior}
The text of the paper should contain discussions on how the paper's
contributions are related to prior work in the field. It is important
to put new work in context, to give credit to foundational work, and
to provide details associated with the previous work that have appeared
in the literature. This discussion may be a separate, numbered section
or it may appear elsewhere in the body of the manuscript, but it must
be present.
You should differentiate what is new and how your work expands on
or takes a different path from the prior studies. An example might
read something to the effect: "The work presented here has focused
on the formulation of the ABC algorithm, which takes advantage of
non-uniform time-frequency domain analysis of data. The work by
Smith and Cohen
the work by Jones et al
fixed frequency partitioning. While the present study is related
to recent approaches in time-frequency analysis [3-5], it capitalizes
on a new feature space, which was not considered in these earlier
studies."
\vfill\pagebreak
\section{REFERENCES}
\label{sec:refs}
List and number all bibliographical references at the end of the
paper. The references can be numbered in alphabetic order or in
order of appearance in the document. When referring to them in
the text, type the corresponding reference number in square
brackets as shown at the end of this sentence
additional final page (the fifth page, in most cases) is
allowed, but must contain only references to the prior
literature.
\end{comment}
\bibliographystyle{IEEEbib}
|
\section{Introduction}
Risk is ubiquitous in agriculture. Weather has an important influence
on production, yet remains difficult to predict. Likewise, agricultural
prices are typically very volatile, as experienced for example during
the price spike in 2007-2008. This risk has several negative consequences
on farmers. In presence of risk, farmers reduce output, and opt for
low-yielding low-risk technologies. Further, in developing countries
with missing credit markets, risk affects negatively farmer's ability
to smooth consumption, and reduces both demand and supply of credit
\citep{BoucherCarterEtAl2008,KarlanOseiEtAl2014}.
Agricultural insurance is an important tool to reduce the risk faced
by farmers. Historically, initial insurance instruments focused on indemnity-based
schemes, where payouts are triggered when yields on a given field
fall below a certain percentage of the field's expected yield. This
\emph{field-based} scheme suffers however from multiple issues: 1)
moral hazard, where being insured leads to taking undue risk, 2) adverse
selection, where the possible under and over-evaluation of individual
risk leads to adverse sorting of farmers, and finally 3) high monitoring
costs due to the requirement of assessing damage and the data needed
for pricing individual premiums. As a response to these issues, index
insurance offers an interesting alternative. Index insurance links
the insurance payout to low realizations of an external index, which
is often defined based on output (average yields in a given area)
or inputs (weather variables such as rainfall, temperature, etc).
The advantages of index insurance are reduced costs as monitoring
individual fields is no longer necessary, absence of moral hazard
since farmers individual actions have no influence on the index, and
potentially reduced adverse selection.\footnote{Note that adverse selection due to spatial or temporal variations
in the accuracy of the index is still possible, see \citet{JensenMudeEtAl2018}.} These advantages of index insurance over traditional indemnity-based
insurance have led to the implementation of several schemes throughout
the world, in particular in developing countries, and to a sustained
interest in the literature \citep[see the reviews by ][]{BarnettMahul2007,MirandaFarrin2012,CarterJanvryEtAl2017}.
Despite the theoretical appeal of index insurance, success of the various schemes implemented is rather limited, as summarized by \citet{Binswanger-Mkhize2012} provocative title, \emph{Is There Too Much Hype about Index-based Agricultural Insurance?} In general, take-up is found to be very low, even at subsidized premium rates, questioning the sustainability of such schemes without public subsidies (\citealp{ColeGineEtAl2013,ColeXiong2017}). The main culprit lies in the principle itself
of index insurance: by de-linking payouts from individual losses, index insurance introduces \emph{basis risk}, i.e. the probability that a farmer experiences a loss whereas the index does not lead to a payout. Ultimately, basis risk is a function of the index accuracy, and hence depends on whether aggregate yields (for outcome-based indices)
or specific rainfall variables (for input-based indices) predict well individual yields. While basis risk is widely acknowledged as the main issue of index insurance, few studies yet have been able to measure it in practice. Among the few of those, \citet{JensenBarrettEtAl2016} analyze a livestock index insurance program in Kenya using four years of data, and conclude with a cautionary note, finding a substantial basis risk.
In this paper, we take advantage of satellite data techniques to construct a large dataset of field-level yields for corn and soybeans in the Corn Belt area of the United States of America. This enables us to conduct an in-depth analysis of basis risk, and compare the suitability of index insurance over a large number of zones. The US Corn Belt offers an interesting case study for two reasons. Firstly, its large and rather uniform fields offer a particularly favorable setting for satellite data, and accuracy of the satellite predictions is currently higher than in many other countries. Second, the US hosts one of the largest and possibly oldest index insurance scheme, based on county average yields. Interestingly ---and somehow underappreciated in the literature--- lessons from this scheme are not very encouraging as take-up is very low compared to demand for the traditional indemnity-based schemes also offered in the US. Obviously, many explanations for this low take-up of index insurance pertain to peculiarities of the US context, yet we believe that the lessons from the US case have a larger relevance in the global discussion on index insurance. In particular, the US case provides probably an upper-bound for the suitability of index insurance in general, as its relatively homogeneous production system makes it well-suited for an output-based index insurance. We would expect basis risk to be higher in developing settings characterized by larger heterogeneit
due to disparities in access to technology, information and credit.
Using satellite data provides us with a very rich dataset compared to any other study. Our dataset contains the majority of fields in each of the close to 600 counties in nine states within the US Corn Belt.\footnote{The states are Iowa, Indiana, Illinois, Ohio, Michigan, Minnesota, Missouri, South Dakota and Wisconsin.} We observe corn and soybeans yields over a fairly long period of 20 years (2000-2019), which is long enough to comprise normal cropping years as well as exceptional events such as the 2012 drought. Keeping only fields for which we have a high classification accuracy as well as at least eight years planted to corn or soybeans, we end up with 1.8 million fields, representing 2.8 M field-crop pairs.
Previous studies in the US used much shorter dataset, ranging from a few hundred fields in \citet{Miranda1991}, \citet{SmithChouinardEtAl1994}, \citet{CarrikerWilliamsEtAl1991} to above one thousand fields in \citet{DengBarnettEtAl2007}. \citet{BarnettBlackEtAl2005} have to our knowledge the largest number of fields in the literature ---60'000 corn producers--- yet these are spread out over ten states and contain hence only few fields per county, making it difficult to conduct a comprehensive basis risk analysis. In developing countries, dataset are even smaller, and contain typically one to two thousand households, covering shorter time periods given the later implementation of index insurance schemes \citep{JensenBarrettEtAl2016,FlatnesCarterEtAl2018}.
To analyze the suitability of index insurance, we proceed in two steps. We first run an analysis at the individual level, comparing for every field the expected utility of 1) no insurance, 2) field-level insurance and 3) index insurance. In a second step, we aggregate these measures at the county level, and using \citet{Miranda1991}'s framework, we compute county-level measures of basis risk. We compare these various county-level metrics of index insurance suitability to county characteristics such as temporal and spatial variance, seeking to predict which counties are the most suited for index insurance. Later on, we take advantage of the spatially-explicit nature of our data to investigate whether we can redesign zones in a more natural way instead of relying on arbitrary administrative boundaries.
Our whole analysis is based on a stylized insurance scheme, where we compute ex-post fair premiums and compute the benefits of insurance assuming the farmer takes the product every single year. By doing so, we rule out moral hazard and adverse selection, and abstract from the real-world intricacies of the Federal Crop Insurance system. We do not seek either to factor in the differences in costs between the different schemes, which are hard to measure in practice. These abstractions are useful as they allow us to focus on the core question, that of basis risk and suitability of index insurance per se. This also alleviates the need to make strong assumptions and settle for specific models of moral hazard or adverse selection. Taken all together, we are probably under-estimating
the benefits of index insurance from the insurer perspective, as we are not modeling the benefits of lower monitoring costs and absence of moral hazard.
The paper is organized as follows: in Section~\ref{sec:Model}, we
describe the Federal Crop Insurance Program, and present our modeling
approach. Section~\ref{sec:Data} presents the dataset, its construction
and validation. Finally, in Section~\ref{sec:Results}, we show our
main results.
\section{Context and conceptual model\label{sec:Model}}
\subsection{The US Federal Crop Insurance Program}
The US Federal crop insurance program has become since its inception in 1938 one of the largest programs of the Farm Bill, costing close to \$8 billions a year, second only to the nutrition program. These large costs can be explained by the generous nature of the program: the government covers all operational costs, and subsidizes a large share of the premiums (40-60\%). These high subsidy rates are deemed necessary to induce farmers to participate into the program, given the relatively low initial participation rates in early years. Participation is now high, with about 86\% of eligible acres covered in 2015.
The Risk Management Agency (RMA) has offered a plethora of insurance plans
throughout the years, with evolving names and specificities.
In a nutshell, these can be classified into plans insuring yields or revenue, and into plans insuring at the farm-level or at the county-level. Yield insurance at the farm level was historically the standard insurance plan. Area-based plans were introduced in 1993 under the initial name of Group Risk Plan. This area-based plan is an index scheme, where the index is the average county yield as measured by official statistics
collected by the US Department of Agriculture (USDA). The general idea behind all these plans is that indemnities are triggered whenever actual (farm or area) yield is below a certain percentage of its expected value. This \emph{trigger} level (called somehow ambiguously coverage level in RMA terms)
is offered at various levels, ranging from 50\% to 85\% for farm-level, and 65\% to 90\% for the area-based product. Premiums are heavily subsidized, at an average rate of 60\%, with the rate decreasing for higher levels of trigger (see Table~\ref{tab:Subsidy-rate-for-area-farm} ). Figure~\ref{fig:Demand-for-insurance} shows the trigger levels selected by the farmers for the farm- and area-based insurance over the 2011-2019 period averaging over corn and soybeans. The figure shows also the so-called catastrophic trigger (CAT) which comes at lower cost yet delivers lower indemnity. Strong differences appear between the farm and area-yield trigger selected. For the area-based scheme, the vast majority chooses the maximum trigger level, 90\%. On the other side, for the farm-based product, farmers choose either
the lowest trigger at 50\%, or an intermediate value of 65\%, while very few opt for the maximum coverage at 85\%.\footnote{The fact that farmers select only intermediate coverage for the farm-value has been discussed in various papers, see \citet{DuFengEtAl2017,Babcock2015,FengDuEtAl2020}} This difference between the trigger choice for farm- or area-based coverage suggests that area-based provides only a partial protection due to the basis risk.
\begin{figure}
\caption{Demand for insurance at various trigger levels\label{fig:Demand-for-insurance}}
\begin{centering}
\includegraphics[width=0.9\columnwidth]{Figures/takeup_coverageLevels_yield_perc_rCvTkCm}
\par\end{centering}
\tablesource{Own computation from Risk Management Agency's Summary of Business}
\end{figure}
Do farmers prefer area- or farm-based insurance? Figure~\ref{fig:Demand-for-area-farm}
shows the percentage of each scheme in terms of total acreage covered, both for the yield and revenue types. The demand for index insurance is very small, not more than 5\% in each case compared to traditional indemnity-based insurance. These results do not appear very encouraging for index insurance, casting doubt as to whether index insurance should be promoted at all. One should bare in mind however that it is difficult to compare directly the two products. Not only are subsidy rates different,
but there are plenty subtle differences that we sidestepped for the sake of clarity.\footnote{Most notably, we did not discuss here the details related to the \emph{protection price} for area-based insurance, nor the \emph{enterprise units} for
farm-based insurance, all with different subsidy rates. Likewise, \emph{yield exclusion} options allowing to exclude a particularly bad year from the farm-level premiums increase the attractivity of farm-level products. } Interestingly, a similar product with both a farm- and area-based option is offered by the USDA Farm Service Agency, and there the conclusion is reversed: the area-based product is largely preferred over the farm-based one \citep{SchnitkeyCoppessEtAl2015}. This observation
motivates our approach below to evaluating the benefits of index insurance using a stylized representation abstracting from many institutional peculiarities.
\begin{figure}
\caption{Demand for area versus farm-based insurance\label{fig:Demand-for-area-farm}}
\begin{centering}
\includegraphics[width=0.7\columnwidth]{Figures/area_vs_farm_perc_US_11_rVsSbUS}
\par\end{centering}
\tablesource{Own computation from Risk Management Agency's Summary of Business}
\end{figure}
\subsection{Conceptual model}
We follow here the model of \citet{Miranda1991} measuring the benefit of area-based index insurance. We write $y_{ict}$ as the yield for field $i$ in county $c$ at time $t$, and write the annual county average yield as $\bar{y}_{\cdot ct}$, the long-term county average yield as $\bar{\bar{y}}_{\cdot c\cdot}$, where the $\cdot$ notation indicates over which dimension the averaging is done.\footnote{As an example, $\bar{y}_{\cdot ct}\equiv1/n_{i^c}\sum_{i\in c}y_{ict}$ denotes the county mean over time.} The county-level payout is triggered whenever actual county yields $\bar{y}_{\cdot ct}$ are below their long term target $\tau_{i}\bar{\bar{y}}_{\cdot c\cdot}$, where $\tau_i$ is the trigger level chosen by farmer $i$. \citeauthor{Miranda1991} considers a simplified payout scheme,\footnote{The actual indemnity scheme divides the difference by the trigger $\tau_i$, and contains also a \emph{protection factor}, which allows to scale up or down the indemnity payment. The RMA does to our knowledge not provide data on insurance take-up by protection factor level, so we simply set it to 100\%, to ease comparison with farm-level insurance. See \citet{SkeesBlackEtAl1997} for details.} where the indemnity is the difference between target county yields and actual county yields whenever actual county yields are below, i.e. $I_{ct}^{c}=\max(\tau_{i}\bar{\bar{y}}_{\cdot c\cdot}-\bar{y}_{\cdot ct}, 0)$. Note that for ease of exposition the indemnity is expressed in yields units, not scaled to dollars units, which are here unnecessary given that our focus is on yield, not revenue insurance. Turning to the farm-based insurance, we consider later on the same indemnity scheme, simply replacing county yields by individual field yields: $I_{ict}^{F}=\max(\tau_{i}\bar{y}_{ic\cdot}-y_{ict}, 0)$, where $\bar{y}_{ic\cdot}$ is the field-level mean. Miranda's model is based on $\beta_{ic}$, the coefficient of a regression over time of individual yields $y_{ict}$ against county yields $\bar{y}_{\cdot ct}$:
\begin{equation}
y_{ict}=\alpha_{ic}+\beta_{ic}\bar{y}_{\cdot ct}+\epsilon_{ict}\label{eq:MirReg}
\end{equation}
Intuitively, $\beta_{ic}$ indicates how well a farmer's yield is correlated to the county yield. The term $\epsilon_{ict}$ represents idiosyncratic farmer-specific shocks that cannot be insured by a county-level insurance scheme. \citeauthor{Miranda1991} analyses the benefits of area-based insurance using a mean-variance framework. When premiums are fair, the absolute difference in mean-variance utility between area-based and no insurance amounts to the difference in variance. \citeauthor{Miranda1991} shows that the variance reduction for field $i$, $\Delta_{ic}$, is a function of the farmer's own $\beta_{ic}$ and a county-level \emph{critical beta} value $\tilde{\beta}_{c}$: $\Delta_{ic}=\sigma_{I^{C}}^{2}[\beta_{ic}/\tilde{\beta}_{c}-1]$, where $\sigma_{I^{C}}^{2}$ is the variance of the indemnity. The risk is reduced for all farmers above the critical beta, i.e. $\beta_{ic}>\tilde{\beta}_{c}$. Further theoretical refinements of \citeauthor{Miranda1991}'s model focusing on the design of the optimal indemnity were made by \citet{Mahul1999}, \citet{Vercammen2000} and \citet{BourgeonChambers2003}.
The use of a mean-variance utility function is, however, somehow controversial. \citet{JensenBarrettEtAl2016} argue in particular that the assumption of symmetry in preference between positive and negative shocks is not very relevant for the context of crop insurance, targeted at reducing negative shocks. Expected utility (EU) offers a theoretically-grounded alternative, and captures the asymmetry in preferences through the concavity of the risk aversion function. Unfortunately using a EU function does not lead to simple analytical expressions anymore. We can, however, use a second-order Taylor approximation and still obtain analytical results. The absolute difference in utility $\Delta u_{ic}$ becomes now: $\Delta \Exp[u_{ic}]\approx-1/2 u^{''}(\mu_{ic})\Delta_{ic}$, where $\mu_{ic}$ is the expected value of the field-level mean $\bar{y}_{ic\cdot}$ and $\Delta_{ic}$ Miranda's variance reduction factor. Importantly, \citeauthor{Miranda1991}'s result that only farmers with $\beta_{ic}>\tilde{\beta}_{c}$ will benefit from index insurance still holds.
Given the difficulty of obtaining analytical results in the general case, we will proceed below to a simple empirical evaluation of utility of the various insurance plans based on (simulated) yield data. Instead of expressing our comparison in utility units, we use certainty equivalents (CE), which are expressed in yield metrics. The certainty equivalent is the non-random value whose utility is the same as the expected utility from a random \emph{lottery}, where the lottery here is simply the set of observed yields. That is, CE is the value such that $u(CE) = E[U(y)]$ holds. A higher CE is equivalent to a higher utility, and hence we simply compare index insurance versus no insurance based on their ratio $CE^{I}/CE^{no}$. A ratio >1 implies a higher utility of index insurance, $U^{I}>U^{no}$.
As discussed in the beginning, basis risk is often considered the main issue with index insurance. Basis risk is often defined as the risk that the farmer experiences a loss, while the index does not leads to a payout. The reverse situation of the farmer experiencing no loss yet receiving an indemnity is also possible, but usually not taken into account, as the emphasis is on the ability of an insurance scheme to reduce negative events, not to amplify positive ones.\footnote{It should be noted however that insurance windfalls have also an indirect negative impact by increasing premiums.} Following \citet{ElabedBellemareEtAl2013} we can consider the \emph{False
Negative Probability} $FNP$:
\[
FNP(\theta_{c},\theta_{i})\equiv P(\bar{y}_{\cdot ct}>\theta_{c}|y_{ict}<\theta_{i})
\]
Here $\theta_{c}$ is a county loss threshold,
and $\theta_{i}$ is a farmer-specific subjective loss threshold. This measure is unfortunately unsatisfying for multiple reasons. First of all, it requires to define specific loss thresholds $\theta_{c}$ and $\theta_{i}$, which is mostly arbitrary given that yields are a continuous variable. Second, this is only a probability between 0 and 1, and hence is not indicative of the amount of loss experienced. An insurance missing a particularly catastrophic event yet delivering payouts for
all other small loss events would be deemed to offer a low basis risk despite not serving when it is the most needed.\footnote{See \citet[see ][]{Clarke2016,BarreStoefflerEtAl2016} for an in-depth discussion of metrics for index insurance.} We adopt here another definition of basis risk, related to the county yield regression~(\ref{eq:MirReg}). We look at the variance of residuals $\sigma_{\epsilon_{ic}}^{2}$ normalized by the field-specific variance, which is equivalent to $\sigma_{\epsilon_{ic}}^{2}/\sigma_{ic}^{2}=1-R_{ic}^{2}$. This represents the amount of idiosyncratic risk that can not be insured by the index. A value of 0 indicates perfect correlation with the index, while a value of 1 indicates that the variables are fully uncorrelated. In the latter case, $\beta_{ic}\to0$ so that the reduction in variance $\Delta_{ic}$ is negative, indicating that the area insurance provides less utility than without insurance.\footnote{This is true for a mean-variance utility function, as well as for any utility function up to a second-order approximation. }
The discussion so far focused on measuring the benefits of index insurance versus no insurance. The next question is how index insurance compares to farm-based insurance, which is a more stringent and also more informative test. Noting that no-insurance is equivalent to a farm-based insurance with a 0\% trigger level, we seek to strengthen our comparison, comparing now the utility of index insurance to increasing coverage levels for the farm-based product. We name such measure the \emph{farm-equivalent risk coverage},
which we define as the highest level of farm-based insurance for which index insurance is at least as good or better. The higher this number is, the more protection index insurance gives in terms of an ideal farm-based scheme. Formally, our measure is defined as:
\[
\tau^{*}\equiv\max_{\tau\in\{0.2,\ldots,0.9\}}\tau\,\quad\textrm{such that}\ensuremath{\quad}U_{90\%}^{area}>U_{\tau\%}^{farm}
\]
We set the value of 90\% for the area insurance as this is the value most selected by farmers, and search over a large set candidates values of $\{0.2,\ldots,0.85,0.95\}$ which includes all values offered by the RMA (from 0.5 to 0.85). For an index-insurance with a trigger of 90\%, this measure will typically lie in the interval $[0\%, 85\%]$. We expect indeed that at an equal trigger level, a farm-based insurance at 90\% will be preferred to an area-based insurance at 90\%, given that the farm plan will additionally cover the idiosyncratic risk on top of the systematic covered by the index insurance. But this is not necessarily the case, and we observe several cases where the area insurance at 90\% is referred to a farm-based product at 90\%, or even at 95\%. To understand this counter-intuitive situation, think of a field perfectly correlated to the county area except for the only period when there is a large shock: say the field experiences a shock of say 84\% compared to its mean, while the county average has a shock of 70\% (we will assume there are enough periods so that the mean of the county is close to the field mean despite the one-time discrepancy). A farm-based product with coverage of 85\%, 90\% or 95\% will provide an indemnity of 1\%, 6\% or 11\% respectively. On the other side, the indemnity of the area product will be close to 20\%. In this case the farmer will clearly prefer the area-based product at 90\% to a farm product at 90\%, and might in fact even prefer it compared to a farm product at 95\%! Figure~\ref{fig:yields_pre_post_1plot} in the appendix shows an example of a field in our sample which has a farm-equivalent risk coverage of 90\%. This is explained by a very high indemnity from the area product, at 110\% of own yields, for the lowest yield realization (at 70\%).
A limitation of our \emph{farm-equivalent risk coverage} measure is that it is undefined in two cases. For one, if index insurance is not even as good as no insurance, then it is clear that it won't be better than any level of farm-based insurance. In this case, we attribute a $\tau$ value of 0\%. The second limitation arises from the fact that we can only observe the utility of farm-level insurance for those trigger levels at which there is a yield fallout happening. If for a given field the minimum yield observed is say at 70\% of the average yield, then farm plans covering 50\% to 65\% will not provide any protection, and hence will give the same utility as the situation without insurance. If however index insurance is inferior to the minimum observed relative yield, we only know that it lies in an interval $[0, y_{\min}/\bar{y}[$. These two limitations raise issues for the aggregation of our \emph{farm-equivalent risk coverage} at the county level. To address these two issues, we consider rank statistics such as the median and the proportion of fields within a county which have $\tau_i>0.85$, as well as $\tau_i>0.50$.\footnote{Using rank statistics will take care of the issue of aggregating over zero values. It will also partially address the problem of undefined values, although there is still a small percentage of fields with relative minimum above 85\% (or above 55\%) which would be miscounted. The total percentage of undefined values is however relatively small, between 2\% and 5\%.} These numbers correspond to the highest and lowest levels of farm protection available. The 50\% level is also called \emph{catastrophic} protection, so serves as a good benchmark for the minimum protection level index insurance should provide. The 85\% level on the other side corresponds to the best available farm-level protection, so any field with a farm-equivalent risk coverage at 85\% or above would strictly prefer area-based insurance over far-based insurance.
To measure the direct benefit of index insurance both versus no insurance and versus farm-insurance, we simply specify a-priori the same utility function for all fields, and evaluate our measures based on the yields with or without insurance. Following previous literature \citep{WangHansonEtAl1998,DengBarnettEtAl2008,FlatnesCarterEtAl2018} we use a constant relative risk aversion (CRRA) iso-elastic utility function, with a parameter of 1.5. Fair premiums and indemnities are computed ex-post from the data. By following this procedure, we make two fundamental assumptions. Firstly, we are assuming that yields are the same whether or not the farmer takes insurance. This means that we are ruling out possible moral hazard. Second, we are computing ex-post fair premiums assuming the farmer takes the insurance every period, ruling out adverse selection. While this makes us depart from real-world characteristics in an important way, this allows us to focus on our main topic of interest, the utility of index insurance.
A defining characteristic of production in the Corn Belt is the practice of rotation between corn and soybeans \citep[see ][]{Hennessy2006,SeifertEtAl2017}. Given the large dataset we have, we observe almost every possible sequences of corn and soybean (and other crops), from always corn, always soy, always rotating to any other intermediate combinations. This
raises a problem for the computation of fair premiums for the area-based product. Our fair premiums are computed using county yields for the whole period. This means that the premiums will be fair for fields planting always corn (or always soy) over the whole period. But for other fields, the premium might be exceptionally favorable (say field is planted to corn only in drought year 2012 and receive huge indemnity) or very unfavorable (field is planted to corn every year but 2012). This brings important randomness in our data, making our comparisons blurred. To avoid this, we decide to simulate yields, providing us with a sample of corn and soy yields every year for each field. This has three further advantages. First of all, this allows us to extend the time length of our sample, which we simulate using NASS means from 1990 to 2018. Second, having more observations for each field increases the probability of observing lower minimum values for each field, attenuating the problem of undefinedness of our farm-equivalent measure, which is not defined if the observed relative minimum is too high. Finally, simulating data can be seen as a measurement error correction, where we adjust our sample to match official county means. Yield is simulated based on the field-to-county regression~(\ref{eq:MirReg}): for each field we estimate $\hat{\alpha}_{ic}$, $\hat{\beta}_{ic}$ and $\hat{\sigma}_{ic}^{2}$ based on the raw data. We then plug-in detrended NASS county means $\tilde{y}_{ct}^{NASS}$ from 1990 to 2018, and simulate residuals from a normal distribution $\mathcal{N}(0,\hat{\sigma}_{ic}^{2})$, that is $\hat{y}_{ict}\sim\mathcal{N}(\hat{\alpha}_{ic}+\hat{\beta}_{ic}\tilde{y}_{ct}^{NASS},\hat{\sigma}_{ic}^{2})$. To avoid simulating outlying observations, we actually simulate using a truncated normal distribution, setting generous lower bounds of 10 [bu/acres] for both crops, and upper bounds of 100 [bu/acres] for soy and 350 [bu/acres] for corn. As a robustness check, we investigate the impact of using raw data instead in Section~\ref{subsec:robust_simulated}.
\section{Data\label{sec:Data}}
The yield data comes from the Scalable Satellite-based Yield Mapper (SCYM) model initially developed by \citet{LobellEtAl2015} and further refined in \citet{JinAzzariEtAl2017}. The SCYM method predict yields based on a satellite-derived vegetation index.\footnote{The model uses the so-called Green Chlorophyll Vegetation index (GCVI) which is similar in spirit to the widely known normalized difference index, NDVI.} The model follows an innovative approach using an agronomic crop growth model to create a training set. In brief, the agronomic model is used to simulate multiple realizations of \emph{pseudo} yields and \emph{pseudo} vegetation values. These simulated pseudo values are used to train a regression between vegetation index and yields. The estimated parameters are then used to predict yield based this time on the satellite-observed vegetation index. The advantage of this method is that it does not require ground data for the training stage. When ground truth data is available, it can be used as true out-of-sample validation. When validated against ground truth data for more than twenty thousand corn fields, \citet{DeinesDadoEtAl2019} find that the overall correlation for corn is 0.67 at the field level. Accuracy for soybeans is typically lower, between 0.5 and 0.6. Earlier versions of this dataset have been used in various studies, \citet{LobellAzzari2017} look at increasing field heterogeneity over time, \citet{SeifertAzzariEtAl2018} study the effect of cover crops, \citet{DeinesWangEtAl2019} study the effect of conservation tillage, \citet{Stigler_rotation_2019} estimates the effect of rotation and \citet{Stigler2018} measures the supply response to prices.
We extend here this dataset in several ways. Firstly, we use an improved version of the model based on recent developments by \citet{DeinesDadoEtAl2019} for corn and \citet{DadoDeinesEtAl2019} for soybeans. Second, we extend the sample over time. Previous versions of the dataset were predicting yields for those pixels designated as corn and soybeans by the Cropland Data Layer (CDL) from \citet{BoryanEtAl2011}. The CDL crop map covers our nine states of interest in the Corn Belt, yet starts at different periods depending on the state, with starting dates ranging from 2000 to 2008. To have a consistent sample, we fill-in the missing years with the Corn-Soy Data Layer (CSDL) crop map of \citet{WangDiTommasoEtAl2020}. The CSDL crop map uses random forests to predict corn and soybean from 2000 onwards for the nine states we consider here. To measure the accuracy of ourresulting dataset, we aggregate the SCYM yield predictions at the county level, and compare those against NASS county means. We find a correlation between the our predicted values and official statistics of 0.81 for corn and 0.77 for soybeans.
The SCYM yield dataset is at the pixel level, which is not very relevant to our analysis here. We use a dataset of field boundaries, the Common Land Unit (CLU). This dataset was last available for the year 2008, so field shapes might have changed in the meanwhile. To address this, we select only fields for which there is a good classification agreement throughout the years. That is, we compute the frequency of the majority vote from the crop pixel classification map (CDL or CSDL), and retain only fields that have on average 85\% of classification agreement. Put differently, we require that for a given field, the CDL consistently predicts either corn or soybean for 85\% of the pixels throughout the years. The pixel count is done by only considering pixels within a negative 30m buffer, avoiding contamination by mixed pixels lying on the border of the field. Averaging of the SCYM yields within the field boundary is made using the same subset of interior pixels.
In addition to filtering field boundaries based on classification agreement, we also restrict the sample to consider field-crop pairs that have at least eight years of observations of corn or soybeans. This is to guarantee statistical accuracy when we estimate the field-to-county regressions. This implies that we might observe a field for only one crop or for both. Applying these two filters, we are left with 1,838,199 million fields in the 9 states we consider. Among these 1.8 millions fields, for 54\% of those we observe data on both crops (i.e. we have more than $\geq8$ observations for each of corn and soybeans), while for 28\% we observe only corn and 18\% only for soy. The resulting dataset gives us 2,826,681 million field-crop pairs. The sample runs from 2000 to 2019, and the total size of our sample is $\sim 30$ million field-crop-year observations.
\section{Results\label{sec:Results}}
We start here by discussing some descriptive statistics of the temporal variance and the basis risk. Figure~\ref{fig:Yield's-coefficient-of-variation} shows the field-level temporal variance and \ref{fig:basis_risk_density} shows its idiosyncratic part. The temporal variance is expressed as coefficient of variation for ease of comparison across crops. The basis risk measure is the $1-R^{2}$ from the field-to-county regression. While corn appears more variable than soybean, its variability is better captured by co-movement with county averages, so that the idiosyncratic variability is much lower than for soybeans. Interestingly, there is a large variation of our two measures for each crop.
\begin{figure}
\caption{Field level total and idiosyncratic variability (raw data)}
\subfloat[Coefficient of variation\label{fig:Yield's-coefficient-of-variation}]{
\begin{centering}
\includegraphics[width=0.95\columnwidth]{Figures/yld_CV_dens_9CB_rDsPtHj.png}
\par\end{centering}
}
\subfloat[Basis risk $1-R^{2}$\label{fig:basis_risk_density}]{
\begin{centering}
\includegraphics[width=0.95\columnwidth]{Figures/basis_1_r2_raw_dens_9CB_rBvVuAr}
\par\end{centering}
}
\tablesource{Own computation from SCYM. We kept only fields that have at least 8 observations for each crop. The density is further computed by weighting fields by the number of years available.}
\end{figure}
In our simulated sample, average corn yields over fields and years is 162 [bu/acre], and 51.7 for soy. Given the risk-aversion function we specified, this amounts to a certainty equivalent (CE) of 155 [bu/acre] for corn and 51 [bu/acre] for soy. The difference between the average and CE, called the \emph{risk premium}, indicates the cost of risk. Here, risk induces a welfare loss in yield metric of 7 [bu/acre] for corn and 0.6 for soy, amounting to 4.3\% and 1.2\% in percentage.
We turn now to our two main measures of the utility of index insurance, the utility of index insurance versus no insurance, and the \emph{farm-equivalent risk coverage}. Figure~\ref{fig:Comparing-CE_vs_none} shows the density of the risk premium reduction. This indicates how the risk premium of no insurance is reduced with index insurance, a higher reduction meaning higher utility from index insurance. We see clearly that index insurance provides more risk reduction for corn compared to soybeans. The average reduction for corn is 43\%, while that for soybeans is about 30\%.
The proportion of fields for which the reduction is negative, i.e. utility from index insurance is actually lower than without insurance, is also lower for corn, at 2.2\% against 4.2\% for soybeans. The better results for corn seems to be in line with the findings from Figure~\ref{fig:basis_risk_density}, which showed that the basis risk was lower for corn.
\begin{figure}
\caption{Comparing index insurance versus none: reduction in risk premium \label{fig:Comparing-CE_vs_none}}
\centering{}\includegraphics[width=1\columnwidth]{Figures/riskPremium_reduction_CI_vs_raw_9CB_rTfLaQs}
\end{figure}
Moving to the more stringent comparison between index insurance and farm insurance, Figure~\ref{fig:Comparing-CE_vs_farm} shows our measure of \emph{farm-equivalent risk coverage}. The category $0\%$ indicates fields for which index insurance is not even as good as no insurance. These are the same percentage as the ones in Figure~\ref{fig:Comparing-CE_vs_none}. The category \emph{undef} corresponds to those fields for which our measure is undefined due to the fact that the utility of index insurance is lower than the smallest observed farm-equivalent category, yet higher than no insurance. Focusing on the subset of well-defined values, it is apparent again that corn provides a higher protection than soybeans. Looking at our measure of fields with at least an equivalent coverage of 85\%, this number is relatively high, at 40\% and 30\% percent respectively.
This is an important result, as it suggests that index insurance performs quite well relatively to the best available farm-level insurance level. Another interesting level to compare to is the 50\% trigger, which is also the so-called \emph{catastrophic} level offered at very low cost for farm-level insurance. There is now a large amount of fields for which index insurance is at least as good as this 50\% level, 95\% for corn and 92\% for soybeans.\footnote{This number is possibly under-estimated due to the \emph{undef} category, which corresponds to fields whose farm-equivalent coverage is identifiable only over an interval. Likely, some of these fields would have a value above 50\%, yet are not counted as $<50\%$ in this statistic. } Note that the 90\% and 95\% triggers are not offered by the RMA at the farm level, and we would expect that index insurance at 90\% does not perform better than farm-level insurance at the same 90\% trigger or even higher 95\%. Computing the \emph{farm-equivalent risk coverage} for the 90\% trigger is however informative on the randomness of our simulation: had we simulated data for a longer period than 30 years, fields with index insurance better than the 90\% farm-level trigger would certainly shrink rapidly.
Concluding this first section, we find evidence in favor of index insurance, although the metric we consider play an important role. When doing a raw comparison versus no insurance at all, we find that a high number of fields, 98\% of corn and 95\% of soy fields, would benefit from index insurance. When comparing against the more stringent criterion of farm-equivalent risk coverage, we find again that for a relatively large number of fields, index insurance compares at least as well as the minimum catastrophic rate of 50\% (95\% and 72\% for corn and soy). Finally, when subjected to the highest criterion comparing it to the maximum available farm-level trigger level of 85\%, a smaller yet still large proportion of fields would still prefer index insurance, at 40\% and 30\%. Interestingly, this number is still much higher than the observed take-up of index insurance (see Figure~\ref{fig:Demand-for-insurance}).
\begin{figure}
\caption{Comparing index insurance versus farm insurance \label{fig:Comparing-CE_vs_farm}}
\centering{}\includegraphics[width=1\columnwidth]{Figures/histo_FImax_SC3_MCb_rTfLaQs}
\end{figure}
We proceed now to a cross-county comparison of the suitability of index insurance, relating our measures of index insurance utility to characteristics of the 597 counties in our dataset. We start by showing the spatial and temporal variation of yields between counties. The county-average \emph{temporal variability} is computed as the mean of every field's temporal variance.\footnote{Note that this county average of field-level temporal variance $\overline{\sigma^2_i}$ is related yet distinct from the variance of the county average, $\var(\bar{y}_{\cdot t})=1/N \overline{\sigma^2_i} + (N-1)/N \bar{\rho}$, where $\bar{\rho}$ is the average correlation among fields.} The county average \emph{spatial variability} is computed as the variance of the field means. It basically indicates how different are fields within a county, and is related to the concept of local yield gap. Figure~\ref{fig:Corn:-temporal-and-spat-var} shows these measures for each crop. The two measures show clear spatial patterns with a \emph{core versus periphery} pattern, where variability is relatively low in the center of the Corn Belt, in particular in Iowa (IA), North of Illinois (IL) and South of Minnesota (MN). On the other side, bordering regions such as South Dakota (SD), Missouri, and South of Illinois (IL), Indiana (IN), Ohio, Michigan (MI) and Wisconsin (WI), have markedly higher variability. This spatial pattern is similar across crops or variables, with a correlation between variables of 0.43 for corn and 0.36 for soy, while for the same variability measure, the correlation between corn and soy is 0.5 for the temporal variation, and 0.55 for the spatial variation.
\begin{figure}
\caption{Corn: temporal and spatial variability\label{fig:Corn:-temporal-and-spat-var}}
\centering{}\includegraphics[width=0.95\columnwidth]{Figures/var_temp_spatial_4fac_9CB_rVrTePo}
\end{figure}
Turning now to the insurance utility measures based on the simulated data, Figure~\ref{fig:map-EU-versus-none} compares index insurance versus none by showing the percentage difference in certainty equivalent (CE) of index insurance compared to no insurance. Interestingly, the benefit of index insurance is high in the \emph{periphery} regions that have a high variability. It is indeed particularly high in Missouri (MO) and southern Illinois (IL), which are regions with both high temporal and spatial variability. In contrast, index insurance seems to be of more limited use in the \emph{core} regions such as northern Iowa (IA) and southern Minnesota. Figure~\ref{fig:map-EU-versus-FImax} compares on the other side the index insurance to the farm-based insurance, using our measure of \emph{farm-equivalent risk coverage} at 85\%. The conclusion is now reversed: counties in the \emph{periphery} have a low farm-equivalent risk coverage, while those in the \emph{core} show much higher benefits from index insurance. Most counties in Iowa (IA) have 40\% or more of their fields which would strictly benefit from index insurance even compared to farm-based protection at 85\%.
\begin{figure}
\centering{}\caption{Utility comparison: area-plan versus no insurance\label{fig:map-EU-versus-none}}
\includegraphics[width=0.95\columnwidth]{Figures/map_CE_vs_raw_9CB_rEtAyLq}
\end{figure}
\begin{figure}
\centering{}\caption{Farm-coverage equivalent of area insurance: percentage of fields within county with coverage > 85\%\label{fig:map-EU-versus-FImax}}
\includegraphics[width=0.95\columnwidth]{Figures/map_CE_CI_FIcov_perc85_9CB_rEtAyLq.png}
\end{figure}
The previous results reveal an interesting reversal: counties where index insurance appears to be the most useful when assessed against no insurance turn out to be counties in which index insurance is the least beneficial in terms of farm-equivalent protection. This paradox stems from the fact that temporal and spatial variability happen to be positively correlated, yet these have opposite effects on the usefulness of index insurance. To make this point clearer, Figure~\ref{fig:heatmap-2Var} shows the value of index insurance (compared to no insurance or to farm insurance), projected in the spatial-temporal variability space. The index insurance utility metrics were interpolated, and red dots indicate the actual value of the near 600 counties in our sample. The first row shows the values for the utility of index insurance versus no insurance. Highest utility is found on the east side of the space, where temporal variability is highest. The gradient of utility along the temporal variability (x-axis) is so strong that it appears to obscure the effect of spatial variability (y axis), which seems to have almost no impact on the utility of index insurance. However, when looking at the utility of index insurance compared to farm insurance on the second row, results are reversed, much as we saw from maps~\ref{fig:map-EU-versus-none} and \ref{fig:map-EU-versus-FImax}. The highest utility of index insurance is now on the south-west part of the graph, where spatial and temporal variability are lowest. The east portion that was previously giving the highest utility when compared to no insurance gives now almost the lowest utility.
\begin{figure}
\caption{Utility of insurance according to county temporal and spatial variability\label{fig:heatmap-2Var}}
\centering{}\includegraphics[width=0.95\columnwidth]{Figures/heatmap_2Var_rEuLyMc.png}
\end{figure}
The reversal we document here leads to a puzzling paradox: those places where risk is highest and hence where insurance is the most needed are also those where index insurance is the least useful. Said differently, index insurance leads to good farm-equivalent coverage only in those counties that have the lowest risk. Because of the positive correlation between temporal and spatial variability, when average individual risk increases, so does the spatial variability, deteriorating the benefits of index insurance. A direct consequence of this is that selecting good zones for index insurance is a difficult task: for one, easy available statistics such as the temporal variance of the zone average\footnote{Remember that our measure of temporal variability used here is derived from the average field-level variance, which is not equal to the variance of the average.} are potentially misleading, leading to choose zones where index insurance offers the lowest farm-equivalent coverage. What is clearly needed beyond the variance of county average is information on the spatial variability, which is much harder to obtain in practice.
\subsection{Robustness checks: effect of using simulated data}
\label{subsec:robust_simulated}
Our analysis so far relied on the simulated data. The main reason was that using the raw data
has a large amount of missing values due to the practice of crop rotation. For a given field, we typically only observe 50\% of the corn and 50\% of the soy yields over a given period. This implies that even if the premiums are fair at the county level (i.e. the premium corresponds to the average of the indemnities), thy might be very unfair of very unfavorable for a given field depending on the crop sequence. Imagine indeed that a field cultivated corn only in the drought year 2012, receiving a huge indemnity yet paying a small premium once. On the other hand, a field might cultivate corn every year buy 2012, paying the premium every year yet not receiving the large indemnity for 2012. Using the simulated data allowed us to avoid this randomness, by filling-in missing years. A second reason for using simulated data was that it would extend the sample over time, and usually also extend the empirical support of the yield distribution. This is particularly useful given that our measure of farm-equivalent risk coverage is not defined beyond the empirical minimum.\footnote{Remember that if the minimum of a field is say 80\% of its mean, the utility of a coverage at 75\% is undefined.} Extending the range of the data hence reduces the number of undefined cases.
We investigate now the effect of using the raw data instead of the simulated one. We do this in two steps. In the first step, we isolate the effect of the possible \emph{unfairness} at the field, and construct premiums that are fair at the field level. That is, we assume the insurer is computing a field-specific premium, taking into account only the years in which a field is planted to the specific crop. In a second step, we relax that assumption, and use premiums that are fair at the county level.
Figure~\ref{fig:histo_FImax_simul_vs_raw} shows the histogram of our \emph{farm-equivalent risk coverage} metric, using the simulated data (hence corresponding to Figure~\ref{fig:Comparing-CE_vs_farm} above), the raw data with premiums fair at the field level or at the county level. Looking first at the raw data with premiums fair at the field level (second column), we see that the main difference lies in the \emph{undef} category, which corresponds to fields for which index insurance was higher than no insurance (0\%), yet lower than the level of the lowest-observed farm insurance, and hence is not clearly defined. Abstracting from this category, results look qualitatively similar. Turning to the last column showing fields with county-fair premiums, we see a striking increase in fields that either have a 0\% equivalent coverage, or 100\%. This illustrates well the problem of premiums being ``over-'' and ``under-fair'' premiums depending on whether or not a field planted the crop in the bad year 2012. Indeed for corn, among those fields for whom we find a 0\% farm-equivalent value, 92\% of those did not plant to corn that year, while among those that have the maximum 95\% farm-equivalent value, 95\% planted corn in 2012. For soybeans, the influence of the year 2012 is less strong, which is partly explained by the fact that the impact of the 2012 drought on yields was lower compared to corn.
\begin{figure}
\centering{}
\caption{Effect of using simulated versus raw data \label{fig:histo_FImax_simul_vs_raw}}
\includegraphics[width=1\columnwidth]{Figures/pl_comp_simul_histo_rKlWsOq.png}
\end{figure}
\subsection{Robustness check: simulating using longer sample sizes}
In the main analysis we used simulated data over a period of 29 years. Compared to other studies, this is rather a small number: \citet{YeHuEtAl2020} use for example 1000 simulations for each farm. Our choice for 29 years is the result of a trade-off between computational burden on one side and accuracy of the risk calculation on the other side. Noting that our sample has more than 1.8 million (M) fields and 2.8M field-crop pairs, using 29 years of data already results into a dataset of more than 80M rows.
We investigate here nevertheless the impact of increasing the sample size of the simulated yields series. Note that the initial simulated data was simulating using (detrended) NASS county aggregates from 1990 to 2018 plugged into the field-county regression (\ref{eq:MirReg}). This approach cannot be used anymore for larger series, so we proceed instead to simulating NASS data itself. To do so, we estimate an AR(2) model on each individual series, and predict from this model. Innovations for the predictions are taken from the empirical distribution of the residuals of the fitted AR model. We opt for the empirical distribution for the innovations, as it allows to capture large negative shocks that would be difficult to model with standard parametric distributions.
Figure~\ref{fig:robust_sample_size} shows the county-level measure of the percentage of fields with index insurance at least as good as 85\%,as well as 90\%. The red line indicates the average over all the counties. Blue dots represent the sample sizes taken into consideration: 20, 30, 60, 100, 250 and 500. Results indicate that with larger sample sizes, our measure of the benefits of index insurance decreases, yet get stabilized relatively quickly for sample sizes of 100 or larger. This suggests that there is a small bias in our estimates on the order of 5\%. The second panel shows the results for the percentage of fields for which index insurance is at least as good as a 90\% farm-insurance. Remember that the coverage for the index insurance has been selected at 90\% throughout this paper. Intuitively, we would expect that at equal coverage, farm-level insurance does better than area-based. Presence of fields for which area schemes are nevertheless better than farm-based was assumed so far to arise from simulation noise. Figure~\ref{fig:robust_sample_size} partly confirms this intuition: the percentage decreases with bigger sample size. However, it does not goes to zero, indicating the presence of fields which always prefer area-based insurance.
\begin{figure}
\centering{}
\caption{Effect of using simulated versus raw data \label{fig:robust_sample_size}}
\includegraphics[width=1\columnwidth]{Figures/FImax_cumul_byN_rJiWoWr.png}
\end{figure}
\subsection{Robustness check: taking subsidies into consideration}
In the main analysis, we considered fair premiums. However, premiums are actually heavily subsidized by the Federal Government. Subsidies vary depending on the level of coverage and the type of scheme, see Table~\ref{tab:Subsidy-rate-for-area-farm}. The subsidies start at around 60\% for the lowest level of coverage, and decrease to 40-50\% for the highest ones. Subsidies are higher for the area-based scheme, in particular for higher coverage levels. This suggests that taking subsidies into account should increase the attractiveness of area-based insurance compared to our benchmark.
To verify the impact of subsidies, we re-run the same analysis as above, this time applying the subsidies to the premiums. Without surprise, our two metrics of the utility of index insurance both increase with subsidies for almost all fields ($>99\%$). As a consequence, the aggregate number of fields preferring index insurance to no insurance or to the highest farm-level insurance also increase.
\subsection{Robustness check: using cumulative prospect theory}
The analysis so far was based on the expected utility (EU) framework. But several authors have pointed out the widespread under-coverage observed in practice cannot be explained by expected utility \citep{Babcock2015,FengDuEtAl2020}. According to EU theory, farmers should seek maximal coverage with fair premiums.
\citet{DuFengEtAl2017} develop a framework to include subsidies in expected utility computations, yet find that this still does not explain the low coverage chosen in practice. \citet{Babcock2015} uses instead cumulative prospect theory (CPT), finding that it captures better the observed behavior of the three farms he considers. Cumulative prospect theory \citep{TverskyKahneman1992} allows to capture phenomena like loss aversion, probability weighting and reference dependence. Reference dependence refers to the existence of a \emph{reference} point below which outcomes are considered losses, and above which values are considered gains. It is not obvious what this reference point should be for farmers' choice of crop insurance. We follow here \citet{Babcock2015}, and consider two possible reference points.\footnote{We do not consider his third reference point which is based on indemnities only. This is because with fair premiums, considering indemnities on their own amounts to choosing a lottery that increases risk yet has zero expected gain. No farmers would want such a lottery.} The first one includes the expected yield plus the premium. The second uses only the expected yield, considering that premiums are considered a sunk cost. For the choice of the value and decision weighting functions, we use exactly the same functions and parameters as in \citet{Babcock2015}, who used values directly derived from \citep{TverskyKahneman1992}. Like \citet{Babcock2015}, we use the empirical distribution and hence assign weights 1/T to each yield outcome.
We re-run the analysis evaluating now our metrics of index insurance with
the cumulative prospect theory functions. Figure~\ref{fig:robust_CPT} shows the distribution of the farm-equivalent coverage with the standard expected utility (CRRA), as well as the CPT with the two reference points. \emph{R1} refers to the point including expected yields plus premium and \emph{R2} to expected yields only. Using CPT induces a quite sizable reduction on the benefits of index insurance, in particular using R1. The percentage of fields which do not benefit at all from index insurance increases with R1. On the other side, the percentage of fields which would be indifferent or prefer index insurance to farm insurance decreases under both reference points. That number falls to a 30\% to 40\% under expected utility to a 10-15\% under CPT. This is an interesting results, as it seems more realistic than the 40\% predicted under expected utility. Nevertheless, that number is still quite larger than the take-up observed in practice, which is never more than 5\%.
\begin{figure}
\centering{}
\caption{Effect of using cumulative prospect theory \label{fig:robust_CPT}}
\includegraphics[width=1\columnwidth]{Figures/pl_prosp_nosub_rOuWqKa.png}
\end{figure}
\section{Conclusion}
In this study, we investigate the suitability of crop insurance in the US using a unique dataset of nearly two million fields observed over 20 years through satellite remote sensing. We run a large-scale simulation seeking to replicate observed yields as closely as possible, yet abstracting from moral hazard or adverse selection issues. We develop several metrics of suitability of index insurance based on expected utility theory, comparing index insurance to no insurance but also to farm-level insurance. Thanks to the very large scale of our dataset spanning close to 600 index insurance \emph{zones}, we are also able to investigate the characteristics of the counties which make insurance more beneficial.
Our current results bring a new positive light for index insurance. Our simulations show that absent adverse selection and moral hazard, index insurance brings a positive improvement for almost all fields. When expressed in our new measure of farm-equivalent coverage, index insurance is at least as good as a 50\% farm coverage for a majority of fields, indicating that it can serve the basic function of protecting against catastrophic events. Furthermore, when assessed against the highest-available level of 85\%, 30\% of the fields still benefit more from an index insurance at the 90\% coverage level. Our results are robust to relaxing several assumptions of the model, although they tend altogether to slightly reduce the benefits observed. The largest
changes stem from using cumulative prospect theory instead of expected utility. This is an interesting result that will deserve further analysis. Our second contribution is to uncover a small paradox in the spatial determinants of the suitability of index insurance. We show that the metric chosen to assess those benefits plays a crucial role, and similar metrics can lead to opposite results. When assessed against no insurance, index insurance seems to be the most beneficial in the counties in the outer Corn Belt, which have a higher temporal variability. On the other hand, when assessed against farm-based insurance, index insurance is now the most beneficial in the counties in the core of the Corn Belt, which have the lowest temporal variability. This result is explained by the fact that temporal and spatial variability tend to be correlated at the county level. While temporal variance increases the benefit of index insurance (as it does for any insurance), spatial variability reduces it. We believe that these new results have a relevance outside of the Corn Belt, and hopefully will help design better index insurance products in other settings with less data available.
This study could be extended in several ways. For one, we assumed away adverse selection and moral hazard, and relaxing each of these assumptions would be interesting on its own, although it will require in turn to make stronger assumptions for modeling each component. In this regard, it is important to emphasize that we constructed the premiums to be fair ex-post, which implies that no adverse selection is possible. Predicting ex-ante premiums, following the large literature based on \cite{HarriCobleEtAl2011}, would be a worthwhile extension, opening the door to models of adverse selection following \citet{JustCalvinEtAl1999}. Our results showing the different predictions obtained from cumulative prospect theory are also very promising. Those could be extended to the question of the coverage of farm-level insurance, extending the work by \citet{Babcock2015}. Finally, multiple improvements could be on the methodological side when we seek to model to correlation between yields. This is definitely a high-dimension problem given that we have at most twenty time periods yet hundreds of even a few thousand of variables. While there exist several techniques to model covariance matrices in very large dimension, less has been done when there are missing values. We are currently working on integrating the sparsity shrinkage method by \citet{CaiZhang2016}, which would be used on the residuals covariance matrix from the initial regression. This would correspond to the approximate factor model with observed factor developed by \citet{FanLiaoEtAl2011}.
\clearpage
|
\section{Introduction}
The collective motion of electrons in metals can lead to starkly different physical effects from those in the more conventional free-electron transport. One
particular example is electron hydrodynamics, where the flow of
electrons resembles that of a viscous fluid. This hydrodynamic regime can be reached at
intermediate temperatures ($T \sim 100\text{K}$) in ultraclean samples when the
rate of electron-electron scattering that conserves the electrons' energy
and momentum is larger than the momentum-relaxing scattering rates
due to phonons and impurities. In this regime,
the resistance $R$ decreases with increasing temperature $T$, in stark contrast to the proportionality of $R$ to $T$ in ordinary metals caused by electron-phonon
scattering~\cite{gurzhi1963,DeJong1995}. Moreover, when passing
through narrow constrictions, the conductance of viscous electron fluids can
exceed that in the ballistic limit of free electrons~\cite{Guo2017,Kumar2017}. Finally, the motion of viscous electrons can create non-local
potential disturbances leading to negative non-local resistance and current whirlpools due to electron backflow~\cite{Bandurin2016,Levitov2016,Pellegrino2016}.
Under certain approximations, a macroscopic hydrodynamic theory can be derived from the
``microscopic'' semiclassical Boltzmann transport equation~\cite{Lucas2018a,Narozhny2019}. By taking averages of
microscopic quantities over a local equilibrium distribution, one can
obtain the dynamics of the velocity field $\vec u(\vec r,t)$ which turns out to
obey the Euler equation or, when viscosity
is taken into account, the Navier-Stokes equation (NSE). For graphene-like systems, the structure of this NSE is interesting because it contains features from the relativistic Dirac-like spectrum of graphene. However, it mainly leads to hydrodynamic phenomena similar to those observed in classical, non-relativistic fluids, like for instance a Poiseuille flow profile,
even for systems that show many interesting quantum phenomena at the single-particle level like graphene.
Therefore, it is still an open question to what extent quantum mechanical features of the band structure manifest themselves in the semiclassical hydrodynamic transport regime. To elucidate this question, we study the hydrodynamic flow of electrons in graphene-like systems with a nonzero Berry curvature. The geometrical Berry curvature encodes the internal structure of the crystal wavefunctions and can, for instance, drive electrons perpendicular to
an applied electric field~\cite{xiao10}. This Berry curvature is the intrinsic cause of anomalous Hall transport in
multiband systems with either broken inversion or time-reversal
symmetry (TRS). We will show that in hydrodynamic metals with Berry curvature, the NSE will
reflect quantum effects due to the Berry curvature, with one of its consequences being a non-trivial
electron flow profile.
In this work, we explore the effects of Berry curvature on electron
hydrodynamics in systems with broken TRS. We note that our
results are distinct from the hydrodynamics in system with TRS studied in
Refs.~\onlinecite{Toshio2020,Tavakol2020} because the Berry curvature in systems with (without) TRS is an odd (even) function of momentum. We
derive the NSE including the Berry curvature and use it to study Poiseuille flow in a channel geometry as well as vortex formation in an experimentally relevant 2D half-plane geometry.
Concerning the Poiseuille flow, we find that the Berry curvature gives rise to an asymmetric velocity
profile where the maximum flow velocity deviates from the center of the channel. Moreover, although the ordinary NSE allows for non-zero vorticity, current whirlpools or vortices are generally absent in infinite 2D systems (half-plane geometry) in the absence of Berry curvature. In this case, current whirlpools arise from the possible current backflow in finite systems~\cite{Pellegrino2016}. In contrast, we show in this work that the Berry curvature alters
the vorticity equation and can produce sizable current whirlpools even
in an infinite geometry. These features are reflected directly in the non-local resistance, which can thus be used as an experimental tool to measure the influence of Berry curvature on the hydrodynamic flow.
\section{The Navier Stokes equation in topological materials}
We begin by considering a material with a Fermi level
in the conduction band and possessing a Berry curvature $\boldsymbol \Omega_\vec
p$. We allow TRS to be broken such that $\boldsymbol
\Omega_\vec p$ is an even function of the lattice momentum $\vec
p$. Under an externally applied electric field, the electron distribution function $f(\vec
p,\vec r, t)$ evolves according to the semiclassical Boltzmann equation,
\begin{equation}
\frac {\partial f}{\partial t} + \dot{\vec r} \cdot \frac{\partial
f}{\partial \vec r} +\dot{\vec p} \cdot \frac{\partial f}{\partial
\vec p} = C[f], \label{eq:boltz}
\end{equation}
where momentum and position evolve according to $\dot{\vec p} = e \vec E$ and $\dot{\vec r}=\vec v_g + \vec v_a$. Here,
$v_g=\partial_\vec p \varepsilon_\vec p$ is the group velocity which is determined by the dispersion relation $\varepsilon_{\vec{p}}$, $\vec v_a=
(e/\hbar)\vec E \times \vec \Omega_\vec p$ is the anomalous velocity due to the Berry curvature, and
$C$ is the collision integral due to scattering processes. In the hydrodynamic regime, $C$ is dominated by electron-electron interactions which conserve momentum. Scattering
from impurities and phonons are small perturbations and can be incorporated using the relaxation-time
approximation. Umklapp scattering is neglected because it requires a large momentum transfer. The strong interactions lead to a fast equilibration of the electrons and their local distribution function satisfies
\begin{equation}
f(\vec p, \vec r, t)=\frac{1}{\exp\left[\beta(\vec r, t)(\varepsilon_\vec p-\mu(\vec r,t)-\vec u(\vec r,t)\cdot\vec p)\right] +1}, \label{eq:dist}
\end{equation}
which is similar to the Fermi-Dirac distribution with an additional drift velocity $\vec u$. Note that the inverse temperature $\beta$, as well as the chemical potential $\mu$ and the drift velocity $\vec u$ generally depend on position and time. The distribution function \eqref{eq:dist} ensures that the collision integral due to electron-electron interactions in Eq.~\eqref{eq:boltz} vanishes~\cite{Narozhny2019}. A finite relaxation time or relaxation length causes the true distribution function to slightly deviate from the local equilibrium distribution and results in dissipative corrections which give rise to a nonzero electron viscosity~\cite{Briskot2015,Principi2016}. In this work, we assume that the Berry curvature does not contribute significantly to the viscosity.
To derive hydrodynamic equations, we define the macroscopic number density, the energy density and the momentum density, respectively, as $\mathcal{O}(\vec r, t) = \sum_\vec p \chi(\vec p) f(\vec p, \vec r, t) $ where $\chi=\{1,\varepsilon_\vec p, \vec p\}$ and $\mathcal{O}=\{N,N_\epsilon,\bar{\vec p}\}$. Moreover, we define the corresponding particle current density, energy current density, and the stress tensor, respectively, as $\mathcal{V}(\vec r, t)=\mathcal{V}^{(0)}+\mathcal{V}^a=\sum_\vec p [\vec v_g(\vec p) + \vec v_a(\vec p)] \chi(\vec p) f(\vec p, \vec r, t) $ where $\mathcal{V}=\{\vec J, \vec J_\varepsilon, \Pi\}$. We can then employ Eq.~\eqref{eq:boltz} to obtain continuity equations,
\begin{eqnarray}
\partial_t N +\nabla \cdot \vec J& =&0,\nonumber\\
\partial_t N_\varepsilon+\nabla \cdot \vec J_\varepsilon &=& e\vec E \cdot \vec J^{(0)}, \nonumber\\
\partial_t \bar{p}_i + \nabla_j \Pi_{i,j} &=& eN E_i.\label{eq:pre-euler}
\end{eqnarray}
The non-zero values on the right-hand side of Eq.~\eqref{eq:pre-euler} imply that the momentum and energy flows are not conserved due to the applied external force and Joule heating, respectively.
Our next goal is to describe the dynamics of the velocity field $\vec u$ by relating it to the macroscopic quantities in Eq.~\eqref{eq:pre-euler}. Using the local equilibrium distribution~\eqref{eq:dist}, we obtain the following relations
\begin{eqnarray}
\vec J^{(0)} &=& N \vec u\label{eq:cont},\\
\vec J_{\varepsilon}^{(0)} &=& W \vec u,\quad W = N_\varepsilon + P \label{eq:enthalpy}
\end{eqnarray}
where the subscripts $(0)$ indicate that these functions are defined for the local equilibrium distribution function. Here, $W$ is the enthalpy density and $P= k_B T\sum_\vec p {\rm ln} \left[ 1+ e^{-\beta(\varepsilon_\vec p - \vec u \cdot \vec p -\mu)}\right]$ is the pressure. We note that Eqs.~\eqref{eq:cont} and \eqref{eq:enthalpy} are very general and are valid for an arbitrary dispersion relation $\varepsilon_\vec p$ of the system.
\begin{figure*}
\centering
\includegraphics{Fig1a.pdf}
\hspace{0.1cm}
\includegraphics{Fig1b.pdf}
\hspace{0.1cm}
\includegraphics{Fig1c.pdf}
\caption{\emph{Current profile in viscous Hall materials}. (a) Longitudinal current at $y=w/2$ (red) and Hall current (blue) as a function of electric field. (b) Longitudinal current profile as a function of position for several values of electric field. (c) Maximum current position $y_{max}$ as a function of electric field. In (a)--(c) we have used a gapped Dirac model with $\Delta=\rm 100\ meV$, $T=100\ \rm K$, $w=1\rm \ \mu m$ and $\eta=6\times 10^{-3}\hbar N$ and $\mu$ is at the bottom of the conduction band. \label{Fig1}}
\end{figure*}
In contrast, the momentum equation in Eq.~\eqref{eq:pre-euler} depends explicitly on the structure of $\varepsilon_\vec p$. Therefore, we will focus on an anomalous Hall system described by a gapped 2D Dirac Hamiltonian $H = \vec d \cdot \boldsymbol{\tau}$, with $\boldsymbol{\tau}$ being
the vector of Pauli matrices and $\vec d = (vp_x,vp_y, \Delta)$. Here, $v$ is the Fermi velocity and $2\Delta$ is the band gap. This system has
the dispersion relation $\varepsilon^\pm_\vec p=\pm \sqrt{v^2p^2+\Delta^2}$ and the
Berry curvature $\boldsymbol\Omega_\vec p^\pm = v^2\hbar^2 \Delta/\left[ 2(\varepsilon_\vec p^\pm)^3\right]\hat{\vec z}$. A
single Dirac cone reflects the broken TRS that
can be found in magnetically doped topological insulators such as $\rm Cr$--doped bismuth telluride~\cite{Chang2013} or honeycomb crystals
(graphene, silicene, transition metal dichalcogenides, etc.) that sit
on top of a magnetic substrate~\cite{Wang2015,Tang2018,Averyanov2018}. Using the specific local distribution~\eqref{eq:dist} and the Dirac energy dispersion $\varepsilon_\vec p$, we find
\begin{equation}
\bar{\vec p} = v^{-2} W \vec u,\label{eq:np}\quad
\Pi_{i,j}^{(0)}= P \delta_{i,j} + \frac{W}{v^2} u_i u_j.
\end{equation}
The forms of these observables coincide with the corresponding expressions for a gapless Dirac dispersion in graphene~\cite{Narozhny2019}.
The anomalous quantities in Eq.~\eqref{eq:pre-euler} do not have a simple relationship with $\vec u$. Therefore, to make progress, we write the distribution function $f$ in Eq.~\eqref{eq:dist} as,
\begin{equation}
f = f^{0}+\delta f,\quad \delta f = \frac{\partial f^0}{\partial \varepsilon} \left( \frac{\epsilon-\mu}{\beta}\delta \beta -\delta \mu - \vec p \cdot \vec u\right), \label{eq:perturbdist}
\end{equation}
where $f^{0}$ is the equilibrium Fermi-Dirac distribution function, corresponding to constant $\beta$ and $\mu$, as well as $\vec u = 0$. Moreover, $\delta f$ is a small perturbation accounting for the nonequilibrium state of the system. If we limit ourselves to the dynamics of linear order in $\vec u$, we can assume $\delta \beta$ to be small and $\delta \mu$ can be absorbed into the external electric field. In Eq.~\eqref{eq:perturbdist}, the terms containing $\delta \beta$ and $\delta \mu$ are even in $\vec p$ while the term containing $\vec u$ is odd in $\vec p$.
We note here that within the linear-response regime, the anomalous velocity does not give rise to a contribution to the continuity equations for the particle and energy current. Indeed, defining the electric potential $\phi$ via $\vec E=-\nabla \phi$, one finds that $\nabla\cdot \vec J^a=0$ and $\nabla\cdot \vec J^a_\varepsilon=0$ because $\partial_x\partial_y\phi =\partial_y\partial_x\phi$~\cite{justin16}. The leading contributions to $\nabla\cdot \vec J^a$ and $\nabla \cdot \vec J_\varepsilon^a$ will contain products of $\phi$ with either $\delta \beta $ or $\delta \mu$, but these are beyond the accuracy of our linear-response calculation and will henceforth be neglected. On the other hand, as we will show now, $\nabla_j\Pi_{i,j}^a$ will provide a non-trivial contribution to the Euler equation.
For small fields, the drift velocity $\vec u$ is proportional to $\vec E$. When TRS is broken, $\Pi_{i,j}^a$ is zero to first order in $\vec E$ because $\vec \Omega_\vec p$ is even in $\vec p$. The leading term in $\Pi_{i,j}^a$ emerges to first order in $\vec E$ and $\vec u$ and reads,
\begin{eqnarray}
\Pi_{i,j}^a &=& \frac{e}{\hbar} \sum_\vec p p_i \epsilon_{jkl} E_k \Omega_l
\left(-\frac{\partial f^0}{\partial \varepsilon}\right) \vec p\cdot \vec u\nonumber\\
&=& u_i \epsilon_{jkl} E_k \mathcal{B}_l,\nonumber \\
\mathcal{B}_l&=& \mathcal{B}_{i,l}=\frac{e}{\hbar}\sum_\vec p p_i^2 \Omega_l \left(-\frac{\partial f^0}{\partial \varepsilon}\right).\label{eq:Pia}
\end{eqnarray}
We note that $\mathcal{B}_l$ is related to the Berry curvature at the Fermi surface and is independent of subscript $i$ in the rotationally symmetric 2D system considered in this work $(\mathcal{B}_{x,l}=\mathcal{B}_{y,l})$. Taking the derivative of the anomalous stress tensor, we obtain
\begin{eqnarray}
\partial_j\Pi_{i,j}^a &=& \mathcal{B}_l \epsilon_{jkl} \partial_j (u_i E_k) \nonumber\\
&=& u_i \left( \nabla\times \vec E \cdot \boldsymbol{\mathcal{B}}\right) +
\left( \vec E\times \boldsymbol{\mathcal{B}} \cdot \nabla\right) u_i. \label{eq:astress}
\end{eqnarray}
Combining Eqs.~\eqref{eq:enthalpy}, \eqref{eq:np} and \eqref{eq:astress} with Eq.~\eqref{eq:pre-euler}, we obtain the Euler equation for anomalous Hall (AH) materials
\begin{eqnarray}
\partial_t (\rho \vec u) + [\rho (\vec u \cdot \nabla) \vec u+\vec u\nabla\cdot(\rho\vec u)]&&\label{eq:eom}\\
+\vec u \left( \nabla\times \vec E \cdot \boldsymbol{\mathcal{B}}\right) +
\left( \vec E\times \boldsymbol{\mathcal{B}} \cdot \nabla\right) \vec u &=& eN \vec E,\nonumber
\end{eqnarray}
where we have introduced the mass density $\rho=W/v^2$. Here, we have assumed that the pressure gradient term $\nabla P$ acts analogously to the electric field and can thus be discarded. In the following, we focus on the steady state, and therefore simplify the Euler equation using $\partial_t \vec u=0$ and $\nabla\times \vec E=0$. Moreover, we assume the electron fluid to be incompressible, which is a good approximation at small $\vec u$. In this case, Eq.~\eqref{eq:cont} leads to $\nabla \cdot \vec u=0$. Finally, we arrive at the steady-state Navier-Stokes equation (NSE)
\begin{equation}
\rho (\vec u \cdot \nabla)\vec u + (\vec E\times \boldsymbol {\mathcal B}\cdot \nabla) \vec u = eN \vec E +\eta \nabla^2 \vec u. \label{eq:NS}
\end{equation}
where we have added a phenomenological viscous term with a strength $\eta$, arising from dissipative electron-electron interactions in Eq.~\eqref{eq:boltz}~\cite{Briskot2015,Principi2016}.
\section{Poiseuille Flow }
We apply the NSE of Eq.~\eqref{eq:NS} for the simplest case where electrons are only allowed to move in one direction, i.e., $u_y =0$ and $u_x \equiv u_x(y)$, due to an applied electric field $\vec E =E_x \hat{\vec x}$. We also focus on the case of a 2D AH material where
$\boldsymbol {\mathcal{B}}=\mathcal {B} \hat{\vec {z}}$. Equation~\eqref{eq:NS} then becomes
\begin{equation}
-E_{x}\mathcal {B}\partial_y u_x = e N E_x + \eta \partial_y^2 u_x.\label{eq:poiseuille}
\end{equation}
The convective term $(\vec u \cdot \nabla)\vec u$ disappears because $\partial_xu_x=0$. We make Eq.~\eqref{eq:poiseuille} dimensionless by defining $\tilde y = y/w$, where $w$ is the width of the 1D channel. Thus we obtain
\begin{equation}
-b \partial_{\tilde y} \tilde u_x = 1 + \partial_{\tilde y}^2 \tilde u_x,
\end{equation}
where
\begin{equation}
b= \frac{w \mathcal {B} E_x}{\eta},\quad \tilde u_x=u_x/u_0, \quad u_0 = \frac{w^2 eN E_x}{\eta }
\end{equation}
Applying no-slip boundary conditions $\tilde u_x (0) = \tilde u_x (1)=0$, the solution of this ordinary differential equation becomes
\begin{equation}
\tilde u _x (\tilde y)= \frac{e^{b (1-\tilde y)}-e^{b}(1-\tilde y)-\tilde y}{b (1-e^{b})}\label{eq:sol1}.
\end{equation}
In the limit $b\to 0$, we recover from Eq.~\eqref{eq:poiseuille} the familiar Poiseuille flow profile, where $\tilde u=\tilde y(1-\tilde y)/2$, i.e., a parabolic profile with the highest velocity at the center at $y=w/2$. However, when the Berry curvature is nonzero, the velocity profile deviates from the ordinary Poiseuille result and the location of the velocity maximum is controlled by the size and sign of $\mathcal {B}$. We will see below how Berry curvature modifies the Poiseuille flow in a concrete model.
In order to observe the Poiseuille flow in AH materials, the magnitude of the
viscous longitudinal current $J_x=eNu_x$ must exceed the Hall
current $J_y=(e^2/h) \mathcal{C} E_x$, where
$\mathcal{C}=(2\pi)^{-1}\sum_{\pm}\int d^2\vec p\ \Omega_\vec
p^{\pm}f^0$ is the Berry flux. We use a gapped Dirac model with
$\Delta =100$ meV. The Fermi energy $\mu=\Delta$ is set to the bottom
of the conduction band at $100 \text{ K}$ to suppress the contribution of
possible chiral edge states in the gap. Using these parameters,
we obtain $N = 2\times 10^{10}\ \rm cm^{-2}$,
$\mathcal{B}/e=0.005\ \rm fs/nm^2$, $\mathcal{C}=0.47$ (note that gapped Dirac bands have Chern numbers $\pm 1/2$ for the valence and conduction bands, respectively). In Fig.~\ref{Fig1}(a), the Hall
current $J_y$ is linearly proportional to the electric field while the
longitudinal current $J_x$ at the center $y=w/2$ is initially
proportional to $E_x$ and then saturates for large $E_x$. Importantly, at
very small electric fields, the viscous longitudinal current $J_x$
dominates over the Hall current $J_y$. The saturation of $J_x$ can be
seen from Eq.~\eqref{eq:poiseuille}: when the $E_x$ term becomes
much larger than the viscous term, $u_x$ becomes independent of $E_x$.
In the regime where $J_x$ exceeds $J_y$, there exists a window
of size $\propto E_x$ where the Berry curvature dramatically modifies the
Poiseuille profile as shown in Fig.~\ref{Fig1}(b). We vary $E_x$ in
Eq.~\eqref{eq:sol1} and show that at intermediate $E_x$, the maximum
velocity departs from the center to a position controllable by $E_x$
[see Fig.~\ref{Fig1}(c)]. This asymmetric Poiseuille flow can be observed with the state-of-the-art methods such as scanning-probe microscopy based on nitrogen-vacancy centers~\cite{yacoby2020}.
\begin{figure}
\centering
\includegraphics{Fig2.pdf}
\caption{The half-plane geometry with a single contact.\label{Fig0}}
\end{figure}
\begin{figure*}
\centering
\includegraphics[height=6cm]{unpux}
\includegraphics[height=6cm]{ux}
\includegraphics[height=6cm]{totux}
\caption{(a) Unperturbed solution $u_x^{(0)}$, (b) correction $\delta u_x$ and (c) total velocity $u_x$ after Fourier transformation. We set $\mathcal{K}=1$.\label{Figux}}
\end{figure*}
\begin{figure*}
\centering
\includegraphics[height=6cm]{unpuy}
\includegraphics[height=6cm]{uy}
\includegraphics[height=6cm]{totuy}
\caption{(a) Unperturbed solution $u_y^{(0)}$, (b) correction $\delta u_y$ and (c) total velocity $u_y$ after Fourier transformation. We set $\mathcal{K}=1$.\label{Figuy}}
\end{figure*}
\section{Berry curvature and vorticity} We shift our attention
now to 2D geometries. We can obtain the vorticity field $\boldsymbol{
\omega}=\nabla\times \vec u$ from the NSE by taking the curl on
both sides of the Eq.~\eqref{eq:NS}. The result is,
\begin{equation}
(\vec E \times \boldsymbol {\mathcal B}\cdot \nabla) \omega = \eta \nabla^2 \omega \label{eq:vorticity},
\end{equation}
where $\boldsymbol{\omega}=\omega \hat{\vec z}$ because the system
is confined to two dimensions. This equation implies that the Berry
curvature contributes in a non-trivial way to the vorticity. However, we should point out that
a nonzero vorticity $\boldsymbol{\omega}$ is not equivalent to the existence of current whirlpools. For
instance, in previous works it was shown that, despite $\boldsymbol{\omega}$ being nonzero for viscous electrons, no current whirlpool emerge in a
semi-infinite 2D geometry~\cite{Pellegrino2016, Falkovich2017}. In
contrast, it was found that the whirlpools solely arise from current
backflow in a finite geometry. However, as we will show below, the
nontrivial vorticity in Eq.~\eqref{eq:vorticity} will give rise to
current whirlpools even in the absence of boundaries.
Turning to the analysis of the 2D flow, we apply Eq.~\eqref{eq:NS} in a half-plane geometry with an injected current at the origin ($x=y=0$) as shown in Fig.~\ref{Fig0}. Here we assume a flow at low Reynolds number or small $\vec u$ such that we can neglect the convective term $(\vec u\cdot\nabla)\vec u$ as well as the Hall current.
We express Eq.~\eqref{eq:NS} in units of acceleration by dividing both sides by the mass density $mN$,
\begin{equation}
\frac{1}{mN} (-\nabla \phi\times \boldsymbol {\mathcal B}\cdot \nabla) \vec u = -\frac{e}{m}\nabla \phi +\nu \nabla^2 \vec u-\frac{\vec u}{\tau} , \label{eq:NS-3}
\end{equation}
where we have introduced the kinematic viscosity $\nu = \eta/\rho=\eta/(m N)$. We have also added a relaxation time $\tau$ due to momentum-relaxing scattering processes (electron-phonon or electron-impurity) that allows us to define a length scale $D =\sqrt{\nu \tau}$ known as the diffusion length. Suppose we apply a current density $J_y=I \delta(\vec r)$ at the origin. We can scale the quantities to get a dimensionless equation
\begin{equation}
\mathcal{K} (-\tilde\nabla\tilde\phi\times\hat{\vec z}\cdot\tilde\nabla)\tilde {\vec u} =-\tilde \nabla \tilde \phi + \tilde\nabla^2\tilde{\vec u}-\tilde{\vec u},\label{eq:NSnodim}
\end{equation}
where $\tilde \phi = \phi/\phi_0$, $\phi_0= Im/Ne^2\tau$, $\tilde u=u/u_0$, $u_0=I/NeD$, $(\tilde x,\tilde y)=(x/D,y/D)$ and $\mathcal{K}=I\Delta^2b(\mu,T)/(eD^2N^2hv^2k_BT)$. To get $\mathcal{K}$, we have used $\boldsymbol{\mathcal{B}}= \mathcal{B}_z \hat{\vec z}$ where $\mathcal{B}_z=e\Delta^2 b(\mu,T)/hv^2k_BT$ and $b(\mu,T)$ is a dimensionless integral of Eq.~\eqref{eq:Pia} [see Eq.~\eqref{eq:bz} in Appendix]. Hereafter, we drop all the ``tilde'' accents for better readability while keeping dimensionless quantities.
Equation~\eqref{eq:NSnodim} is nonlinear because of the coupling between $\phi$ and $\vec u$ on the left-hand side (LHS). Using perturbation theory in this coupling, we can linearize this equation by introducing
\begin{equation}
\vec u = \vec u^{(0)} +\mathcal{K} \delta\vec u,\quad\quad
\phi= \phi^{(0)} + \mathcal{K} \delta\phi.\label{eq:total}
\end{equation}
Comparing terms in Eq.~\eqref{eq:NSnodim}, we obtain the following equations for the unperturbed result and the perturbation,
\begin{eqnarray}
&&-\nabla\phi^{(0)}+ \nabla^2\vec u^{(0)}-\vec u^{(0)}= 0\label{eq:zero},\\
&&-\nabla\delta\phi+ \nabla^2\delta \vec u-\delta\vec u=\left(-\nabla\phi^{(0)}\times\hat{\vec z}\cdot\nabla \right) \vec u^{(0)}. \label{eq:delta}
\end{eqnarray}
The incompressibility condition $\nabla\cdot \vec u=0$ leads to the Laplace equation $\nabla^2\phi^{(0)}=0$ for the unperturbed electric potential. In contrast, the perturbation satisfies a Poisson equation with $\nabla^2\delta\phi\neq 0$ due to the right-hand side of \eqref{eq:delta}, implying the presence of an induced charge by the Berry curvature. As we show later, for the half-plane geometry, $\nabla^2\delta\phi$ from Eq.~\eqref{eq:delta} displays an electric dipole originating from the coupling of electric field and drift velocity induced by the Berry curvature [see inset of Fig.~\ref{Figphi}(b)].
This half-plane geometry preserves translational invariance in the $x$ direction, so we seek solutions in the form of Fourier transforms,
\begin{equation}
\vec u (x,y)=\int dk \vec u_k(y) e^{ikx},\qquad
\phi (x,y) = \int dk \phi_k(y) e^{ikx}. \label{eq:FT}
\end{equation}
The solutions of Eq.~\eqref{eq:zero} follow from Ref.~\onlinecite{Pellegrino2016}. To be specific, we use no-slip boundary conditions where $u_x^{(0)}$ vanishes for $y=0$ and $u_y^{(0)}(y=0)=\delta(x)$ arising from the injected current at the origin. We obtain (see Appendix):
\begin{eqnarray}
u_{k,x}^{(0)}(y)&=& \frac{i kq}{|k|(|k|-q)}\left( e^{-|k|y}- e^{-qy}\right),\nonumber\\
u_{k,y}^{(0)}(y)&=&-\frac{1}{(|k|-q)} \left( q e^{-|k|y}- |k| e^{-qy} \right),\label{eq:zerosol}\\
\phi_k^{(0)}(y) &=& -\frac{1}{|k|} \frac{q}{|k|-q} e^{-|k|y},\nonumber
\end{eqnarray}
where $q=\sqrt{k^2+1}$.
The solutions of the first-order correction, $\delta\vec u$ and $\delta \phi$ in Eq.~\eqref{eq:delta}, consist of homogeneous and inhomogeneous solutions. The homogeneous solutions obey the same equation as the unperturbed solution, but with different boundary conditions. The complete first-order corrections have the form,
\begin{align}
\delta u_{k,x}(y) &=
\frac{-a_1i}{k} e^{-|k| y} - \frac{a_3}{q}e^{-qy}+\delta u_{x,1}e^{-(q+|k|)y},\nonumber\\
\delta u_{k,y}(y) &=
\frac{a_1 }{|k|} e^{-|k| y} - \frac{a_3 ik}{q^2} e^{-qy}+ \delta u_{y,1}e^{-(q+|k|)y},\nonumber\\
\delta \phi_k(y) &=
\frac{a_1}{k^2} e^{-|k| y} + \delta \phi_{1}e^{-(q+|k|)y},\label{eq:deltasol}
\end{align}
where the inhomogeneous solutions are,
\begin{eqnarray}
\delta u_{x,1}(y)& =& \frac{q^3+2q^2|k|-|k|^3}{(q-|k|)(5k^2q+2(k^2+q^2)|k|},\label{eq:soldelta}\\
\delta \phi_1(y) &=& \frac{i k|k|}{q^2+q|k|-2k^2},\nonumber
\end{eqnarray}
as well as $\delta u_{y,1}=(ik/(|k|+q))\delta u_{x,1}$ which follows from $\nabla\cdot\delta \vec u=0$. Imposing boundary conditions where $\delta \vec u$ vanishes at the boundary $\delta u_{k,x}(y=0)=\delta u_{k,y}(y=0)=0$, we obtain the coefficients
\begin{eqnarray}
a_{1} &=& \frac{i k^3 (-k^2+q^2+q|k|)}{(q-|k|)^2[5k^2q+2|k|(k^2+q^2)]},\nonumber\\
a_{3} &=& \frac{q^3 (-k^2+q^2+q|k|)}{(q-|k|)^2[5k^2q+2|k|(k^2+q^2)]}.\label{eq:coef}
\end{eqnarray}
We note that $a_1$ is anti-symmetric as a function of $\vec k$ while $a_3$ is symmetric. As a result, $\delta u_{k,x}$ is symmetric while $\delta u_{k,y}$ and $\delta \phi_k$ are anti-symmetric as functions of $\vec k$. Importantly, the unperturbed counterparts of these functions have the opposite symmetry: $u_{k,x}^{(0)}$ is anti-symmetric while $u_{k,y}^{(0)}$ and $\phi_k^{{(0)}}$ are symmetric.
Combining the unperturbed solution in Eq.~\eqref{eq:zerosol} with the first-order correction in Eq.~\eqref{eq:deltasol}, we can obtain the velocity and potential profile in real space via a numerical Fourier transformation using Eq.~\eqref{eq:FT}.
\begin{figure*}
\centering
\includegraphics[height=6cm]{unp-ustream}
\includegraphics[height=6cm]{ustream2}
\includegraphics[height=6cm]{tot-ustream-5}
\caption{ Stream plots of (a) the unperturbed flow profile $\vec u^{(0)}$, (b) the perturbation $\delta \vec u$ and (c) the total solution $\vec u$. The inset shows the stream of $-\nabla\phi^{(0)}\times\hat{\vec z}$ with the same $x$ and $y$ scales as the main figure. We set $\mathcal {K}=1$.\label{Figstream} }
\end{figure*}
\begin{figure*}
\centering
\includegraphics[height=6cm]{unpphi}
\includegraphics[height=6cm]{phi2}
\includegraphics[height=6cm]{totphi}
\caption{(a) Unperturbed solution $\phi^{(0)}$, (b) the correction $\delta \phi$, and (c) the total potential $\phi$ after Fourier transformation. The inset shows $\nabla^2\delta \phi$ with the same $x$ and $y$ scales as the main figure. We set $\mathcal{K}=0.1$.\label{Figphi} }
\end{figure*}
\begin{figure}
\centering
\includegraphics[height=4cm]{nonlocal-resistance}
\caption{ (a) The electric potential and (b) the non-local resistance profile without Berry curvature (blue) and with Berry curvature (red), $\mathcal{K} =0.1$.\label{Fignonlocal} }
\end{figure}
In Figs.~\ref{Figux} and \ref{Figuy}, we display the components of $\vec
u^{(0)}$, $\delta \vec u$ and of the full solution $\vec u$. Inheriting the symmetry from its Fourier components, $u^{(0)}_x$
($u^{(0)}_y$) is anti-symmetric (symmetric) in $x$, whereas
$\delta u_x$ ($\delta u_y$) is symmetric (anti-symmetric). The
opposite symmetries of the unperturbed solution and the perturbation produce asymmetric flow structures in
the full solution $\vec u$ due to constructive and destructive superpositions.
Far from the inlet, $\vec u$ is dominated by $\vec u^{(0)}$, while near the inlet, $\vec u$ is strongly modified by the perturbation $\delta\vec u$. Importantly, the values of $u_y$ are not homogeneously positive but can also become negative near the inlet. This indicates non-trivial backflow due to the vorticity generated by the Berry curvature~\eqref{eq:vorticity}.
A stream plot of $\vec u^{(0)}$ is shown in Fig.~\ref{Figstream}(a). The
color follows the value of $u_y$: red (blue) indicates a positive
(negative) value. The light red stream lines are an order of
magnitude weaker than the main stream lines. The unperturbed flow $\vec u^{(0)}$ spreads out
from the inlet as expected~\cite{Falkovich2017}. Although no current whirlpool is present, the vorticity $\boldsymbol \omega=\nabla\times \vec u^{(0)}$ is non-zero as indicated by the curved stream lines away from $x=0$. The unperturbed vorticity $\boldsymbol \omega$ changes sign at $x=0$. Interestingly, the $\delta \vec u$ stream shows an intricate flow pattern where the sign of the vorticity changes twice along azimuthal direction (up-down-up), see Fig.~\ref{Figstream}(b). This complex structure is related to the coupling of the Berry curvature $\boldsymbol {\mathcal{B}}\propto \hat{\vec z}$ to the electric field $-\nabla \phi^{(0)}$ as shown in the inset. The $-\nabla\phi^{(0)}\times \hat{\vec z}$ profile is rather insensitive to the choice of boundary conditions, and the vortices in $\delta \vec u$ will persist even if we impose no-stress
boundary conditions. In Fig.~\ref{Figstream}(c), we show the resulting $\vec u$ stream for $\mathcal {K} = 1$. Away from the inlet, $\vec u$ approaches $\vec u^{(0)}$. In the vicinity of the inlet, the flow is highly asymmetric and exhibits whirlpools as a remnant of the contribution from $\delta \vec u$.
If the applied current and the Berry curvature $\mathcal{B}_z$ in experimental setups are small, they might result only in small values of $\mathcal{K}$. Therefore, even if whirlpools may exist, observing them might be challenging. Fortunately, the profile of the electric potential is far more sensitive to the presence of Berry curvature and one can therefore utilize it as an experimental tool to study Berry curvature effects in electron hydrodynamics.
\begin{figure}
\centering
\includegraphics[trim=0cm 0cm 0cm 0cm, clip,width=0.23\textwidth]{v0_stream.pdf}
\includegraphics[trim=0cm 0cm 0cm 0cm, clip,width=0.23\textwidth]{vD_stream.pdf}
\caption{Stream plots of (a) unperturbed $\vec u^{(0)}$ and (b) $\delta \vec u = \vec u - \vec u^{(0)}$ . We set $\mathcal{K} = 0.01$}
\label{FigUNum}
\end{figure}
\begin{figure}
\centering
\includegraphics[trim=0cm 0cm 0cm 0cm, clip,width=0.23\textwidth]{P0.pdf}
\includegraphics[trim=0cm 0cm 0cm 0cm, clip,width=0.23\textwidth]{PD.pdf}
\caption{Potential profiles (a) $\phi^{(0)}$ without the Berry curvature and (b) $\delta \phi = \phi - \phi^{(0)}$. We set $\mathcal{K} = 0.01$}
\label{FigPhiNum}
\end{figure}
In Fig.~\ref{Figphi}(a), we show the unperturbed profile of $\phi^{(0)}$ reproducing previous works~\cite{Pellegrino2016,Falkovich2017}. It is
well known that the sign change of the potential $\phi^{(0)}$ as a function of $x$
is a hallmark of viscous flow that leads to a negative non-local
resistance even without current backflow. On the other hand, $\delta
\phi$ is anti-symmetric in $x$ and changes sign multiple times along the
azimuthal direction [see Fig.~\ref{Figphi}(b)]. The asymmetric profile of $\delta \phi$ reflects an electric dipole moment induced by the Berry curvature as shown in the $\nabla^2\delta \phi$ plot in the inset of Fig.~\ref{Figphi}(b).
Both $\phi^{(0)}$ and $\delta\phi$ formally diverge at the origin as a result of imposing a current profile of the form $u_y=\delta(x)$ at $y=0$. This singularity
and the anti-symmetry of $\delta\phi$ greatly deform the total potential $\phi$ near the
origin even for small $\mathcal{K}=0.1$. Meanwhile, further away from
the origin, $\phi$ resembles the unperturbed potential $\phi^{{(0)}}$ because $\delta\phi$
decays faster than $\phi^{(0)}$ [see Eq.~\eqref{eq:deltasol}]. Scanning the potential along $x$ close to
the origin at $y=0.03 D$, we can compare the potential profile with and
without Berry curvature in Fig.~\ref{Fignonlocal}(a). The potential
with Berry curvature $\mathcal{K}=0.1$ (red) reaches significantly larger
values than the one without Berry curvature (blue). Importantly, near $x=0$
its sign changes, in contrast to the symmetric profile of
$\phi^{(0)}$. From this, we can deduce the non-local resistance defined as
$R_{\rm nl}=\left[\phi(x)-\phi(0)\right]/I$ in
Fig.~\ref{Fignonlocal}(b). Without Berry curvature, $R_{\rm nl}$ only shows negative values when sweeping along the $x$ axis. For nonzero Berry curvature, in contrast, we observe areas of both positive and negative $R_{\rm nl}$ when crossing $x=0$. While the results of our perturbative analysis only hold for a $\delta$-shaped inlet current, we expect that these qualitative features of $\phi$ and $R_{\rm nl}$ will not change even if we consider a finite inlet width.
\section{Numerical solution of the NSE}
To check the validity of the perturbative results, we solve Eq.~\eqref{eq:NSnodim} using the finite-element method. We first rewrite Eq.~\eqref{eq:NSnodim} in a variational form by multiplying the equation by a vector-valued test function $\mathbf{v}$ and then integrating over the entire system volume $\Omega$. Finally, the $\nabla^2\vec u$ term is integrated by parts using Green's identity, and we obtain the variational form
\begin{align}
-\mathcal{K}\integral{\Omega}{}{d\mathbf{r}}\ \vec v\cdot\left(\nabla\phi\times\boldsymbol{\mathcal{B}}\cdot\nabla\right)\mathbf{u} + \integral{\Omega}{}{d\mathbf{r}}\ \vec v\cdot\left( \nabla\phi-\vec u\right) & \nonumber \\ +\integral{\Omega}{}{d\mathbf{r}}\nabla\mathbf{u}\cdot \nabla \mathbf{v} - \integral{\partial\Omega}{}{ds}\mathbf{v}\cdot\frac{\partial\mathbf{u}}{\partial\hat{\mathbf{n}}}
&= 0,
\label{Eq:VariationalFormulation1}
\end{align}
where $\hat{\mathbf{n}}$ is the unit normal pointing out from the surface. Similarly we write the continuity equation in a variational form as well,
\begin{equation}
\integral{\Omega}{}{d\mathbf{r}}\left(\nabla\cdot\mathbf{u}\right)q = 0,
\label{Eq:VariationalFormulation2}
\end{equation}
where $q$ is a scalar test function. The variational problem consists in finding $\vec u$ and $\phi$ such that Eqs.~\eqref{Eq:VariationalFormulation1} and \eqref{Eq:VariationalFormulation2} are satisfied for all test functions $\vec v$ and $ q$.
To this end we have to specify the geometry, boundary conditions and
the function spaces. To stay as close a possible to our analytical calculation, we choose a rectangular geometry with a narrow inlet and outlet at the lower and upper edge, respectively~\cite{Levitov2016, Pellegrino2016}. Thus
our geometry is a rectangle of width $W = 2 D$ and height $H = 1 D$,
where $D$ is the diffusion length. The inlet and
outlet have widths $w_{\rm in/out} = 0.1D $. The boundary conditions on the inlet are $u_y^{\rm in} =
1$ and $\phi_{\rm in} = 1$ while on the outlet we choose $u_y^{\rm out} = 1$ (as required by the continuity equation in an incompressible medium) and
$\phi_{\rm out} = -1$. On the rest of the boundary we apply no-slip
boundary conditions. For the finite-element analysis, we use the space of Lagrange polynomials of second order as the function space for the velocity and the space of Lagrange polynomials of first order as the function space for the potential. Together these form a Taylor-Hood element appropriate for the numerical solution of Navier-Stokes equations. We have numerically implemented the problem using the \textit{FEniCS} package \cite{LangtangenLogg2017}.
We present the results of the numerical calculations in
Figs.~\ref{FigUNum} and~\ref{FigPhiNum}. Figure~\ref{FigUNum}(a)
shows the velocity profile $\vec u^{(0)}$ for a system without Berry
curvature. This can be directly compared to the
results of Refs.~\onlinecite{Levitov2016,Pellegrino2016}. The flow exhibits
a pair of whirlpools due to the backflow caused by the boundaries and the location of the whirlpools is comparable with what has been obtained in Ref.~\onlinecite{Levitov2016}.
Introducing a small Berry curvature ($\mathcal{K}=0.01$), we obtain small change in $\vec u$. This is shown in Fig.~\ref{FigUNum}(b), where we have plotted the difference $\delta \vec u=\vec u-\vec u^{(0)}$. Most notably, $\delta \vec u$ shows a circular flow with a whirlpool in
the center. The upward velocity in the right is reduced while in the
left it is increased by the Berry curvature. As a result, the whirlpools will shift towards the left of the geometry.
We note that we did not observe an additional whirlpool at the inlet, in contrast to what the perturbative solution in the half-plane
geometry predicted. Generally speaking, a quantitative agreement between analytical and numerical results is not expected because of the use of different geometries (infinite versus finite systems, infinitesimal vs.~finite inlet and outlet widths), as well as the small $\mathcal{K}$ value chosen for the numerical simulation. Nevertheless the different
symmetries of $\vec u$ and $\delta \vec u $ in $x$ are an excellent agreement with the analytical solution for the
half-plane geometry, resulting in an asymmetric flow profile $\vec u$. We note that
large values for $\mathcal{K}$ make Eq.~\eqref{Eq:VariationalFormulation1}
highly nonlinear, and the ensuing onset of turbulence makes it challenging to reach convergence in the numerical solution.
The profile of the electric potential in the rectangular geometry qualitatively reproduces previous
results~\cite{Levitov2016,Pellegrino2016} as shown in
Fig.~\ref{FigPhiNum}(a). While the analytical solution rests on assuming a $\delta$-shaped current inflow, the inlet and outlet in our numerical solutions have finite widths. As a consequence, there is no singularity of the potential at the inlet and
outlet. In contrast, sign changes of the
potential near the inlet and outlet agree with the analytical predictions and can be seen as a signature of viscous flow.
The Berry curvature modifies the potential profile as shown in Fig.~\ref{FigPhiNum}(b). Similar to previous analysis, the change of potential $\delta\phi =\phi-\phi^{(0)}$, plotted in Fig.~\ref{FigPhiNum}(b) makes it easier to recognize the effect of the Berry curvature. Focusing on the lower half, the asymmetric profile
of $\delta \phi$ will expand the blue (red) region of $\phi^{(0)}$ in
the right (left) side. As a result, the tails of the positive potential (red) near the bottom and of the negative potential (blue) near the top will be diverted to the left. The symmetries of $\phi^{(0)}$ and $\delta\phi$ in the rectangular geometry are consistent with those in half-plane geometry obtained from perturbation theory.
\section{Conclusions}
In summary, we have derived the Navier-Stokes equation for a two-dimensional electron liquid in the
presence of Berry curvature in a system with broken time-reversal
symmetry. For a Fermi energy slightly above the gap and at an
intermediate temperatures, the longitudinal viscous current can exceed the Hall
current at small electric fields. This allows for the observation of
an unconventional one-dimensional Poiseuille flow in which the maximum velocity deviates
from the center of the channel due to the Berry curvature. In the case of a two-dimensional geometry, the Berry curvature induces an electric dipole momentum leading to several interesting consequences: current whirlpools as well as asymmetric velocity and potential profiles. The changes of the flow velocity profile and the potential due to the Berry curvature have an opposite symmetry as the corresponding unperturbed quantities. Our analytical results based on a perturbative
method to solve the Navier-Stokes equation have been qualitatively confirmed by a numerical study based on
finite-element methods. We have shown that the presence of Berry curvature can be analyzed experimentally by a non-local resistance measurement in the vicinity of the inlet current.
\begin{acknowledgments}
The authors acknowledge helpful discussions with K.~Moors. All authors acknowledge support by the National Research Fund, Luxembourg under grants ATTRACT 7556175, CORE 13579612, and CORE 11352881.
\end{acknowledgments}
|
\section{Some numerical results on irregular meshes}\label{sec:irreg}
In order to support the theoretical analysis of the method, we have applied it on irregular meshes. The goal is to show that even here, one \remiIII{gets} convergence of the solution to a weak solution that appears to be the right one. Since we use the same schemes, there is no hope to get anything but first order accuracy. Accuracy on irregular meshes will be the topic of future work.
The mesh is defined by: for $0\leq i\leq N$,
$$ y_0=0, \quad y_{i+1}=y_i+\Delta y, \quad \Delta y=\dfrac{1+\epsilon_i/2}{N}$$
and
$$\epsilon_0=-1, \epsilon_{i+1}=-\epsilon_i.$$
Then we define the actual mesh by
$$x_i=\dfrac{y_i}{y_N}.$$
On the Sod problem, with $N=10000$, we get the results of the figure \ref{sod:irregular}.
\begin{figure}[h]
\subfigure[$\rho$]{\includegraphics[width=0.45\textwidth]{Sod_ro_irreg.pdf}}
\subfigure[$p$]{\includegraphics[width=0.45\textwidth]{Sod_p_irreg.pdf}}
\subfigure[$u$]{\includegraphics[width=0.45\textwidth]{Sod_u_irreg.pdf}}
\subfigure[$s$]{\includegraphics[width=0.45\textwidth]{Sod_s_irreg.pdf}}
\caption{\label{sod:irregular} Plot of the density, pressure, velocity and the pressure. This is obtained with the "third order" with MOOD test on the density and the pressure.}
\end{figure}
On figure \ref{sod:irregular:zoom}, we show a zoom of the density around the shock wave. The discretisation points as well as the numerical and exact solution are shown.
\begin{figure}[h]
\begin{center}
{\includegraphics[width=0.45\textwidth]{Sod_ro_zoom_irreg.pdf}}
\end{center}
\caption{\label{sod:irregular:zoom} Zoom of the density around the shock wave.}
\end{figure}
\section{Linear stability analysis}\label{appendix:linearstability}
The scheme writes, setting $\lambda=a\tfrac{\Delta t}{\Delta x}$ and assuming $a>0$,
\begin{equation*}
\begin{split}
u_{j}^{n+1}&=u^n_j-2\lambda \delta_ju^n\\
\bar u_{j+1/2}^{n+1}&=\bar u_{j+1/2}^n-\lambda \big ( u_{j+1}^n-u_j^n\big )
\end{split}
\end{equation*}
on with periodicity $1$. We set $\Delta x=\tfrac{1}{N}$
It is more convenient to work with point values only, and we will use the form:
\begin{equation*}
\begin{split}
u_{j}^{n+1}&=u^n_j-2\lambda \delta_ju^n\\
u_{j+1/2}^{n+1}&=u_{j+1/2}^n -\lambda \bigg ( \frac{3}{2}\big ( u_{j+1}^n-u_j^n\big )-\frac{1}{4}\big ( \delta_j u^n+\delta_{j+1}u^n\big )\bigg ).
\end{split}
\end{equation*}
We perform a linear stability analysis by Fourier analysis. What is not completely standard is that the grid points do not play the same role. For ease of notations, we double the indices, this avoids to have half integer in the Fourier analysis. In other points, the quantities $u_j$ associated to the grid points $x_j$ are denoted by $u_{2j}$: this will be the even terms. Those associated to the intervals $[x_j,x_{j+1}]$, i.e. $\bar u_{j+1/2}$ and $u_{j+1/2}$ will be denoted as $\bar u_{2j+1}$ and $u_{2j+1}$, they are the odd terms, so that we use
{\color{green}\begin{equation}\label{stab:forward}
\begin{split}
u_{2j}^{n+1}&=u^n_j-2\lambda \delta_{2j}u^n\\
u_{2j+1}^{n+1}&=u_{2j+1}^n -\lambda \bigg ( \frac{3}{2}\big ( u_{2j+2}^n-u_{2j}^n\big )-\frac{1}{4}\big ( \delta_{2j}u^n+\delta_{2j+2}u^n\big )\bigg ).
\end{split}
\end{equation} }
We have the Parseval equality,
$$\frac{1}{2N}\sum\limits_{0}^{2N-1} u_j^2=\sum_{k=0}^{2N-1} \vert \hat{u}(k)\vert^2,$$
with
$$\hat{u}(k)=\frac{1}{2N}\sum\limits_{j=0}^{2N-1} u_je^{2i\pi\frac{kj}{2N}}=\frac{1}{2}\big ( \hat{u}_o(k)+\hat{u}_e(k)\big )$$
with, setting $\omega=e^{\frac{i\pi}{N}}$
\begin{equation*}
\hat{u}_o(k)=\frac{1}{N}\sum\limits_{j=0}^{N-1} u_{2j+1} \omega^{(2j+1)k}, \quad
\hat{u}_e(k)=\frac{1}{N}\sum\limits_{j=0}^{N-1} u_{2j} \omega^{(2j)k}
\end{equation*}
The usual shift operator $[S(u)]_j=u_{j+1}$ gives:
\begin{equation*}
\hat{S(u)}_o=\omega^{-k} \hat{u}_e, \quad \hat{S(u)}_e=\omega^{-k} \hat{u}_o.
\end{equation*}
Using this, we see that the Euler forward method \eqref{stab:forward} gives
\begin{equation}\label{stab:2}
\begin{pmatrix}
\hat{u}_o^{n+1}\\
\hat{u}_e^{n+1}\end{pmatrix}=\bigg ( \text{Id}-\lambda H\bigg ) \begin{pmatrix}
\hat{u}_o^{n}\\
\hat{u}_e^{n}\end{pmatrix}
\end{equation}
with
$$H_1(k)=\begin{pmatrix}
\frac{1+\omega^{2k}}{4}& \frac{5\omega^{-k}+7\omega^k}{4}\\
0& 2\big (1-\omega^k\big )\end{pmatrix}
$$ for the first order in space scheme,
$$H_2(k)=
\begin{pmatrix}
\frac{1+\omega^{2k}}{2} & \frac{9}{8}\omega^{-k}-2\omega^{-k}-\frac{\omega^{3k}}{8}\\
0& 2\big (1-\omega^k\big )\end{pmatrix}
$$ for the second order scheme and
$$H_3(k)
=
\begin{pmatrix}
\frac{\omega^{-2k}}{12}+\frac{1}{24}+\frac{\omega^{2k}}{12}-\frac{\omega^{4k}}{24} &
\frac{31}{24}\omega^{-k}-\frac{3}{2}\omega^k+\frac{\omega^{2k}}{12}+\frac{5}{24}\omega^{3k}\\
0& 2\big (1-\omega^k\big )\end{pmatrix}
$$ for the third order in time space.
Combined with the RK time stepping we end up with an update of the form
$$\begin{pmatrix}
\hat{u}_o^{n+1}\\
\hat{u}_e^{n+1}\end{pmatrix}=G_k\begin{pmatrix}
\hat{u}_o^{n}\\
\hat{u}_e^{n}\end{pmatrix}$$
and writing $$G_k=\begin{pmatrix}\alpha_k & \beta_k\\
\gamma_k & \delta_k \end{pmatrix}$$ we end up with
\begin{equation*}
\begin{split}
\hat{u}_o^{n+1}&=\alpha_k \hat{u}_o^{n}+\beta_k \hat{u}_e^{n}\\
\hat{u}_e^{n+1}&=\gamma_k \hat{u}_o^{n}+\delta_k \hat{u}_e^{n}\\
\end{split}
\end{equation*}
so that
$$\hat{u}^{n+1}=\frac{\alpha_k+\gamma_k}{2}\hat{u}_o^n+\frac{\beta_k+\delta_k}{2}\hat{u}_e^n,$$
from which we get
$$\vert \hat{u}^{n+1}\vert^2=\frac{1}{4}\overline{ \begin{pmatrix} \hat{u}_o^n & \hat{u}_e^n\end{pmatrix} } M_k
\begin{pmatrix} \hat{u}_o^n \\ \hat{u}_e^n\end{pmatrix}
$$
with
$$M_k= \frac{1}{4}\begin{pmatrix} \vert \alpha_k+\gamma_k\vert^2 & \big(\alpha_k+\gamma_k\big )\overline{ \big (\beta_k+\delta_k \big )}\\
\overline{ \big(\alpha_k+\gamma_k\big )} { \big (\beta_k+\delta_k \big )} & \vert \beta_k+\delta_k \vert^2\end{pmatrix}
$$
We have stability if the spectral radius of these matrices is always $\leq 1$, and we immediately see that
$$\rho(M_k)=\frac{1}{4}\bigg ( \vert \alpha_k+\gamma_k\vert^2+\vert \beta_k+\delta_k \vert^2\bigg ).$$
After calculations, we see that the stability limits are:
\begin{itemize}
\item First order scheme, $\vert \lambda\vert\leq 0.92$,
\item Second order scheme, $\vert\lambda\vert\leq 0.6$,
\item Third order scheme, $\vert\lambda\vert\leq 0.5$.
\end{itemize}
}
\section{Proof of proposition \ref{LxW}.}\label{appendix}
We show the proposition \ref{LxW} in the scalar case, the system case is identical.
We start by some notations: $\mathbb R$ is subdivided into intervals $K_{j+1/2}=[x_j,x_{j+1}]$ with $x_j<x_{j+1}$, and $h$ will be the maximum of the length of the $K_{j+1/2}$. On each interval, from the
point values $u_i$ and $u_{i+1}$, as well as the average $\bar{u}_{j+1/2}$ we can construct a quadratic polynomial . From this and as above, we can construct a globally continuous piecewise quadratic function, that for simplicity of notations we will denote by $R_{u _\Delta}$.
Let $T>0$ and a time discretisation $0<t_1<\ldots <t_n<\ldots <t_N\leq T$ of $[0,T]$. We define $\Delta t_n=t_{n+1}-t_n$ and $\Delta t=\max\limits_n \Delta t_n$. We are given the sequences $\{u_j^p\}_{j\in \mathbb Z}^{p=0\ldots N}$ and $\{{\bar u}_{j+1/2}^n\}_{j\in \mathbb Z}^{p=0, \ldots, N}$. We can define a function $u_{\Delta}$ by:
$$\text{ if }(x,t)\in [x_j,x_{j+1}]\times [t_{n}, t_{n+1}[, \text{ then } u _\Delta(x,t)=R_{u^n_\Delta}(x).$$
The set of these functions is denoted by $X _{\Delta}$ and is equipped with the $L^\infty$ and $L^2$ norms.
We have the following lemma
\begin{lemma}\label{weakBV}
Let $T>0$ , $\{t_n\}_{n=0, \ldots , N}$ an increasing subdivision of $[0,T]$, $[a,b]$ a compact of $\mathbb R$. Let $(u _\Delta)_{h}$ a sequence of functions of $X _\Delta$ defined on $\mathbb R\times \mathbb R^+$. We assume that there exists $C\in \mathbb R$ independent of $\Delta$ and $\Delta t$, and $\mathbf{u}\in L^2_{loc}([a,b]\times [0,T])$ such that
$$\sup\limits _\Delta\sup\limits_{x,t}\vert u _\Delta(x,t)\vert \leq C\quad \text{ and } \lim\limits _{\Delta, \Delta t\rightarrow 0}\vert u _\Delta-u\vert_{L^2([a,b]\times[0,T])}=0.$$
Then
\begin{equation}
\label{appendix:1}\lim\limits_{\Delta, \Delta t\rightarrow 0}\sum_{n=0}^N\Delta t_n \bigg [\sum_{j\in \mathbb Z}\Delta_{j+1/2}\bigg ( \vert u_{j}^n-\bar{u} _{j+1/2}^{n}\vert + \vert u_{j+1}^n-\bar{u} _{j+1/2}^{n}\vert+\vert u_{j}^n-u_{j+1}^n\vert \bigg )\bigg ] =0.\end{equation}
\end{lemma}
\begin{proof}
First, because the vector space of polynomials of degree 3 on $[x_j,x_{j+1}]$ is finite dimensional and with a dimension independent of $j$, there exists $C_1$ and $C_2$ such that
{\begin{equation*}
\begin{split}C_1 \Delta_{j+1/2}\bigg ( \vert u_{ j}^n-\bar{u} _{j+1/2}^{n}\vert + \vert u_{ j+1}^n-\bar{u} _{j+1/2}^{n}\vert\bigg )\leq \int_{x_j}^{x_{j+1}}& \vert u _\Delta(x,t_n)-{\bar u} _{j+1/2}^n\vert \; dx\\
&\leq C_2 \Delta_{j+1/2}\bigg ( \vert u_{ j}^n-\bar{u} _{j+1/2}^{n}\vert + \vert u_{j+1}^n-\bar{u} _{j+1/2}^{n}\vert\bigg )
\end{split}
\end{equation*} }
so that
$$\sum_{n=0}^K \Delta t_n \sum\limits_{j, K_{j+1/2}\subset [a,b]} \Delta_{j+1/2}\bigg ( \vert u_{ j}^n-\bar{u} _{j+1/2}^{n}\vert + \vert u_{ j+1}^n-\bar{u} _{j+1/2}^{n}\vert\bigg )\leq C_1^{-1} \int_0^T\int_a^b \vert u _\Delta-\bar u _\Delta\vert \; dx,$$
where for simplicity we have introduced $\bar u _\Delta$ the function defined by:
$$\text{ if }(x,t)\in [x_j,x_{j+1}[\times [t_n, t_{n+1}[, \bar u _\Delta(x,t)={\bar u}_{j+1/2}^{n}.$$
Then we rely on classical arguments of functional analysis: since $(u _\Delta)$ is bounded, and since $L^\infty([a,b]\times [0,T]) \subset L^1([a,b]\times [0,T]) $, there exists $u'\in L^\infty([a,b]\times [0,T]$ such that $u _\Delta\rightarrow u'$ in the weak-$\star$ topology. Similarly, there exists $\bar u\in L^\infty([a,b]\times [0,T])$ such that ${\bar u} _\Delta\rightarrow \bar u$ for the weak-$\star$ topology.
Since $u _\Delta\rightarrow u$ in $L^2_{loc}$, we have $u'=u$ because $[a,b]\times [0,T]$ is bounded and $C_0^\infty([a,b]\times[0,T])$ is dense in $L^1([a,b]\times [0,T])$. Let us show that $\bar u=u$. let $\varphi\in C_0^\infty(\mathbb R\times \mathbb R^+)$. We have, setting {
{$$\bar \varphi_{j+1/2}^n=\dfrac{1}{\Delta_{j+1/2}\Delta t_n}\int_{t_n}^{t_{n+1}} \int_{x_j}^{x_{j+1}} \varphi(x,t)\; dxdt,$$}
\begin{equation*}
\begin{split}
\int_0^T \int_a^b \big ( \bar u _\Delta-u _\Delta\big ) \varphi\; dx dt&=\sum_n \sum\limits_{a\leq x_j<x_{j+1}\leq b}
\int_{t_n}^{t_{n+1}}\int_{x_j}^{x_{j+1}} \big ( \bar u _\Delta-u_\Delta\big ) \varphi\; dx dt\\
&=\sum_n \sum\limits_{a\leq x_j<x_{j+1}\leq b}\Bigg ( \int_{t_n}^{t_{n+1}}\int_{x_j}^{x_{j+1}} \big ( \bar u _\Delta-u_\Delta\big ) \varphi\; dx dt -
\int_{t_n}^{t_{n+1}}\int_{x_j}^{x_{j+1}} \big ( \bar u _\Delta-u_\Delta\big ) \bar \varphi_{j+1/2}^n\; dx dt\Bigg )\\
&=\sum_n \sum\limits_{a\leq x_j<x_{j+1}\leq b}\int_{t_n}^{t_{n+1}}\int_{x_j}^{x_{j+1}}\big ( \bar u _\Delta-u_\Delta\big )\big ( \varphi-\bar\varphi_{j+1/2}^n\big ) \; dx dt
\end{split}
\end{equation*}
using the fact that for any $[x_j, x_{j+1}]\times [t_n, t_{n+1}]$, we have $ \int_{t_n}^{t_{n+1}}\int_{x_j}^{x_{j+1}} \big ( \bar u _\Delta-u_\Delta\big ) \;dx\; dt=0$.}
Since $\varphi\in C_0^\infty(\mathbb R\times \mathbb R^+)$, there exists $C$ that depends only on $\Vert \dfrac{d\varphi}{dx}\Vert_{L^\infty(\mathbb R\times \mathbb R+)}$ such that
$$\bigg \vert \int_{x_j}^{x_{j+1}} \big (\bar u _\Delta-u_\Delta\big )\big ( \varphi-\bar\varphi\big ) \; dx dt\bigg \vert\leq \Delta t \Delta_{j+1/2}\; \Delta \max\limits_{j\in \mathbb Z, n\leq N}\big ( \vert u_j^n\vert , \vert {\bar u}_{j+1/2}^n\vert \big )\leq \Delta t \Delta^2\max\limits_{j\in \mathbb Z, n\leq N}\big ( \vert u_j^n\vert , \vert {\bar u}_{j+1/2}^n\vert \big ) $$
and then,
$$\bigg \vert \int_0^T \int_a^b \big ({\bar u} _\Delta-u _\Delta\big ) \varphi \; dx dt\bigg \vert \leq C \; \Delta$$
and passing to the limit, $\bar u=u'$. Since a subsequence of $u _\Delta$ converges to $u$ in $L^2$, we have $\bar u=u'=u$.
The same method shows that $(u _\Delta^2)$ and $({\bar u} _\Delta^2)$ have the same weak-$\star$ limit. Let us show it is $u^2$. Since $C_0^\infty([a,b]\times [0,T]$ is dense in $L^1([a,b]\times [0,T]$), and since $u _\Delta^2$ is bounded independently of $\Delta$ and $\Delta t$, we can choose functions $\phi$ in $C_0^\infty([a,b]\times [0,T])$. This test function is bounded in $[a,b]\times [0,T]$ and then, we have, at least for a subsequence,
$$\int_{a}^b\int_{0}^T \vert u-u _\Delta\vert^2 \; dx dt \rightarrow 0,$$
and then
$$
\int_a^b\int_{0}^T u _\Delta^2\; dx dt-2\int_a^b\int_{0}^T u _\Delta \, u\; dx dt+ \int_a^b\int_{0}^T u^2\; dx dt\rightarrow 0.$$
By the Cauchy-Schwarz inequality, $u\phi\in L^1([a,b]\times [0,T])$: the second term tends towards
$$\int_a^b\int_{0}^T u^2\; dxdt,$$ so that
$$\int_a^b\int_{0}^T u _\Delta^2\; dx dt- \int_a^b\int_{0}^T u^2\; dx dt\rightarrow 0.$$
and $u _\Delta^2\rightarrow u^2$ in $L^\infty$ weak-$\star$.
Last, again by the same argument for $\phi=1$, since $u _\Delta^2\rightarrow u^2$ in $L^\infty$ weak-$\star$, we get
$$\int_a^b\int_{0}^T\vert \bar u _\Delta-u\vert^2 \; dx dt\rightarrow 0,$$
and finally
$$\int_a^b\int_{0}^T\vert \bar u _\Delta-u _\Delta\vert^2 \; dx dt\rightarrow 0.$$
Since $[a,b]\times [0,T]$ is bounded, $L^1([a,b]\times [0,T])\subset L^2([a,b]\times [0,T])$, we obtain
$$
\lim\limits_{ \Delta, \Delta t\rightarrow 0}\sum_{n=0}^N\Delta t_n \bigg [\sum_{j\in \mathbb Z}\Delta_{j+1/2}\bigg ( \vert u_{ j}^n-\bar{u} _{j+1/2}^{n}\vert + \vert u_{j+1}^n-\bar{u} _{j+1/2}^{n}\vert \bigg )\bigg ] =0$$
From this we get \eqref{appendix:1} because
$$\vert u_{ j}^n-u_{ j+1}^n\vert \leq \vert u_{ j}^n-\bar{u} _{j+1/2}^{n}\vert+\vert u_{ j+1}^n-\bar{u} _{j+1/2}^{n}\vert.$$
\end{proof}
Then we can proof proposition \ref{LxW}. We proceed the proof in several lemma.
\begin{lemma}
Under the conditions of proposition \ref{LxW}, for any $\varphi\in C_0^\infty(\mathbb R\times \mathbb R^+)$ we have
\begin{equation*}
\begin{split}
\lim\limits_{\Delta t\rightarrow 0, \Delta\rightarrow 0} \sum\limits_{n=0}^\infty\sum\limits _{[x_j, x_{j+1}], j\in \mathbb Z}&\dfrac{\Delta_{j+1/2}}{6}\bigg ( \varphi_{j+1}^n(\mathbf{u}_{j+1}^{n+1}-\mathbf{u}_{j+1}^n)+4\varphi_{j+1/2}^n (\mathbf{u}_{j+1/2}^{n+1}-\mathbf{u}_{j+1/2}^n)+ \varphi_{j}^n(\mathbf{u}_{j}^{n+1}-\mathbf{u}_j^n)\bigg )\\&=
-\int_{\mathbb R\times \mathbb R^+} \dpar{\varphi}{t} u \; dx dt+\int_\mathbb R \varphi(x,0) u_0\; dx dt.\end{split}\end{equation*}
\end{lemma}
\begin{proof}
This is a simple adaptation of the classical proof, see for example \cite{MR1304494}. We have, using that
$$\delta u_{j+1/2}=\frac{3}{2}\overline{\delta u}_{j+1/2}-\frac{\delta u_j+\delta u_{j+1}}{4}$$
and the compactness of the support of $\varphi$,
\begin{equation*}
\begin{split}
\sum\limits_{n=0}^\infty\sum\limits _{[x_j, x_{j+1}], j\in \mathbb Z}&\dfrac{\Delta_{j+1/2}}{6}\bigg ( \varphi_{j+1}^n(\mathbf{u}_{j+1}^{n+1}-\mathbf{u}_{j+1}^n)+4\varphi_{j+1/2}^n (\mathbf{u}_{j+1/2}^{n+1}-\mathbf{u}_{j+1/2}^n)+ \varphi_{j}^n(\mathbf{u}_{j}^{n+1}-\mathbf{u}_j^n)\bigg )\\&=
\underbrace{\sum\limits_{n=0}^\infty \sum\limits _{[x_j, x_{j+1}], j\in \mathbb Z}\Delta_{j+1/2} \varphi_{j+1/2}\overline{\delta u}_{j+1/2}}_{(I)} \\
&\qquad + \underbrace{\sum\limits_{n=0}^\inft
\sum\limits_{j\in \mathbb Z}\bigg ( \frac{\Delta_{j+1/2}}{6} \big ( \varphi_{j}-\varphi_{j+1/2}\big ) +\frac{\Delta_{j-1/2}}{6}\big ( \varphi_{j}-\varphi_{j-1/2}\big )\bigg )\delta u_j
}_{(II)}
\end{split}
\end{equation*}
where $\overline{\delta \mathbf{u}}_{j+1/2}=\bar\mathbf{u}_{j+1/2}^{n+1}-\bar\mathbf{u}_{j+1/2}^{n}$ and $\delta \mathbf{u}_{j} =\mathbf{u}_j^{n+1}-\mathbf{u}_j^n$.
The first part, $(I)$, is the classical term, and under the condition of the lemma, converges to
$$-\int_{\mathbb R\times \mathbb R^+} \dpar{\varphi}{t} u \; dx dt+\int_\mathbb R \varphi(x,0) u_0\; dx dt.$$
Since $\varphi\in C_0^\infty(\mathbb R\times \mathbb R^+)$, there exists $C$ that depends only on the $L^\infty$ norm of the first derivative of $\varphi$ such that the term $(II)$ can be bounded by
\begin{equation*}
\begin{split}
\bigg \vert \sum\limits_{n=0}^N\Delta t_n
\sum\limits_{j\in \mathbb Z}\bigg ( \frac{\Delta_{j+1/2}}{6} \big ( \varphi_{j}-\varphi_{j+1/2}\big ) &+\frac{\Delta_{j-1/2}}{6}\big ( \varphi_{j}-\varphi_{j-1/2}\big )\bigg )\delta u_j
\bigg \vert \leq C
\sum\limits_{n=0}^N \Delta t \; \Delta
\sum\limits_{j\in \mathbb Z}\Delta_{j+1/2} \vert \delta u_j\vert \\
& \quad \leq C T(b-a) \Delta \max\limits_{j,p\in \mathbb N}\vert\mathbf{u}_j^p\vert.
\end{split}
\end{equation*}
This tends to zero because $\max\limits_{j\in \mathbb Z,p\in \mathbb N}\vert\mathbf{u}_j^p\vert$ is finite.
\end{proof}
\begin{lemma}
Under the assumptions of proposition \ref{LxW},
$$\lim\limits_{\Delta t, \Delta\rightarrow 0}\sum\limits_{n=0}^\infty\sum\limits _{[x_j, x_{j+1}], j\in \mathbb Z}\Delta t_n \varphi_{j+1/2} \delta_{j+1/2} {\mathbf {f}}=-\int_{\mathbb R\times \mathbb R^+} \dpar{\varphi}{x}f(u) \; dx dt.$$
\end{lemma}
\begin{proof}
This is again a simple adaptation of the classical proof since $\delta_{j+1/2}f=f(u_{j+1})-f(u_j)$. We have {
$$\sum\limits _{[x_j, x_{j+1}], j\in \mathbb Z}\varphi_{j+1/2} \delta_{j+1/2} {\mathbf {f}}=-\sum\limits_{ j\in \mathbb Z}{\mathbf {f}}(\mathbf{u}_j)\big ( \varphi_{j+1/2}-\varphi_{j-1/2}\big ) ,$$}
Then using the boundedness of the solution and Lebesgue dominated convergence theorem, we get the result.
\end{proof}
Then we have
\begin{lemma}
Under the conditions of proposition \ref{LxW}, we have
$$\lim\limits_{\Delta t, \Delta \rightarrow 0}\bigg (\sum\limits_{n\in \mathbb N}\sum\limits_{j\in \mathbb Z} \delta_{j}^{n+1/2} \mathbf{u}
\bigg \{\Delta_{j+1/2}\big ( \varphi_j-\varphi_{j+1/2}\big ) +\Delta_{j-1/2}\big (\varphi_j-\varphi_{j-1/2}\big )\bigg \}\Bigg )=0$$
\end{lemma}
\begin{proof}
Since $\varphi\in C_0^\infty(\mathbb R\times \mathbb R^+)$, there exists $C$ that depends only on the first derivative of $\varphi$ such that
$$\vert \Delta_{j+1/2}\big ( \varphi_j-\varphi_{j+1/2}\big ) +\Delta_{j-1/2}\big (\varphi_j-\varphi_{j-1/2}\big )\vert \leq C \Delta\; (\Delta_{j+1/2}+\Delta_{j-1/2}).$$
Then using \eqref{schemedisc:3}, we see that
$$\delta_j^{n+1/2}:=\mathbf{u}_j^{n+1}-\mathbf{u}_j^n=-\dfrac{\Delta t_n}{\Delta_j } \delta_x\mathbf{u}_{j},$$
so that
\begin{equation*}
\begin{split}
\Vert \sum\limits_{j\in \mathbb Z} \delta_{j}^{n+1/2} \mathbf{u}
\bigg \{\Delta_{j+1/2}\big ( \varphi_j-\varphi_{j+1/2}\big ) &+\Delta_{j-1/2}\big (\varphi_j-\varphi_{j-1/2}\big )\bigg \}\Bigg )\Vert
\leq C \Delta t_n\sum\limits_{j\in \mathbb Z} \Vert \delta_{x}^{n+1/2} \mathbf{u}\Vert \Delta_j\\
&=C \Delta \Delta t_n\sum\limits_{j\in \mathbb Z} \Vert \delta_x\mathbf{u}_{j}\Vert=C\Delta \sum\limits_{j\in Z}\sum\limits_{l=-p}^{l=p}\vert \mathbf{u}_{j+l}-\bar\mathbf{u}_{j+l+1/2}\vert
\end{split}
\end{equation*}
using the Lipschitz continuity of the fluctuations and the regularity of the transformation $\mathbf{v}\mapsto \mathbf{u}$ together with the boundedness of the solution.
Then, from lemma \ref{weakBV}, we see that the results holds true.
\end{proof}
Then ends the proof of proposition \ref{LxW}.
}
\section{Introduction}
The notion of conservation is essential in the numerical approximation of hyperbolic systems of conservation: if it is violated, there is no chance, in practice, to compute the right weak solution in the limit of mesh refinement. This statement is known since the celebrated work of Lax and Wendroff \cite{laxwendroff}, and what happens when conservation is violated has been discussed by Hou and Le Floch \cite{hou}. This conservation requirement imposes the use of the conservation form of the system. However, in many practical situations, this is not really the one one would like to deal with, since in addition to conservation constraints, one also seeks for the preservation of additional features, like contacts for fluid mechanics, or entropy decrease for shocks.
In this paper, we are interested in compressible fluid dynamics. Several authors have already considered the problem of the correct discretisation of the non conservative form of the system. In the purely Lagrangian framework, when the system is described by the momentum equation and the Gibbs equality, this has been done since decades: one can consider the seminal work of Wilkins, to begin with, and the problem is still of interest: one can consider \cite{Rieben,svetlana1,svetlana2} where high order is sought for. In the case of the Eulerian formulation, there are less work. One can mention \cite{herbin,despre,ksenya} where staggered meshes are used, the thermodynamic variables are localised in the cells, while the kinetic ones are localised at the grid points, or \cite{paola} where a non conservative formulation with correction is used from scratch. The first two references show how to construct at most second order scheme, while the last one shows this for any order. All constructions are quite involved in term of algebra, because one has to transfert information from the original grid and the staggered one.
In this paper, we aim at showing how the notion of conservation introduced in the residual distribution framework \cite{conservationRD} is flexible enough to allow to deal directly with the non conservative form of the system, while the correct solutions are obtained in the limit of mesh refinement. More precisely, we show how to to deal both with the conservative and non conservative form of the PDE, without any switch, as it was the case in \cite{karni}. We illustrate our strategy on several versions of the non conservative form, and provide first, second order and third order accurate version of the scheme. More than a particular example, we describe a general strategy which is quite simple.
The systems on which we will work are descriptions of the Euler equations for fluid mechanics:
\begin{itemize}
\item The conservation one:
\begin{equation}
\label{eq:conservative}\dpar{}{t}\begin{pmatrix}\rho \\ \rho u \\ E\end{pmatrix}+\dpar{}{x}\begin{pmatrix} \rho u\\ \rho u^2+p\\ u(E+p)\end{pmatrix}=0\end{equation}
\item the primitive formulation:
\begin{equation}\label{eq:primitive}\dpar{}{t}\begin{pmatrix}\rho \\ u \\ p\end{pmatrix}+\begin{pmatrix}\dpar{\rho u}{x}\\
u\dpar{u}{x}+\frac{1}{\rho}\dpar{p}{x}\\
u\dpar{p}{x}+(e+p)\dpar{u}{x}
\end{pmatrix}=0
\end{equation}
\item The "entropy" formulation:
\begin{equation}\label{eq:entropy}
\dpar{}{t}\begin{pmatrix}p \\ u \\ s\end{pmatrix}+\begin{pmatrix}u\dpar{p}{x}+(e+p)\dpar{u}{x}\\
u\dpar{u}{x}+\frac{1}{\rho}\dpar{p}{x}\\
u\dpar{s}{x}
\end{pmatrix}=0
\end{equation}
\end{itemize}
where as usual $\rho$ is the density, $u$ the velocity, $p$ the pressure, $E=e+\tfrac{1}{2}\rho u^2$ is the total energy, $e=(\gamma-1)p$ and $s=\log (p)-\gamma \log(\rho)$ is the entropy. The ratio of specific heats, $\gamma$ is supposed to be constant here, mostly for simplicity.
\remi{This paper has several source of inspirations. The first one is the residual distribution (RD) framework, and in particular \cite{conservationRD}. The second one is the family of active flux \cite{AF1,AF2,AF3,AF4,AF5}, where the solution is represented by a cell average and point values. The conservation is recovered from how the average is updated. Here the difference comes from the fact that in addition several forms of the same system can be conserved, as \eqref{eq:conservative}, \eqref{eq:primitive}, \eqref{eq:entropy} for the point value update while a Lax Wendroff like result can still be shown. If the same system were used, both for the cell average and the point values, this would easily fit into the RD framework, using the structure of the polynomial reconstruction. The difference with Active Flux is that we use only the representation of the solution within one cell, and not a fancy flux evaluation. Another difference is about the way the solution is evolved in time: the AF method uses the method of characteristics to evolve the point value, while here we rely on more standard Runge-Kutta methods.}
The format of the paper is \remiIII{ as follows}. In a first part, we explain the general principles of our method, and justify why, under the assumptions made on the numerical sequence for the Lax-Wendroff theorem (boundedness in $L^\infty$ and strong convergence in a $L^p$, $p\geq 1$, of a subsequence toward a $v\in L^p$, then this $v$ is a weak solution of the problem), \remi{we can also show the convergence of a subsequence to a weak solution of the problem, under the same assumptions.}
{ In the second part, we describe several discretisations of the method, and in a third part we provide several simulations to illustrate the method.}
In this paper, the letter $C$ denotes a constant, and we uses the standard "algebra", for example $C\times C=C$, $C+C=C$, or $\alpha C=C$ for any constant $\alpha\in \mathbb R$.
\section{The method}
\subsection{Principle}
We consider the problem
\begin{subequations}
\label{eq:1}
\begin{equation}
\label{eq:1:1}
\dpar{\mathbf{u}}{t}+\dpar{{\mathbf {f}}(\mathbf{u})}{x}=0, \qquad x\in \mathbb R
\end{equation}
with the initial condition
\begin{equation}
\label{eq:1:2}
\mathbf{u}(x,0)=\mathbf{u}_0(x), \qquad x\in \mathbb R
\end{equation}
Here $\mathbf{u}\in \mathcal{D}_\mathbf{u}\subset \mathbb R^p$. For smooth solutions, we also consider an equivalent formulation in the form
\begin{equation}
\label{eq:1:3}
\dpar{\mathbf{v}}{t}+J\dpar{\mathbf{v}}{x}=0
\end{equation}
\end{subequations}
where $\mathbf{v}=\Psi(\mathbf{u})\in \mathcal{D}_\mathbf{v}$ and $\Psi:\mathcal{D}_\mathbf{u}\rightarrow \mathcal{D}_\mathbf{v}$ is assumed to be one-to-one \remI{and $C^1$ (as well as the inverse function).}
For example, if \eqref{eq:1} corresponds to \eqref{eq:conservative}, then
$$\mathcal{D}_\mathbf{u}=\{ (\rho, \rho u, E)\in \mathbb R^3 \text{ such that }\rho>0 \text{ and } E-\frac{1}{2}\rho u^2>0\}.$$
If \eqref{eq:1:3} corresponds to \eqref{eq:primitive}, then
$$\mathcal{D}_\mathbf{v}=\{(\rho, u, p)\text{ such that }\rho>0 \text{ and } p>0\}$$ and (for a perfect gas) the mapping $\Psi$ corresponds to $(\rho, \rho u, E)\mapsto \big(\rho, u, p=(\gamma-1)\big ( E-\tfrac{1}{2}\rho u^2\big ) \big ),$
while
$$J=\begin{pmatrix}
u & \rho &0\\
0& u & \frac{1}{\rho}\\
0& (e+p) & u
\end{pmatrix}
.$$ For \eqref{eq:entropy},
$$\mathcal{D}_\mathbf{u}=\{(p,u,s)\in \mathbb R^3, p>0 \}.$$
More generally, we have $J=\big [\nabla_\mathbf{u}\big (\Psi^{-1}\big )\big ]\nabla_\mathbf{u} {\mathbf {f}}$.
The idea is to discretise \emph{simultaneously} \eqref{eq:1:1} and \eqref{eq:1:3}.
Forgetting the possible boundary conditions, $\mathbb R$ is divided into non overlapping intervals $K_{j+1/2}=[x_{j}, x_{j+1}]$ where $x_j<x_{j+1}$ for all $j\in \mathbb Z$.
We set $\Delta_{j+1/2}=x_{j+1}-x_j$ and $\Delta =\max_j\Delta_{j+1/2}$. At the grid points, we will estimate $\mathbf{v}_j$ in time, while in the cells we will estimate the average value $$\bar \mathbf{u}_{j+1/2}=\frac{1}{\Delta_{j+1/2}}\int_{x_j}^{x_{j+1}} \mathbf{u}(x) \; dx$$
When needed, we have $\mathbf{u}_j=\Psi^{-1}(\mathbf{v}_j)$, however $\bar \mathbf{v}_{j+1/2}=\Psi(\bar \mathbf{u}_{j+1/2})$ is meaningless since the $\Psi$ does not commute with the average.
In $K_{j+1/2}$ any continuous function can be represented by $\mathbf{u}_j=\mathbf{u}(x_j)$, $\mathbf{u}_{j+1}=\mathbf{u}(x_{j+1})$ and $\bar \mathbf{u}_{j+1/2}$: one can consider the polynomial $R_\mathbf{u}$ defined on $K_{j+1/2}$ by
$$\big (R_\mathbf{u}\big )_{|K_{j+1/2}}(x)=\mathbf{u}_j L_{j+1/2}^0+\mathbf{u}_{j+1}L_{j+1/2}^1+\bar \mathbf{u}_{j+1/2} L_{j+1/2}^{1/2},$$
with
$$L_{j+1/2}^\xi(x)=\ell_\xi\big (\frac{x-x_{j}}{x_{j+1}-x_j}\big )$$
and
$$\ell_0(s)=(1-s)(1-3s), \quad \ell_1(s)=s(3s-2), \qquad \ell_{1/2}(x)=6s(1-s).$$
We see that
\begin{equation*}
\begin{split}
\ell_0(0)=1, & \quad \ell_0(1)=0, \quad \int_0^1 \ell_0(s) ds=0\\
\ell_1(1)=1, & \quad \ell_1(0)=0, \quad \int_0^1\ell_1(s) ds=0\\
\ell_{1/2}(0)=0,& \quad \ell_{1/2}(1)=0, \quad \int_0^1\ell_{1/2}(s)\; ds=1.
\end{split}
\end{equation*}
\bigskip
How to evolve $\bar \mathbf{u}_{j+1/2}$ following \eqref{eq:1:1} and $v_{j}$ following \eqref{eq:1:3} in time?
The solution is simple for the average value: since
$$
\Delta_{j+1/2} \; \dfrac{d\bar \mathbf{u}_{j+1/2}}{dt}+ {\mathbf {f}}(\mathbf{u}_{j+1}(t))-{\mathbf {f}}(\mathbf{u}_{j}(t)) =0,$$
we simply take
\begin{subequations}
\label{scheme}
\begin{equation}
\label{scheme:1}
\Delta_{j+1/2}\dfrac{d\bar \mathbf{u}_{j+1/2}}{dt}+\big ( \hat{\mathbf{f}}_{j+1/2}-\hat{\mathbf{f}}_{j-1/2}\big )=0
\end{equation}
where $\hat{\mathbf{f}}_{j+1/2}$ is a \remi{consistent} numerical flux that depends continuously of its arguments. In practice, \remi{since the approximation is continuous}, we take
\begin{equation}
\label{scheme:2}
\hat{\mathbf{f}}_{j+1/2}={\mathbf {f}}(\mathbf{u}_j)\remi{={\mathbf {f}}\big (\Psi^{-1}(\mathbf{v}_j)\big ).}
\end{equation}
For $\mathbf{v}$, we assume a semi-discrete scheme of the following form
{\begin{equation}
\label{scheme:3}
\dfrac{d\mathbf{v}_j}{dt}+ \overleftarrow{\Phi}^\mathbf{v}_{j+1/2}+\overrightarrow{\Phi}^\mathbf{v}_{j-1/2}=0
\end{equation} }
such that\remi{ $\overleftarrow{\Phi}^\mathbf{v}_{j+1/2}+\overrightarrow{\Phi}^\mathbf{v}_{j+1/2}$} is a consistent approximation of \remI{$J\dpar{\mathbf{v}}{x}$ in $K_{j+1/2}$}. We will give examples later, for now we only describe the principles. In general the residuals $\overleftarrow{\Phi}^\mathbf{v}_{j+1/2}$ and $\overrightarrow{\Phi}^\mathbf{v}_{j-1/2}$ need to depend on some $\mathbf{v}_l$ and $\mathbf{v}_{l+1/2}\approx \mathbf{v}(x_{l+1/2})$. We can recover the missing informations at the half points in two steps:
\begin{enumerate}
\item From $\mathbf{v}_j$, we can get $\mathbf{u}_j=\Psi(\mathbf{v}_j)$,
\item Then in $[x_{j}, x_{j+1}]$ we approximate $\mathbf{u}$ by
$$R_\mathbf{u}(x)=\mathbf{u}_j\ell_0\big ( \frac{x-x_j}{\Delta_{j+1/2}}\big ) +\bar \mathbf{u}_{j+1/2}\ell_{1/2}\big ( \frac{x-x_j}{\Delta_{j+1/2}}\big )+\mathbf{u}_{j+1}
\ell_1\big ( \frac{x-x_j}{\Delta_{j+1/2}}\big ),$$
which enable to provide $\mathbf{u}_{j+1/2}:=R_\mathbf{u}(x_{j+1/2})$, i.e
\begin{equation}
\label{scheme:4} \mathbf{u}_{j+1/2}=\frac{3}{2} \bar \mathbf{u}_{j+1/2}-\frac{\mathbf{u}_j+\mathbf{u}_{j+1}}{4}.
\end{equation}
Note that this relation is simply
$\bar \mathbf{u}_{j+1/2}=\tfrac{1}{6}\big ( \mathbf{u}_j+\mathbf{u}_{j+1}+4 \mathbf{u}_{j+1/2}\big ),$
i.e. Simpson's formula.
\item Finally, we state
$$\mathbf{v}_{j+1/2}=\Psi^{-1}(R_\mathbf{u}(x_{j+1/2}))$$
\end{enumerate}
In some situations, described later, we will also make the approximation:
$$\mathbf{v}_{j+1/2}=\Psi^{-1}(\bar \mathbf{u}_{j+1/2})$$
which is nevertheless consistent (but only first order accurate).
\end{subequations}
As written above, the fluctuations $\overleftarrow{\Phi}^\mathbf{v}_{j+1/2}$ and \remiIII{$\overrightarrow{\Phi}^\mathbf{v}_{j+1/2}$} are functionals of the form $\Phi\big ( \{\mathbf{v}_l, \mathbf{v}_{l+1/2}\}, j-p\leq l\leq j+p)$ for some fixed value of $p$. We will make the following assumptions:
\begin{subequations}\label{consistency}
\begin{enumerate}
\item Lipschiz continuity:
There exists $C$ that depends only on $\mathbf{u}^0$ and $T$ such that for any $j\in \mathbb Z$
\begin{equation}\label{consistency:lipschitz}
\Vert \Phi\big ( \{\mathbf{v}_l, \mathbf{v}_{l+1/2}\}, j-p\leq l\leq j+p)\Vert \leq \frac{C}{\Delta_{j+1/2}}\bigg ( \sum_{l=-p}^p \Vert \mathbf{v}_l-\mathbf{v}_{l+1/2}\Vert \bigg ),\end{equation}
\item Consistency. Setting $\mathbf{v}^h=R_\mathbf{u}$,
\begin{equation}\label{consistency:consistency}\sum_{j\in \mathbb Z}\int_{K_{j+1/2}} \Vert \overleftarrow{\Phi}^\mathbf{v}_{j+1/2}+\overrightarrow{\Phi}^\mathbf{v}_{j+1/2}-J\dpar{\mathbf{v}^h}{x}\Vert \; d\mathbf{x} \leq C \; \Delta .\end{equation}
\item Regular mesh: the meshes are regular in the \remiIII{finite element sense}.
\end{enumerate}
\end{subequations}
The ODE systems \eqref{scheme} are integrated by a standard ODE solver. We will choose the Euler forward method, and the second order and third order SSP Runge-Kutta scheme.
\subsection{Analysis of the method}
In order to explain why the method can work, we will choose the simplest ODE integrator, namely the Euler forward method. The general case can be done in the same way, with more technical details.
So we integrate \eqref{scheme} by:
\begin{equation}
\label{schemedisc:1}
\bar \mathbf{u}_{j+1/2}^{n+1}=\bar \mathbf{u}_{j+1/2}^n-\frac{\Delta t_n}{\Delta_{j+1/2}} \big (\underbrace{ {\mathbf {f}}(\mathbf{u}_{j+1}^n)-{\mathbf {f}}(\mathbf{u}_j^n)}_{:=\delta_{j+1/2} {\mathbf {f}}}\big ),
\end{equation}
and
\begin{equation}
\label{schemedisc:2}
\mathbf{v}_j^{n+1}=\mathbf{v}_j^n -{\Delta t_n }\big ( \overleftarrow{\Phi}^\mathbf{v}_{j+1/2}+\overrightarrow{\Phi}^\mathbf{v}_{j-1/2}\big )
\end{equation}
Setting $\Delta_j$ as the average of $\Delta_{j+1/2}$ and $\Delta_{j-1/2}$, we rewrite \eqref{schemedisc:2} as
\begin{equation}
\label{schemedisc:3:0}
\mathbf{v}_j^{n+1}=\mathbf{v}_j^n -\frac{\Delta t_n }{\Delta_j}\delta_x\mathbf{v}_j
\end{equation}
and we note that, using the assumption \eqref{consistency:lipschitz} as well as the fact that the mesh is shape regular, that there exists $C>0$ depending only on $\mathbf{u}^0$ and $T$ such that
$$\remiIII{\Vert \delta_x \mathbf{v}_j}\Vert \leq C \sum_{j=p-1}^{p+1} \Vert \mathbf{v}_j-\mathbf{v}_{j+1/2}\Vert .$$
{
Using the transformation \eqref{scheme:4}, from \eqref{schemedisc:2}, we can evaluate
$\mathbf{u}_j^{n+1}=\Psi(\mathbf{v}_j^{n+1})$, \remi{and then write the update of $\mathbf{u}$ as}
\begin{equation}\label{schemedisc:3}\remi{\Delta_j \big ( \mathbf{u}_j^{n+1}-\mathbf{u}_j^n\big ) +\Delta t_n \delta_x\mathbf{u}_{j}=0}\end{equation}
\remi{where }
$$\delta_x\mathbf{u}_{j}=\dfrac{\Delta_j}{\Delta t_n}\bigg ( \Psi(\mathbf{v}_j^n-\frac{\Delta t_n}{\Delta_j} \delta \mathbf{v}_j)-\Psi(\mathbf{v}_j^n) \bigg ), $
which, thanks to the assumptions we have made on $\Psi$ satisfies
$$\Vert \delta_x \mathbf{u}_{j+1/2}\Vert \leq C \Vert \delta_x \mathbf{v}_j\Vert\leq C\sum_{j=-p}^{p}\Vert \mathbf{v}_{j+l}-\mathbf{v}_{j+l+1}\Vert \leq C \sum_{l=-p}^{p}\Vert \mathbf{u}_{j+l}-\mathbf{u}_{j+1+l}\Vert$$ for some constants that depends on the gradient of $\Psi$ and the maximum of the $\mathbf{v}_i^n$ for $i\in \mathbb Z$.}
{ To explain the validity of the approximation, we start by the Simpson formula, which is exact for quadratic polynomials:
$$
\int_{x_{j}}^{x_{j+1}} f(x) \; dx\approx \dfrac{\Delta_{j+1/2}}{6}\big ( f(x_j)+4 f(x_{j+1/2})+f(x_{j+1})\big ).$$
From the point values $\mathbf{u}_j$, $\mathbf{u}_{j+1}$ and $\mathbf{u}_{j+1/2}$ at times $t_n$ and $t_{n+1}$, we define the quadratic Lagrange interpolant $R_{\mathbf{u}^n}$ and $R_{\mathbf{u}^{n+1}}$
and then write
$$\int_{x_{j}}^{x_{j+1}} \remiIII{ \varphi(x,t)} \big ( R_{\mathbf{u}^{n+1}}-R_{\mathbf{u}^{n}}\big ) \; dx\approx
\dfrac{\Delta_{j+1/2}}{6}\big (\varphi_{j+1}(\mathbf{u}_{j+1}^{n+1}-\mathbf{u}_{j+1}^n)+4\varphi_{j+1/2} (\mathbf{u}_{j+1/2}^{n+1}-\mathbf{u}_{j+1/2}^n)+ \varphi_{j}(\mathbf{u}_{j}^{n+1}-\mathbf{u}_j^n)\bigg ).$$
Accuracy is not an issue here.
Using \eqref{schemedisc:2} and \eqref{schemedisc:3}, setting $\delta_j^{n+1/2}\mathbf{u}=\mathbf{u}_j^{n+1}-\mathbf{u}_j^n$, we get
\begin{equation*}
\begin{split}
\Sigma:=\sum\limits _{[x_j, x_{j+1}], j\in \mathbb Z}\dfrac{\Delta_{j+1/2}}{6}\bigg (& \varphi_{j+1}^n \delta_j^{n+1/2} \mathbf{u}+4\varphi_{j+1/2}^n \delta_{j+1/2}^{n+1/2}\mathbf{u}+
\varphi_{j}^n\delta_j^{n+1/2}\mathbf{u}\bigg )\\ &=
\sum\limits _{[x_j, x_{j+1}], j\in \mathbb Z}\dfrac{\Delta_{j+1/2}}{6}\bigg (\varphi_{j+1}^n \delta_{j+1}^{n+1/2}\mathbf{u}\\
&\qquad \qquad \qquad \qquad + 4\varphi_{j+1/2}^n\big ( \frac{3}{2} \delta_{j+1/2}^{n+1/2} \bar\mathbf{u}-\frac{\delta_{j+1}^{n+1/2} \mathbf{u}+\delta_j^{n+1/2} \mathbf{u}}{4} \big )+ \varphi_{j}^n \delta_{j}^{n+1/2}\mathbf{u}\bigg )\\
&=\sum\limits _{[x_j, x_{j+1}], j\in \mathbb Z}\Delta_{j+1/2} \varphi_{j+1/2}^n\delta_{j+1/2}^{n+1/2}\bar\mathbf{u} \\
&\qquad \qquad \qquad \qquad+ \underbrace{\sum\limits_{j\in \mathbb Z} \frac{\delta_{j}^{n+1/2} \mathbf{u}}{6}
\bigg \{\Delta_{j+1/2}\big ( \varphi_j-\varphi_{j+1/2}\big ) +\Delta_{j-1/2}\big (\varphi_j-\varphi_{j-1/2}\big )\bigg \}}_{S_n}.
\end{split}
\end{equation*}
so that we get, using \eqref{schemedisc:3}
\begin{equation}
\label{Master}
\begin{split}
\sum\limits_{n\in \mathbb N}\sum\limits _{[x_j, x_{j+1}], j\in \mathbb Z}\dfrac{\Delta_{j+1/2}}{6}\bigg (& \varphi_{j+1}^n \delta_j^{n+1/2} \mathbf{u}+4\varphi_{j+1/2}^n \delta_{j+1/2}^{n+1/2}\mathbf{u}+
\varphi_{j}^n\delta_j^{n+1/2}\mathbf{u}\bigg )\remiIII{-}\sum\limits_{n\in \mathbb N} \Delta t_n\sum\limits _{[x_j, x_{j+1}], j\in \mathbb Z
\varphi_{j+1/2}^n\delta_{j+1/2}{\mathbf {f}}\\
&-\sum\limits_{n\in \mathbb N} S_n=0
\end{split}
\end{equation}
Then we use again \eqref{schemedisc:3}, use the fact that the mesh is regular, and observe that
$$S_n= \Delta t_n \sum_j \Delta_j \; \delta_x\mathbf{u}_j+O(\Delta^3).$$ In appendix \ref{appendix}, we will show that in the limit, the contribution of the $S_n$ term will converges towards $0$, while the first term of \eqref{Master} will converge to
$$\int_0^{+\infty}\int_\mathbb R \dpar{\varphi}{t}\mathbf{u} \; dx dt-\int_\mathbb R \mathbf{u}_0 \; dx$$ while the second term will converge towards
$$\int_0^{+\infty}\int_{\mathbb R} \dpar{\varphi}{x} {\mathbf {f}}(\mathbf{u})\; d\mathbf{x}.$$
This will be shown,
using classical arguments, in the appendix \ref{appendix}, so that we have }
\begin{proposition}\label{LxW} We assume that the mesh is regular: there exists $\alpha$ and $\beta$ such that $\alpha\leq \Delta_{j+1/2}/\Delta_{j-1/2}\leq \beta$.
If $\max\limits_{j\in \mathbb Z} \Vert \mathbf{u}_j^n\Vert_\infty$ and $\max\limits_{j\in \mathbb Z} \Vert v_{j+1/2}^n\Vert_\infty$ are bounded, and if a subsequence of $\mathbf{u}_\Delta$ converges in $L^1$ towards $\mathbf{u}$, then $\mathbf{u}$ is a weak solution of the \remiIII{problem}.
\end{proposition}
\begin{remark}
\remI{Indeed, the definition of a precise $\Delta_j$ is not really needed, and we come back to this in the next section.} \remI{What is needed is a spatial scale that relates the updates in $\mathbf{v}$ and $\mathbf{u}$ in an incremental form of the finite difference type. This is why the asssumption of mesh regularity is fundemental.}
\end{remark}
\section{Some examples of discretisation}
We list possible choices: for $\dpar{\mathbf{v}}{t}+J\dpar{\mathbf{v}}{x}=0,$ where $J$ is the Jacobian of ${\mathbf {f}}$ with respect to $\mathbf{u}$; they have been used in the numerical tests. The question here is to define
$\overleftarrow{\Phi}_{j+1/2}$ and $\overrightarrow{\Phi}_{j+1/2}$ that are the contributions of \remi{$K_{j\pm 1/2}$} to $J\dpar{\mathbf{v}}{x}$ so that
$$J\dpar{\mathbf{v}}{x}(x_i)\approx \overleftarrow{\Phi}^\mathbf{v}_{j+1/2}+\remi{\overrightarrow{\Phi}^\mathbf{v}_{j-1/2}}.$$
We follow the work of Iserle \cite{iserle} who gives all the possible schemes that guaranty a stable (in $L^2$) semi-discretisation of the convection equation, for a regular grid which we assume. The only difference in his notations and ours is that the grid on which are defined the approximation of the derivative is made of the mesh points $x_j$ and the half points $x_{j+1/2}$.
{The first list of examples have an upwind flavour:
\begin{equation}\label{fluctuation}
\overleftarrow{\Phi}^\mathbf{v}_{j+1/2}=\big (\remi{ J(\mathbf{v}_j)}\big )^- \frac{\delta^-_{j}\mathbf{v}}{\Delta_{j+1/2}/2} \text{ and }
\overrightarrow{\Phi}^\mathbf{v}_{j+1/2}=\big ( J(\mathbf{v}_{j+1})\big )^+\frac{\delta_{j+1}^+\mathbf{v}}{\Delta_{j+1/2}/2}
\end{equation}
where $\delta^\pm_j $ is an approximation of $\Delta_{j+1/2} \dpar{v}{x}$ obtained from \cite{iserle}\footnote{\remi{The author works on $\dpar{u}{t}=-\dpar{u}{x}$ which is a bit confusing w.r.t. to "modern" habits. It is true that British drive left.}}:
\begin{itemize}
\item First order approximation: we take
\begin{equation}\label{S1}\delta_j^+\mathbf{v}=\mathbf{v}_{j}-\mathbf{v}_{j-1/2}, \qquad \delta_j^-\mathbf{v}=\mathbf{v}_{j+1/2}-\mathbf{v}_j.\end{equation}
\item Second order: we take
\begin{equation}\label{S2bis}
\begin{split}
\delta_j^-\mathbf{v}&=-\frac{3}{2}\mathbf{v}_j+2\mathbf{v}_{j+1/2}-\frac{\mathbf{v}_{j+1}}{2}\\
\delta_j^+\mathbf{v}&=\frac{\mathbf{v}_{j-1}}{2}-2\mathbf{v}_{j-1/2}+\frac{3}{2}\mathbf{v}_{j}
\end{split}
\end{equation}
\item \remi{Third order}: We take
\begin{equation}\label{S2}
\begin{split}
\remiIII{\delta_j^-=-\frac{v_{i+1}}{6}+v_{i+1/2}-\frac{v_i}{2}-\frac{v_{i-1/2}}{3}},\\
\remiIII{ \delta_j^+=\frac{v_{i-1}}{6}-v_{i-1/2}+\frac{v_i}{2}+\frac{v_{i+1/2}}{3}}
\end{split}
\end{equation}
\item \remi{Fourth order}: The fully centered scheme would be
$$\delta_j^\pm \mathbf{v}=\remi{\dfrac{\mathbf{v}_{j+1}-\mathbf{v}_{j-1}}{12}+2\dfrac{\mathbf{v}_{j+1/2}-\mathbf{v}_{j-1/2}}{3}}$$
but we prefer
\begin{equation}\label{S3}
\begin{split}
\delta_j^- \mathbf{v}&=\frac{\mathbf{v}_{j-1/2}}{4}+\frac{5}{6}\mathbf{v}_j-\frac{3}{2}\mathbf{v}_{j+1/2}+\frac{\mathbf{v}_{j+1}}{2}-\frac{\mathbf{v}_{j+3/2}}{12}\\
\delta_j^+\mathbf{v}&=\frac{\mathbf{v}_{j+1/2}}{4}+\frac{5}{6}\mathbf{v}_j-\frac{3}{2}\mathbf{v}_{j-1/2}+\frac{1}{2}\mathbf{v}_{j-1}-\frac{\mathbf{v}_{j-3/2}}{12}
\end{split}
\end{equation}
\item Etc\ldots
\end{itemize}
It can be useful to have more dissipative versions of a first order scheme. We take:
$$
\bigg (J\dpar{v}{x}\bigg )_j=\overleftarrow{\Phi}_{j+1/2}+\overrightarrow{\Phi}_{j-1/2}$$ with
\begin{equation*}
\begin{split}
\frac{\Delta_{j+1/2}}{2}\overleftarrow{\Phi}_{j+1/2}&=\frac{1}{2} \widehat {J\dpar{\mathbf{v}}{x}}_j+\alpha \big (\mathbf{v}_j-\frac{\mathbf{v}_j+\mathbf{v}_{j+1/2}}{2}\big )\\
\frac{\Delta_{j+1/2}}{2}\overrightarrow{\Phi}_{j+1/2}&=\frac{1}{2} \widehat {J\dpar{\mathbf{v}}{x}}_{j+1}+\alpha \big (\mathbf{v}_{j+1}-\frac{\mathbf{v}_{j+1}+\mathbf{v}_{j+1/2}}{2}\big )
\end{split}
\end{equation*}
where
$\widehat {J\dpar{v}{x}}_l$ is a consistent approximation of $J\dpar{u}{x}$ at $x_l$ and $\alpha$ is an upper-bound of the spectral radius of $J(\mathbf{v}_j)$, $J(\mathbf{v}_{j+1/2})$ and $J(\mathbf{v}_{j+1})$. We take, for simplicity, $\mathbf{v}_{j+1/2}=\Psi^{-1}(\bar \mathbf{u}_{j+1/2})$. For the model \eqref{eq:primitive}, we take
$$\frac{\Delta_{j+1/2}}{2}\widehat {J\dpar{v}{x}}_j=\begin{pmatrix}
(\rho u)_{j+1/2}-(\rho u)_j\\
\frac{1}{2} \big ( u_{j+1/2}^2-u_j^2) + \frac{1}{\tilde{\rho}_{j+1/2}}\big ( p_{j+1/2}-p_j\big )\\
\tilde{u}_{j+1/2}\big (p_{j+1/2}-p_j)+\tilde{\rho c^2}\big (u_{j+1/2}-u_j\big )
\end{pmatrix}$$ where $\tilde{\rho}_{j+1/2}$ is the geometric average of $\rho_j$ and $\rho_{j+1/2}$, $\tilde{u}_{j+1/2}$ is the arithmetic average of $u_j$ and $u_{j+1/2}$, while $\widetilde{\rho c^2}_{j+1/2}=\gamma \frac{p_j+p_{j+1/2}}{2}$.
For the model \eqref{eq:entropy}, we take:
$$\frac{\Delta_{j+1/2}}{2}\widehat {J\dpar{v}{x}}_j=\begin{pmatrix}
\tilde{u}_{j+1/2} \big ( s_{j+1/2}-s_j\big )\\
\frac{1}{2} \big ( u_{j+1/2}^2-u_j^2) + \frac{1}{\tilde{\rho}_{j+1/2}}\big ( p_{j+1/2}-p_j\big )\\
\tilde{u}_{j+1/2}\big (p_{j+1/2}-p_j)+\widetilde{\rho c^2}\big (u_{j+1/2}-u_j\big )
\end{pmatrix}
.$$
All this has a Local Lax-Friedrichs' flavour, and seems to be positivity preserving for the velocity and the pressure.
Using this, the method is :
\begin{subequations}\label{method}
\begin{equation}
\label{methode:1}
\begin{split}
\dfrac{d\mathbf{v}_j}{dt}+\overleftarrow{\Phi}_{j+1/2}^\mathbf{v}+\overrightarrow{\Phi}_{j-1/2}^\mathbf{v}=0
\end{split}
\end{equation}
combined with
\begin{equation}
\label{methode:2}
\Delta x\dfrac{d\bar \mathbf{u}_{j+1/2}}{dt}+{{\mathbf {f}}(\mathbf{u}_{j+1})-{\mathbf {f}}(\mathbf{u}_j)}=0.
\end{equation}
\end{subequations}
\remi{We see in \eqref{methode:1} that the time derivative of $\mathbf{v}$ is obtained by adding two fluctuations, one computed for the interval $K_{j+1/2}=[x_j,x_{j+1}]$ and one for the interval $K_{j-1/2}=[x_{j-1},x_j]$. These fluctuations are obtained from \eqref{fluctuation} with the increments in $\mathbf{v}$ defined by \eqref{S1}, \eqref{S2}, \eqref{S3}, etc. In the sequel, we denote the scheme applied on the interval $K_{j+1/2}$ by $S_{j+1/2}(k)$ where the average are integrated by \eqref{methode:2} and $\mathbf{v}$ by \eqref{methode:1} with the fluctuations \eqref{S1} for $k=1$, \eqref{S2bis} for $k=2$ and \eqref{S2} for $k=3$, etc. To make sure that the first order scheme is positivity preserving (at least experimentaly), we may also consider the case denoted by $k=0$ where $S_{j+1/2}(0)$ is the local Lax Friedrichs scheme defined above. Both fluctuation \eqref{S1} and the local Lax Friedrichs scheme are first order accurate, but the second one is quite dissipative but positivity preserving while the scheme \eqref{S1} is not (experimentaly) positivity preserving.}
\remi{The system \eqref{method} is integrated in time by a Runge-Kutta solver: RK1, RK SSP2 and RK SSP3. }
\subsection{Error analysis in the scalar case}
Here, the mesh is uniform, so that $\Delta_{j+1/2}=\Delta $ for any $j\in \mathbb Z$.
It is easy to check the consistency, and on figure \ref{fig:error:linear} we show the $L^1$ error on $u$ and $\bar u$ for \eqref{method} with SSPKR2 and SSPRK3 (CFL=$0.4$) for a convection problem
$$\dpar{u}{t}+\dpar{u}{x}=0$$ with periodic boundary conditions and the initial condition $u_0=\cos(2\pi x)$.
\begin{figure}[h]
\begin{center}
\includegraphics[width=0.7\textwidth]{error.pdf}
\end{center}
\caption{\label{fig:error:linear} Error plot for $u$ and $\bar u$ for \eqref{method} with SSPKR2 and SSPRK3 (cfl=$0.4$). Here $f(u)=u$. The second order results are obtained with SSPRK2 with \eqref{methode:1}-\eqref{methode:2}, the third order results is obtained by \eqref{methode:1}-\eqref{methode:2}.}
\end{figure}
{\begin{remark}[Linear stability]
In the appendix \ref{appendix:linearstability}, we perform the $L^2$ linear stability and we get, with $\lambda=\tfrac{\Delta t}{\Delta }$,
\begin{itemize}
\item First order scheme, $\vert \lambda\vert\leq 0.92$,
\item Second order scheme, $\vert\lambda\vert\leq 0.6$,
\item Third order scheme, $\vert\lambda\vert\leq 0.5$.
\end{itemize}
\end{remark} }
We also have run this scheme for the Burgers equation, and compared it with a standard finite volume (with local Lax-Friedrichs). The conservative form of the PDE is used for the average, and the non conservative one for the point values: $J=u$ and $\psi(u)=u$. This is an experimental check of conservation.
The initial condition is $$\mathbf{u}_0(x)=\sin(2\pi x)+\frac{1}{2}$$ on $[0,1]$, so that there is a moving shock.
\begin{figure}[h]
\begin{center}
\subfigure[]{\includegraphics[width=0.45\textwidth]{burger2.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{burger_zoom2.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{burger3.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{burger_zoom3.pdf}}
\caption{\label{conservationtest} Solution of Burgers with $10\, 000$ points, $t_{fin}=0.4$, $CFL=0.4$ for the second order (a and b) (\eqref{methode:1}-\eqref{methode:2} with SSPRK2) and third order (c and d) (\eqref{methode:1}-\eqref{methode:2} with SSPRK3). The global solution is represented in (a) and (c), and a zoom around the discontinuity is shown in (b) and (c).}
\end{center}
\end{figure}
We can see that the agreement is excellent and that the numerical solution behaves as expected.
\subsection{Non linear stability}\label{sec:mood}
As such, the scheme is at most linearly stable, with a CFL condition based on the fine grid. However, in case of discontinuities or the occurence of gradients that are not resolved by the grid, we have to face oscillations, as usual.
\remi{In order to get high order oscillation free results, a natural option would be to extend the MUSCL approach to the present context. However, it is not very clear how to proceed, } so we have relied on the MOOD paradigm \cite{Mood1,Vilar}. The idea is to work with several schemes ranging from order $p$ to $1$, with the lowest order one able to provide results with positive density and pressure.\remi{ These schemes are the $S_{j+1/2}(k), k=1, \ldots ,3$ scheme defined above. They }are assumed to work for a given CFL range, and the algorithm is as follows: For each Runge-Kutta sub-step, starting from $U^n=\{\bar \mathbf{u}_{j+1/2}^n, \bar \mathbf{v}_j^n\}_{j\in \mathbb Z}$, we compute
\begin{equation}
\label{method_mood}
\begin{split}
\tilde{\bar \mathbf{u}}_{j+1/2}^{n+1}&=\bar \mathbf{u}_{j+1/2}^n -\lambda_n\big ( {\mathbf {f}} (\mathbf{u}_{j+1}^n)-{\mathbf {f}}(\mathbf{u}_j^n)\big ), \qquad \lambda_n=\frac{\Delta t_n}{\Delta_{j+1/2}}\\
\tilde{\mathbf{v}}_j^{n+1}&=\tilde{\mathbf{v}}_j^{n}- 2\Delta t_n\overleftarrow{\Phi}^\mathbf{v}_{j+1/2}\\
\tilde{\mathbf{v}}_{j+1}^{n+1}&=\tilde{\mathbf{v}}_{j+1}^{n}-2\Delta t_n\overrightarrow{\Phi}^\mathbf{v}_{j+1/2}
\end{split}
\end{equation}
by the scheme $S_{j+1/2}(p)$. Then we test the validity of these results in the interval $[x_{j}, x_{j+1}]$ for the density (and possibly the pressure). This is described a little bit later. The variable $\mathbf{v}$ is updated as in \eqref{method_mood}, because at $t_{n+1}$, the true update of $\mathbf{v}_j$ is the half sum of $\tilde{\mathbf{v}}_j^{n+1}$ and $\tilde{\mathbf{v}}_{j+1}^{n+1}$.
If the test is positive, then we keep the scheme $S_{j+1/2}(p)$ in that interval, else we start again with $S_{j+1/2}(p-1)$, and repeat the procedure unless all the intervals $K_{j+1/2}$ have successfully passed the test. This is described in Algorithm \ref{algo:mood1} where $\mathcal{S}_{j+1/2}$ is the stencil used in $K_{j+1/2}$.
\begin{algorithm}[H]
\caption{ \label{algo:mood1}Description of the MOOD loop. \remi{The algorithm stops because $\SS_{j+1/2}=0$ corresponds to the local Lax Friedrichs scheme for which the test is always true.}}
\begin{algorithmic}
\REQUIRE $U^n =\{\bar u_{j+1/2}^n, \bar v_j^n\}_{j\in \mathbb Z}$
\REQUIRE Allocate $\{\SS_{j+1/2}\}_{j\in \mathbb Z}$ an array of integers. It is initialized with $\SS_{j+1/2}=S_{j+1/2}(p)$, the maximum order.
\FOR{$k=p, \ldots, 2$}
\FORALL{For all $K_{j+1/2}$}
\STATE Define $\tilde{\bar \mathbf{u}}_{j+1/2}^{n+1}$, $\tilde{\mathbf{v}}_j^{n+1}$ and $\tilde{\mathbf{v}}_{j+1}^{n+1}$ as in \eqref{method_mood}
\STATE Apply the test on $\tilde{\bar \mathbf{u}}_{j+1/2}^{n+1}$, $\tilde{\mathbf{v}}_j^{n+1}$ and $\tilde{\mathbf{v}}_{j+1}^{n+1}$ :
\IF{test=.true.}
\STATE $\SS_{j+1/2}= S_{j+1/2}(k-1)$
\ENDIF
\ENDFOR
\ENDFOR
\end{algorithmic}
\end{algorithm}
Now, we describe the tests. We do, in the following order, for each element $K_{j+1/2}$, at the iteration $k>0$ of the loop of \ref{algo:mood1}: the tests are performed on variables evaluated from $\mathbf{u}$ and $\mathbf{v}$. For the scalar case, they are simply the point values at $x_j, x_{j+1/2}$ and $x_{j+1}$. For the Euler equations they are the density, and possibly the pressure
\begin{enumerate}
\item We check if all the variables are numbers (i.e. not NaN). If \remi{not}, we state $\SS_{j+1/2}=S_{j+1/2}(k-1)$,
\item (Only for the Euler equations) We check if the density is positive. We can also request to check if the pressure is also positive. If the variable is negative, the we state that $\SS_{j+1/2}=S_{j+1/2}(k-1)$.
\item Then we check if at $t_n$, the solution was not constant in the numerical stencils of the degrees of freedom in $K_{j+1}$, this in order to avoid to detect a fake maximum principle. We follow the procedure of \cite{Vilar}. if we observe that the solution was locally constant, the $\SS_{j+1/2}$ is not modified.
\item Then we apply a discrete maximum principle, even for systems though it is not very rigorous. For the variable $\xi$ (in practice the density, and we may request to do the same on the pressure), we compute $\min_{j+1/2}\xi$ (resp. $\max_{j+1/2}\xi$) the minimum (resp. maximum) of the values of $\xi$ on $K_{j+1/2}$, $K_{j-1/2}$ and $K_{j+3/2}$. We say we have a \remi{potential }maximum if $\tilde{\xi}^{n+1}\not \in [\min_{j+1/2}\xi^n+\varepsilon_{j+1/2},
\max_{j+1/2}\xi^n-\varepsilon_{j+1/2}]$, with $\epsilon_{j+1/2}$ estimated as in \cite{Mood1}. Then:
\begin{itemize}
\item If $\tilde{\xi}^{n+1}\in [\min_{j+1/2}\xi^n+\varepsilon_{j+1/2},
\max_{j+1/2}\xi^n-\varepsilon_{j+1/2}]$, $\SS_{j+1/2}$ is not modified
\item Else we use the following procedure introduced in \cite{Vilar}. In each $K_{l+1/2}$, we can evaluate a quadratic polynomial $p_{l+1/2}$ that interpolates $\xi$. Note that its derivative is linear in $\xi$. We compute
$$p'_{j-1/2}(x_j), p'_{j+3/2}(x_{j+1}), p'_{j+1/2}(x_j) \text{ and } p'_{j+1/2}(x_{j+1}).$$
\begin{itemize}
\item If
$$p'_{j+1/2}(x_j) \in [\min(p'_{j-1/2}(x_j),p'_{j+3/2}(x_{j+1})] \text{ and } p'_{j+1/2}(x_{j+1}) \in [\min(p'_{j-1/2}(x_j),p'_{j+3/2}(x_{j+1})]$$
we say it is a true regular extrema and $\SS_{j+1/2}$ will not be modified,
\item Else the extrema is declared not to be regular, and $\SS_{j+1/2}=S_{j+1/2}(k-1)$
\end{itemize}
\end{itemize}
\end{enumerate}
\medskip
As a first application, to show that the oscillations are well controlled without sacrificing the accuracy, we consider the advection problem (with constant speed unity) on $[0,1]$, periodic boundary conditions with initial condition:
$$u_0(x)=
\left \{ \begin{array}{ll}
0&\text{ if } y\in [-1,-0.8[\\
\frac{1}{6}\big (G(y, \beta, z-\delta)+G(y,\beta,z+\delta)+4G(y,\beta,z) & \text{ if }y\in [-0.8,-0.6]\\
1& \text{ if } y\in [-0.4,-0.2]\\
1-\vert10y-1\vert & \text{ if }y\in [0,0.2]\\
\frac{1}{6}\big (F(y, \beta, z-\delta)+G(y,\beta,z+\delta)+4F(y,\beta,z) & \text{ else,}
\end{array} \right. \text{ with } y=2x-1
$$
Here $a=0.5$, $z=-0.7$, $\delta=0.005$, $\alpha=10$,
$$\beta=\dfrac{\log 2}{36\delta^2}$$
and
$$G(t,\beta,z)=\exp\big ( -\beta(t-z)^2\big ), \qquad F(t,a,\alpha)=\sqrt{\max\big (0, 1-\alpha(t-a)^2\big )}.$$
Using the MOOD procedure with the third order scheme, the results obtained for $300$ points for $T=10$ are displayed in figure \ref{ShuJiang}. They look very reasonable.
\begin{figure}[h]
\begin{center}
\includegraphics[width=0.5\textwidth]{shu_scalar.pdf}
\end{center}
\caption{\label{ShuJiang} Shu Jiang problem, CFL=0.4, third order scheme with MOOD, 300 points, periodic conditions, 10 periods. The point values and cell average are almost undistinguishable.}
\end{figure}
\section{Numerical results for the Euler equations}
In this section, we show the flexibility of the approach, where conservation is recovered only by the equation \eqref{methode:1}, and so lots of flexibility is possible with the relations on the $\mathbf{u}_i$. To illustrate this, we consider the Euler equations. We will consider the conservative formulation \eqref{eq:conservative} for the average value, so $\mathbf{u}=(\rho, \rho u, E)^T$ and either the form \eqref{eq:primitive}, i.e. $\mathbf{v}=(\rho, u, p)$ or the form \eqref{eq:entropy} with $\mathbf{v}=(p,u,s)^T$.
\subsection{Sod test case}
The Sod case is defined for $[0,1]$, the initial condition is
$$(\rho,u,p)^T=\left \{ \begin{array}{ll}
(1,0,1)^T & \text{ for } x<0.5\\
(0.125,0,0.1)^T \text{ else.}
\end{array}\right .
$$
The final time is $T=0.16$. The problem is solved with \eqref{eq:conservative}-\eqref{eq:primitive} and displayed in figures \ref{fig:sod_100O2}, \ref{fig:sod_100O2Mood}, \ref{fig:sod_100O3} and \ref{fig:sod_100O3Mood}, while the solution obtained with the combination \eqref{eq:conservative}-\eqref{eq:entropy} is shown on figure \ref{fig:sod:entro_100} and \eqref{fig:sod:entro_10000}. When the MOOD procedure is on, it is applied with $\rho$ and $p$ and all the test are performed.
\begin{figure}[h]
\begin{center}
\subfigure[]{\includegraphics[width=0.45\textwidth]{Sod_roO2.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{Sod_uO2.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{Sod_pO2.pdf}}
\end{center}
\caption{\label{fig:sod_100O2} 100 grid points, and the \remiIII{second order SSPRK2} scheme with CFL=0.1. (a): density, (b): velocity, (c): pressure. }
\end{figure}
\begin{figure}[h]
\begin{center}
\subfigure[]{\includegraphics[width=0.45\textwidth]{Sod_roO2Mood.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{Sod_uO2Mood.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{Sod_pO2Mood.pdf}}
\end{center}
\caption{\label{fig:sod_100O2Mood} 100 grid points, and the \remiIII{second order SSPRK2} scheme with CFL=0.1. (a): density, (b): velocity, (c): pressure. MOOD test made on $\rho$ and $p$}
\end{figure}
The exact solution is also shown every time. Different order in time/space are tested. The results are good, eventhough the MOOD procedure is not perfect.
\begin{figure}[h]
\begin{center}
\subfigure[]{\includegraphics[width=0.45\textwidth]{Sod_roO3.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{Sod_uO3.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{Sod_pO3.pdf}}
\end{center}
\caption{\label{fig:sod_100O3} 100 grid points, and the third order SSPRK3 scheme with CFL=0.1. (a): density, (b): velocity, (c): pressure. }
\end{figure}
\begin{figure}[h]
\begin{center}
\subfigure[]{\includegraphics[width=0.45\textwidth]{Sod_roO3Mood2.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{Sod_uO3Mood2.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{Sod_pO3Mood2.pdf}}
\end{center}
\caption{\label{fig:sod_100O3Mood} 100 grid points, and the third order SSPRK3 scheme with CFL=0.1. (a): density, (b): velocity, (c): pressure. Mood Test made on $\rho$ and $p$}
\end{figure}
This the use of the combination \eqref{eq:conservative}-\eqref{eq:entropy} seems more challenging, we have performed a convergence study (with 10000 points). This is shown on figure \eqref{fig:sod:entro_10000}, and a zoom around the contact discontinuity is also shown.
\begin{figure}[h]
\begin{center}
\subfigure[$\rho$]{\includegraphics[width=0.45\textwidth]{Sod_O3xt_entro_ro.png}}
\subfigure[$p$]{\includegraphics[width=0.45\textwidth]{Sod_O3xt_entro_p.png}}
\subfigure[$u$]{\includegraphics[width=0.45\textwidth]{Sod_O3xt_entro_u.png}}
\subfigure[$s$]{\includegraphics[width=0.45\textwidth]{Sod_O3xt_entro_s.png}}
\end{center}
\caption{\label{fig:sod:entro_100} Solution with the variables (s,u,p) for 100 points, comparison with the exact solution, third order in time/space with Mood and non Mood. Mood is done on $\rho$ and $p$. Cfl=0.2}
\end{figure}
\begin{figure}[h]
\begin{center}
\subfigure[$\rho$]{\includegraphics[width=0.45\textwidth]{Sod_Entro_ro10000.pdf}}
\subfigure[$p$]{\includegraphics[width=0.45\textwidth]{Sod_Entro_p10000.pdf}}
\subfigure[$u$]{\includegraphics[width=0.45\textwidth]{Sod_Entro_u10000.pdf}}
\subfigure[$p$ zoom]{\includegraphics[width=0.45\textwidth]{Sod_Entro_pzoom10000.pdf}}
\subfigure[$u$ zoom]{\includegraphics[width=0.45\textwidth]{Sod_Entro_uzoom10000.pdf}}
\end{center}
\caption{\label{fig:sod:entro_10000} Solution with the variables (s,u,p) for 10000 points, comparison with the exact solution. Cfl=0.1, no mood
The zoomed figures are for $x\in [0.6,0.7]$ and the ticks are for $10^{-7}$. We plot $u$ and $p$ across the contact}
\end{figure}
We can observe a numerical convergence to the exact one in all cases. In the appendix \ref{sec:irreg} we show some results on irregular meshes, with the same conclusions.
{
\subsection{A smooth case}
We consider a fluid with $\gamma=3$: the characteristics are straight lines. The initial condition is inspired from Toro: in $[-1,1]$,
\begin{equation}\label{condition}
\begin{split}
\rho_0(x)&=1+\alpha\sin(2\pi x)\\
u_0(x)&=0\\
p_0(x0&=\rho_0(x)^\gamma
\end{split}
\end{equation}
The classical case is is for $\alpha=0.999995$ where vaccum is almost reached. Here, since we do not want to test the robustness of the method, we take $\alpha=\frac{3}{4}$. The final time is set to $T=0.1$.
The exact density and velocity in this case can be obtained by the method of characteristics and is explicitly given by
\begin{equation*}
\rho(x,t) = \dfrac12\big( \rho_0(x_1) + \rho_0(x_2)\big), \quad u(x,t) = \sqrt{3}\big(\rho(x,t)-\rho_0(x_1) \big),
\end{equation*}
where for each coordinate $x$ and time $t$ the values $x_1$ and $x_2$ are solutions of the nonlinear equations
\begin{align*}
& x + \sqrt{3}\rho_0(x_1) t - x_1 = 0, \\
& x - \sqrt{3}\rho_0(x_2) t - x_2 = 0.
\end{align*}
A example of numerical solution, superimposed with the exact one, is shown on figure \ref{fig:smooth}. It is obtained with the third order (time and space) scheme, and here we have used the model $(\rho,u,p)$. The CFL number is set to $0.2$.
\begin{figure}[h]
\begin{center}
\subfigure[$\rho$]{\includegraphics[width=0.45\textwidth]{rho.png}}
\subfigure[$u$]{\includegraphics[width=0.45\textwidth]{v.png}}
\subfigure[$p$]{\includegraphics[width=0.45\textwidth]{p.png}}
\end{center}
\caption{\label{fig:smooth} Solution (numerical and exact) for the conditions \eqref{condition}. The number of grid points is set to $80$, with periodic boundary conditions.}
\end{figure}
The errors are shown in table \ref{table:smooth}.
\begin{table}[h]
\begin{center}
\begin{tabular}{|c||c|c||c|c||c|c|}\hline
$h=1/N$ & $L^1$ & & $L^2$ & & $L^\infty$ & \\\hline
20 &$2.136\;10^{-4}$ & $-$ & $2.968\;10^{-4}$ & $-$ &$6.596\;10^{-4}$&$-$\\
40 &$1.912\;10^{-5}$ & $-3.48$ &$2.702\;10^{-5}$ &$-3.45$ &$5.750\;10^{-5}$&$-3.52$\\
80 & $1.398\;10^{-6}$ & $-3.77$ & $2.138\;10^{-6}$ & $-3.65$ &$4.673\;10^{-6}$&$-3.62$\\
160 & $1.934\;10^{-7}$ & $-2.85$ &$2.595\;10^{-7}$ & $-3.04$ &$5.753\;10^{-7}$&$-3.02$\\
320 & $ 3.641\;10^{-8}$& $-2.40$ &$5.523\;10^{-8}$& $-2.23$ &$1.276\;10^{-7}$&$-2.17$\\
\hline
\end{tabular}
\end{center}
\caption{\label{table:smooth} $L^1$, $L^2$ and $L^\infty$ error for the initial conditions \eqref{condition} with the third order scheme.}
\end{table}
The errors, computed in $[-1,1]$ are in reasonable agreement with the $-3$ expected slopes.
We also have done the same test with the non linear stabilisation procedure described in section \ref{sec:mood}. \emph{Exactly} the same errors are obtained: the order reduction test are never activated.}
\subsection{Shu-Osher case}
The initial condition are:
$$(\rho, u, p)=\left \{\begin{array}{ll}
(3.857143, 2.629369, 10.3333333) &\text{if } x<-4\\
(1+0.2\sin(5x), 0, 1) &\text{else}
\end{array}\right .
$$
on the domain $[-5,5]$ until $T=1.8$. We have used the combination \eqref{eq:conservative}-\eqref{eq:primitive}, since the other one seems less robust. The density is compared to a reference solution (obtained with a standard finite volume scheme with $20\; 000$ points, and the solution obtained with the third order scheme with $CFL=0.3$ and $200$, $400$, $800$ and $1600$ points. The mood procedure uses the first order upwind scheme if a PAD, a NaN or DMP is detected, the other cases use the 3rd order scheme
The solutions are displayed in \ref{figshu}. With little resolution, the results are very close of the reference one.
\begin{figure}[h]
\subfigure[]{\includegraphics[width=0.5\textwidth]{ShuOsherMood_0_3_3.pdf}}
\subfigure[]{\includegraphics[width=0.5\textwidth]{ShuOsherMood_0_3_3_zoom.pdf}}
\caption{\label{figshu} (a): Solution of the Shu Osher problem , (b): zoom of the solution around the shock.}
\end{figure}
For figure \ref{figshu}, the second order scheme is used as a rescue scheme.
\subsection{Le Blanc case}
The initial conditions are
$$(\rho,u,e)=\left\{\begin{array}{ll}
(1,0,0.1) & \text{ if } x\in [-3,3]\\
(0.001,0.10^{-7} ) & \text{ if } x\in [3,6]
\end{array}
\right .
$$
where $e=(\gamma-1) p$ and $\gamma=\tfrac{5}{3}$. The final time is $t=6$. This is a very strong shock tube. The combination \eqref{eq:conservative}-\eqref{eq:primitive}. It is not possible to run higher that first order without the MOOD procedure. We show the second and third order results are shown on figure \ref{fig:leblanc}, and zooms around the shocks and the fan are showed in \ref{fig:leblanc2}.
\begin{figure}[h]
\begin{center}
\subfigure[$\rho$]{\includegraphics[width=0.45\textwidth]{LeBlanc_roO3Mood.pdf}}
\subfigure[$\rho$]{\includegraphics[width=0.45\textwidth]{LeBlanc_roO2Mood.pdf}}
\subfigure[$p$]{\includegraphics[width=0.45\textwidth]{LeBlanc_pO3Mood.pdf}}
\subfigure[$p$]{\includegraphics[width=0.45\textwidth]{LeBlanc_pO2Mood.pdf}}
\subfigure[$u$]{\includegraphics[width=0.45\textwidth]{LeBlanc_uO3Mood.pdf}}
\subfigure[$u$]{\includegraphics[width=0.45\textwidth]{LeBlanc_uO2Mood.pdf}}
\end{center}
\caption{\label{fig:leblanc} Le Blanc test case, $CFL=0.1$, from 400 to 800 points. Left column: MOOD test on $\rho$ and $p$, second order, right column: MOOD test on $\rho$ and $p$, third order}
\end{figure}
\begin{figure}[h]
\begin{center}
\subfigure[]{\includegraphics[width=0.45\textwidth]{LeBlanc_pO2O3_zoom_chocMood.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{LeBlanc_pO2O3_zoom_fanMood.pdf}}
\end{center}
\caption{\label{fig:leblanc2} Le Blanc test case, zooms, comparison on the pressure between second order and third order with 400 points}
\end{figure}
At time $t=6$ the shock wave should be at $x=8$: in addition to the extreme conditions, it is generally difficult to get a a correct position of the shock wave; this is why a convergence study is shown in figure \ref{fig:leblanc_conv}. It is performed with 400, 800, 10000 grid points, and the third order SSPRK3 scheme with CFL=0.1. It is compared to the exact solution, and the results are good, see for example \cite{Ramani_2019} for a comparison with other methods, or \cite{loubere} for a comparison with Lagrangian methods.
\begin{figure}[h]
\begin{center}
\subfigure[]{\includegraphics[width=0.45\textwidth]{LeBlanc_convergence.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{LeBlanc_convergence_zoom.pdf}}
\subfigure[]{\includegraphics[width=0.45\textwidth]{LeBlanc_convergence_zoom_zoom.pdf}}
\end{center}
\caption{\label{fig:leblanc_conv} Convergence study on the density for the LeBlanc test case.}
\end{figure}
\section{Conclusion}
This study is preliminary and should be seen as a proof of concept. We show how to combine, without any test, several formulations of the same problem, one conservative and the other ones in non conservative form, in order to compute the solution of hyperbolic systems. The emphasis is mostly put on the Euler equations.
We explain why the formulation leads to a method that satisfies a Lax-Wendroff like theorem. We also propose a way to provide non linearity stability, this method works well but is not yet completely satisfactory.
Besides the theoretical results, we also show numerically that we get the convergence to the correct weak solution. This is done on standard benchmark problems, some being very challenging.
We intend to extend the method to several space dimensions, and improve the limiting strategy. Different systems, such as the shallow water system, will also be considered.
\section*{Acknowledgements.}
This work was done while the author was partially funded by SNF project 200020$\_$175784. The support of Inria via the International Chair of the author at Inria Bordeaux-Sud Ouest is also acknowledged. Discussions with Dr. Wasilij Barsukow are acknowledged, as well as the encouragements of Anne Burbeau (CEA DAM, France).
Last, I would like to thank, warmly, the two anonymous referees: their critical comments have led to big improvements.
\bibliographystyle{unsrt}
|
\section{Introduction}
The cost reductions of battery technologies have paved the way to integrate energy storage systems closer to users to facilitate effective energy management within residential communities. Community energy storage systems (CESs), in particular, are connected to the low voltage side of the distribution transformers in distribution networks (DNs) with the aim of supporting network operations. \cm{By exploiting the CES charge-discharge operation with the rooftop photovoltaic (PV) power, the network reliability can be increased by mitigating the technical challenges in low voltage DNs such as active power losses and voltage deviations beyond statutory range.}
Energy management problems with a CES system may involve competing objectives of different stakeholders, such as DN power loss reduction and voltage regulation for network operators and energy cost reduction for users. Hence, compared to the single objective optimization approach, multi-objective optimization formulation allows us to realize the trade-offs between several competing stakeholder objectives in an energy management framework with a CES system.
\cm{This paper studies the charge-discharge scheduling of a CES system with residential PV power by comparing three different energy trading systems (ETSs); (1) a system where PV users can exchange energy with both the grid and the CES system (ETS 1), (2) a system where PV users can exchange energy only with the CES system (ETS 2), and (3) a system where PV users exchange energy only with the grid (ETS 3). By employing the linear version of the branch power flow model in \cite{Baran1}, a multi-objective optimization framework is developed to study the trade-off between the minimizations of the total energy costs for the users and the CES provider and DN power loss in the ETSs while satisfying the CES device limits, network current flow and voltage limits. }
In one branch of literature, optimization and control frameworks to exploit behind-the-meter user-owned energy storage systems to achieve economic and network benefits have been explored \cite{Appen,feeder_model, Hashemi, Bale, Celik, Cao}. Another branch of literature studies scheduling of centralized in-front-of-the-meter energy storage systems. To visualize the trade-off solutions among various network and economic benefits in the scheduling of centralized energy storage systems, multi-objective optimization frameworks have been proposed \cite{Tant, MG3, Karthikeyan2, Gao, Nick}. For instance, in \cite{Tant}, achieving network voltage regulation, peak demand reduction and the annual battery operating cost reduction has been studied by developing a multi-objective optimization framework. In \cite{Nick}, a multi-objective optimization framework has been explored to study the optimal trade-off between economic and technical goals including the DN voltage deviations, congestion, power losses, energy costs of supplying loads, and energy storage maintenance and investment costs. The common feature of the existing research is that the energy storage is merely enabled to exchange energy with the grid. In contrast to these single path energy flow-based frameworks, \cm{here, we explore the capability of sharing a CES system among multiple users by allowing them to trade energy directly with the storage system without breaching the network constraints such as voltage and current flow limits.}
\cm{We organize the paper as follows. The ETS configurations are given in Section~\ref{system_config} and the DN power flow model is given in Section~\ref{network_model}. The multi-objective optimization framework is presented in Section~\ref{optimization_problem}. Numerical analyses and simulations are demonstrated in Section~\ref{results} with conclusions in Section~\ref{conclusion}.}
\section{Energy Trading System Models and Configurations}\label{system_config}
In the first two sub-sections of the this section, \cm{the models of the demand-side and the CES operation} used in the ETSs are generalized. Then, the three ETS configurations are explained according to how the energy flows between the CES system, users and the grid are enabled.
\subsection{Demand-side model}
\cm{Similar to our previous work in \cite{Power_sys_paper_chathurika}, an ETS model consists of a set of energy users $\mathcal{A}$, a CES system, and a system aggregator. We assume a third-party owns the CES system, and we refer to this owner as the CES provider. The energy users $\mathcal{A}$ are sub-divided into non-participating users $\mathcal{N}$ and participating users $\mathcal{P}$. Each user in $\mathcal{P}$ has rooftop solar and the users $\mathcal{N}$ do not have any power generation capability. We take PV systems at the users $\mathcal{P}$ operate at a power factor of 1. None of the users in $\mathcal{A}$ owns energy storage systems. The energy exchange between the local market and the grid is coordinated by the aggregator. Here, the local market, as shown in Fig.~\ref{fig:sys1}, comprises the CES system and the users $\mathcal{A}$.}
The time period of analysis $\mathcal{T}$ is split into $H$ number of time intervals. In this paper, $\mathcal{T}$ represents one day, and the time interval length is given by $\Delta t$. By considering demand and PV power generation variations, the users $\mathcal{P}$ are sub-divided into deficit users $\mathcal{P}^{-}(t)$ and surplus users $\mathcal{P}^{+}(t)$. At time $t$, $\mathcal{P} = \mathcal{P}^{-}(t)\cup \mathcal{P}^{+}(t)$. PV power at user $n\in \mathcal{P}$ at time $t$ is given by $g_n(t)\geq 0$, and user $a\in \mathcal{A}$ has an energy demand $d_a(t)\geq 0$ at time $t$. Then, user $n\in \mathcal{P}$ has an energy deficit $e_n(t)$ where $e_n(t) = d_n(t) - g_n(t)$. If $e_n(t)\geq 0$, then $n\in \mathcal{P}^{-}(t)$, and otherwise $n\in \mathcal{P}^{+}(t)$.
At time $t$, we consider user $n \in \mathcal{P}$ exchanges energy $y_n(t)$ with the CES and $l_n(t)$ with the grid. When buying, $y_n(t) >0$ and when selling, $y_n(t) <0$. The same sign convention is applied to $l_n(t)$. Then
\begin{equation}
e_n(t) = y_n(t) + l_n(t).\label{eq:id1}
\end{equation}
The aggregator determines the values for $l_n(t)$ day-ahead by solving a centralized optimization problem given in Section~\ref{optimization_problem} and using the reported $e_n(t)$ values by the users $\mathcal{P}$. Once $l_n(t)$ is known, $y_n(t)$ can be found by using the energy balance \eqref{eq:id1}. In this paper, it is supposed that the users $\mathcal{A}$ can obtain perfect information of energy demand and PV power generation forecasts for the next day.
\subsection{Community Energy Storage Model}
The CES system may charge-discharge with the grid in addition to charging and discharging with the users $\mathcal{P}$. The energy amount traded with the grid at time $t$ is denoted by $e_g(t)$. Here, $e_g(t) > 0$ represents buying energy and $e_g(t) < 0$ represents selling energy. It is supposed that $e_g(t),~\forall t \in \mathcal{T}$ are also determined by the aggregator by solving the optimization in Section~\ref{optimization_problem}. Given $y_n(t)$ and $e_g(t)$, $e_s(t) = e_g(t) - \sum_{n\in \mathcal{P}}y_n(t)$ is the energy amount that is actually flowed in/out of the CES. Here, when charging, $e_s(t) > 0$, and when discharging $e_s(t) < 0$.
The constraint to satisfy the CES power ratings is given by
\begin{equation}
-\gamma^{\text{dis}}_{\text{max}} \leq \frac{e_s(t)}{\Delta t }\leq \gamma^{\text{ch}}_{\text{max}}, ~\forall{t \in \mathcal{T}} \label{eq:id2}
\end{equation}
where $\gamma^{\text{dis}}_{\text{max}}$ and $\gamma^{\text{ch}}_{\text{max}}$ are the maximum discharging and charging power rates of the CES, respectively. By incorporating the CES charging efficiency $0<\eta_c \leq 1$ and the discharging efficiency $\eta_d \geq 1$, $b(t) = b(t-1) + \eta e_s(t)$ gives the end of time $t$'s CES energy charge level. Here, $\eta = \eta_c$ if $e_s(t) \geq 0$, and $\eta = \eta_d$ otherwise.
For all $t\in \mathcal{T}$, the energy capacity constraint is
\begin{equation}
B_{\text{min}}\leq b(t) \leq B_{\text{max}} \label{eq:id4}
\end{equation}
where $B_{\text{min}}$ and $B_{\text{max}}$ denote the minimum and maximum energy capacity limits of the CES, respectively.
We also take
\begin{equation}
\abs{b(H) - b(0)} \leq \theta \label{eq:id7}
\end{equation}
where $\theta$ is a small positive constant. This makes sure the continuity of the CES device's operation.
\subsection{Different energy trading system configurations}\label{diff_config}
This section classifies the three different ETSs according to how the energy flows are enabled between the users $\mathcal{P}$, the grid, and the CES.
\subsubsection{ETS 1} \label{all_paths}
In this system, the users $\mathcal{P}$ can trade energy with both the grid and the CES system. Hence, both $y_n(t)$ and $l_n(t)$ may have non-zero values. The ETS model is similar to the model in \cite{Power_sys_paper_chathurika}, however, in this paper, we consider a centralised optimisation approach to determine $l_n(t)$ whereas, in \cite{Power_sys_paper_chathurika}, the system utilises a distributed approach based on game theory.
\begin{figure}[t!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/sys1_all_energy_paths_new.pdf}
\caption{ETS 1 - participating users exchange energy with both the CES device and the grid.}
\label{fig:sys1}
\end{figure}
By considering the amount of energy deficit at user $n\in \mathcal{P}$ at time $t$, the values of $l_n(t)$ are calculated such that
\begin{equation}
\begin{rcases}
e_n(t) \leq l_n(t) \leq 0,~~~\text{if}~n \in \mathcal{P}^{\scaleto{+}{4.5pt}}(t), \\
0 \leq l_n(t) \leq e_n(t),~~~\text{if}~n \in \mathcal{P}^{\scaleto{-}{4.5pt}}(t).
\end{rcases}\label{eq:id2a_b}
\end{equation}
\subsubsection{ETS 2}\label{WO_ln}
In this system, participating users $\mathcal{P}$ interact only with the CES system and hence, exchange energy only with the storage. Therefore, only the energy transactions $y_n(t)$ exist, and
\begin{equation}
l_n(t) = 0,~\forall n\in \mathcal{P},~\forall t \in \mathcal{T}. \label{eq:id2aa}
\end{equation}
Additionally, the CES system can exchange energy $e_g(t)$ with the grid (see Fig.~\ref{fig:sys2}).
\begin{figure}[b!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/sys2_WO_lnt_new.pdf}
\caption{ETS 2 - participating users exchanges energy only with the CES.}
\label{fig:sys2}
\end{figure}
Since the deficit energy of user $n\in \mathcal{P}$ is satisfied through the CES, $e_n(t) = y_n(t)$.
\subsubsection{ETS 3}\label{WO_yn}
In this system, the users $\mathcal{P}$ can only exchange energy with the grid and have no energy trading interaction with the CES system. Hence, only the energy transactions $l_n(t)$ exist, and $y_n(t) = 0,~\forall n\in \mathcal{P},~\forall t \in \mathcal{T}$. Since the deficit energy of user $n\in \mathcal{P}$ is satisfied through the grid,
\begin{equation}
l_n(t) = e_n(t),~\forall n\in \mathcal{P},~\forall t \in \mathcal{T}. \label{eq:id2ab}
\end{equation}
Additionally, the CES can exchange energy $e_g(t)$ with the grid similar to the other two ETSs (see Fig.~\ref{fig:sys3}). Therefore, in this system, $e_s(t) = e_g(t)$.
\begin{figure}[b!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/sys3_WO_ynt_new.pdf}
\caption{ETS 3 - participating users exchanges energy only with the grid.}
\label{fig:sys3}
\end{figure}
\section{Network Power flow Model}\label{network_model}
To calculate the DN voltages with the ETSs in Section~\ref{system_config}, this paper leverages the linearized Distflow equations in \cite{Baran1} developed for a radial DN.
Consider a radial DN described by a rooted tree $\mathcal{G}=(\mathcal{V}, \mathcal{E})$ where $\mathcal{V}= \{0,1,\dotsm,\text{N}\}$ is the set of buses and $\mathcal{E} = \{(i,j)\} \subset \mathcal{V}\times \mathcal{V}$ is the set of distribution lines. We ignore index $t$ in voltages and power in \eqref{eq:id22_a} for notational simplicity.
Bus 0 is the slack bus representing the distribution transformer's secondary side.
For bus $i \in \mathcal{V}$, $V_i$, $P_i$, and $Q_i$ are the voltage magnitude, active power consumption, and reactive power consumption, respectively. Additionally, $V_0$ is known and fixed. $r_{ij}$ and $x_{ij}$ are the resistance and reactance for each line $(i,j) \in \mathcal{E}$, respectively. Moreover, $P_{ij}$ and $Q_{ij}$ denote the active and reactive power flowing from bus $i$ to $j$. With $\mathbf{P} = (P_1,\dotsm,P_{\text{N}})^{\text{T}}$, $\mathbf{Q} = (Q_1,\dotsm,Q_{\text{N}})^{\text{T}}$, and $ \mathbf{V} = (V_1^2,\dotsm,V_{\text{N}}^2)^{\text{T}}$, the linearized Distflow model can be compactly written as \cite{Bitar}
\begin{equation}
\mathbf{V} = -2\mathbf{R}\mathbf{P} -2 \mathbf{X}\mathbf{Q} + V_0^2\mathbf{1} \label{eq:id22_a}
\end{equation}
Here, $\mathbf{R}, ~\mathbf{X}\in \mathbb{R}^{\text{N}\times \text{N}}$ where $\mathbf{R}_{ij} = \sum_{(h,k)\in \mathcal{L}_i \cap \mathcal{L}_j}r_{hk}$ and $\mathbf{X}_{ij} = \sum_{(h,k)\in \mathcal{L}_i \cap \mathcal{L}_j}x_{hk}$. $\mathcal{L}_i \subset \mathcal{E}$ is the set of lines on the path connecting bus $0$ and bus $i$. $\mathbf{1}$ is the N-dimensional all-ones vector.
Given that $\mathbf{V}_{\text{min}}= V_{\text{min}}^2\mathbf{1}$ and $\mathbf{V}_{\text{max}} = V_{\text{max}}^2\mathbf{1}$ with $V_{\text{max}}$ and $V_{\text{min}}$ being the maximum and minimum DN voltage magnitude limits, respectively, it is required that
\begin{equation}
\mathbf{V}_{\text{min}}~\leq~\mathbf{V}~\leq~\mathbf{V}_{\text{max}},~\forall t\in \mathcal{T}. \label{eq:id23_a}
\end{equation}
Without loss of generality, both non-participating and participating users may exist at a given bus $i \in \mathcal{V}\backslash \{0\}$. There the participating user set is given by $\mathcal{P}_i \subset \mathcal{P}$, and the non-participating user set is given by $\mathcal{N}_i \subset \mathcal{N}$. The active power consumption at bus $i$, $P_{i} = \frac{1}{\Delta t} \Big( \sum_{n\in \mathcal{P}_i}e_n(t) + \sum_{m\in \mathcal{N}_i}d_m(t) + e_s(t)\Big)$ if the CES is placed at that bus. Otherwise, it is simply $P_{i} = \frac{1}{\Delta t} \Big( \sum_{n\in \mathcal{P}_i}e_n(t) + \sum_{m\in \mathcal{N}_i}d_m(t) \Big)$. Note that, here, $d_m(t)$ is the energy demand of user $m\in \mathcal{N}_i$. For each ETS, $e_s(t)$ is calculated accordingly with the choice of energy transactions $l_n(t)$, $y_n(t)$ and $e_g(t)$ as described in Section~\ref{diff_config}. If user $a\in \mathcal{A}_i$ has a reactive power demand $q_a(t)$, $Q_i$ can be taken as $Q_i= \sum_{a\in \mathcal{A}_i}q_a(t)$ where $ \mathcal{A}_i = \mathcal{P}_i \cup \mathcal{N}_i $.
In addition to the voltage constraints, line current flow limits are also considered and given by
\begin{equation}
I^2_{ij}(t) \leq I_{ij,\text{max}}^2,~\forall t\in \mathcal{T},~\forall (i,j)\in \mathcal{E} \label{eq:id23_aa}
\end{equation}
where $I_{ij,\text{max}}$ is the magnitude of the maximum allowed complex current in line $(i,j)$, and $I^2_{ij}(t) = \frac{P_{ij}(t)^2 + Q_{ij}(t)^2 }{V^2_{0}(t)} $ by taking $V_{i}(t)^2 \approx V_{0}^2(t),~\forall i \in \mathcal{V} \backslash \{0\}$ \cite{Bitar}.
\section{Optimization Framework}\label{optimization_problem}
In each ETS, the aggregator solves a multi-objective optimization problem to find $l_n(t)$ and $e_g(t)$, and this section describes its generalized formation. The optimization includes two objectives: (1) the total energy cost, i.e., the sum of energy costs of the users $\mathcal{P}$ and the CES provider, minimization and (2) the DN power loss minimization.
By taking $\lambda_g(t)$ as the grid energy price, both the users $\mathcal{P}$ and the CES provider incur a total energy cost $f_{\text{cost}}$ that is given by
\begin{equation}
f_{\text{cost}} = \sum_{t=1}^H \lambda_g(t)\Big(E_{\mathcal{P}} (t)+ e_g(t) \Big). \label{eq:id9}
\end{equation}
where $E_{\mathcal{P}} (t) = \sum_{n\in \mathcal{P}}l_n(t)$.
Given $I^2_{ij}(t)$ as for \eqref{eq:id23_aa}, the total active power loss of the DN is calculated by using \cite{Bitar}
\begin{equation}
f_{\text{loss}} = \sum_{t=1}^H \sum_{(i,j) \in \mathcal{E}} r_{ij} I^2_{ij}(t). \label{eq:id24}
\end{equation}
After normalizing the objective functions and applying the linear-weighted combination \cite{mult_lin}, the multi-objective optimization problem is given by
\begin{equation}
\ve{x^*} = \operatornamewithlimits{argmin}_{\ve{x}~\in~\mathcal{X}}~\text{w}_1 \frac{f_{\text{cost}} - f_{\text{cost}}^{\text{utopia}}}{f^{\text{Nadir}}_{\text{cost}} - f_{\text{cost}}^{\text{utopia}}} + \text{w}_2 \frac{f_{\text{loss}} - f^{\text{utopia}}_{\text{loss}}}{f^{\text{Nadir}}_{\text{loss}} - f^{\text{utopia}}_{\text{loss}}}\label{eq:id25}
\end{equation}
where $ \ve{x} = (\ve{E_{\mathcal{P}}}, \ve{e_g})$ with $\ve{E_{\mathcal{P}}} = (E_{\mathcal{P}}(1),\dotsm,E_{\mathcal{P}}(H))^{\text{T}}$ and $\ve{e_g} = (e_g(1),\dotsm,e_g(H))^{\text{T}}$. $\text{w}_1$ and $\text{w}_2$ are the weight coefficients, and $\mathcal{X}$ is the feasible set. The set $\mathcal{X}$ is subject to constraints \eqref{eq:id2a_b}, \eqref{eq:id1}-\eqref{eq:id7}, \eqref{eq:id23_a}-\eqref{eq:id23_aa} for the ETS 1, \eqref{eq:id2aa}, \eqref{eq:id1}-\eqref{eq:id7}, \eqref{eq:id23_a}-\eqref{eq:id23_aa} for the ETS 2, and \eqref{eq:id2ab}, \eqref{eq:id1}-\eqref{eq:id7}, \eqref{eq:id23_a}-\eqref{eq:id23_aa} for the ETS 3 in Section~\ref{diff_config}. Let the individual minimal points of $f_{\text{cost}}$ and $f_{\text{loss}}$ are given by $ \ve{x^*_{\text{cost}}} = \operatornamewithlimits{argmin} _{{\ve{x}~\in~\mathcal{X}}} f_{\text{cost}}$ and $\ve{x^*_{\text{loss}}} = \operatornamewithlimits{argmin} _{{\ve{x}~\in~\mathcal{X}}} f_{\text{loss}}$. Then the values for $f_{\text{cost}}^{\text{utopia}}$, $f_{\text{loss}}^{\text{utopia}}$, $f_{\text{cost}}^{\text{Nadir}}$, and $f_{\text{loss}}^{\text{Nadir}}$ in \eqref{eq:id25} are calculated as follows;
\begin{equation*}
\begin{rcases}
f_{\text{cost}}^{\text{utopia}} = f_{\text{cost}}(\ve{x^*_{\text{cost}}}), \\
f_{\text{loss}}^{\text{utopia}}= f_{\text{loss}}(\ve{x^*_{\text{loss}}}), \\
f_{\text{cost}}^{\text{Nadir}} = \text{max} [f_{\text{cost}}(\ve{x^*_{\text{cost}}})~f_{\text{cost}}(\ve{x^*_{\text{loss}}})],\\
f_{\text{loss}}^{\text{Nadir}} = \text{max} [f_{\text{loss}}(\ve{x^*_{\text{cost}}})~f_{\text{loss}}(\ve{x^*_{\text{loss}}})].
\end{rcases}\label{eq:id2a}
\end{equation*}
To find the coefficients $\text{w}_1$ and
$\text{w}_2$, the Analytic Hierarchy Process
(AHP) \cite{Saaty2004} can be applied, and $\sum_{k=1}^2 \text{w}_k =1$ with $\text{w}_k \in [0,1]$. If the set $\mathcal{P}$ comprises either only deficit users or surplus users, we take $l_n^*(t) = E_{\mathcal{P}}^*(t)\frac{e_n(t)}{\sum_{\mathcal{P}}e_n(t)}$ once $E_{\mathcal{P}}^*(t)$ is found by solving \eqref{eq:id25}. If both types of users exist in $\mathcal{P}$, then we set $l_n^*(t) = 0$.
\eqref{eq:id25} is a convex quadratically-constrained quadratic program, and thus, \eqref{eq:id25} can be solved by using convex optimization algorithms in \cite{boyd2004convex}.
\section{Numerical analyses and simulations}\label{results}
In simulations, the radial distribution feeder with 7 buses given in \cite{feeder_model} is considered.
\begin{figure}[t!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/simulation_feeder_2.pdf}
\caption{7-bus radial feeder with the number of users at each bus.}
\label{fig:LV_feeder}
\end{figure}
55 users are connected to the feeder as shown in Fig.~\ref{fig:LV_feeder}, and hence, $\abs{\mathcal{A}} = 55$. Real PV power and active power demand data of 55 users in Canberra, Australia \cite{NextGen} are used to generate users' daily active power and PV power profiles in simulations. The generated daily power profiles represent the selected users' average Autumn daily demand and PV power profiles. Reactive power demand is not considered because of lack of real data. Additionally, $B_{\text{max}}= 900~\text{kWh},~B_{\text{min}}=0.05B_{\text{max}},~\gamma^{\text{ch}}_{\text{max}}=\gamma^{\text{dis}}_{\text{max}}=400~ \text{kW},~\eta_d = 1.02,~ \eta_c = 0.98,~\Delta t = 1/12~\text{hrs},~H = 288,~V_{\text{0}} = 1~\text{p.u.},~V_{\text{min}} = 0.95~\text{p.u.},~V_{\text{max}} = 1.05~\text{p.u.}$. The CES is placed at bus 7. $\text{w}_1 = 0.67$ and $\text{w}_2 = 0.33$ which are found by using the pairwise comparison matrix in \cite{Nick} with the AHP. The grid energy price signal $\lambda_g(t)$ is taken as the the time-of-use price signal in \cite{Origin} and is shown in Fig.~\ref{fig:price}.
\begin{figure}[b!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/Fig1_TOU_price.pdf}
\caption{Grid energy price signal $\lambda_g(t)$.}
\label{fig:price}
\end{figure}
In this paper, to compare the performance of the three ETSs, a baseline is considered without a CES. The users $\mathcal{P}$ in the baseline exchanges energy only with the grid for which they receive a price $\lambda_g(t)$.
Fig.~\ref{fig:Grid energy} illustrates the temporal variations of the total grid energy load $E(t)$, that is given by $E(t) = E_{\mathcal{P}}(t) + E_{\mathcal{N}}(t) + e_g(t)$ where $E_{\mathcal{N}}(t)$ is the total grid energy of the users $\mathcal{N}$ at time $t$, in the three ETSs and in the baseline system.
\begin{figure}[b!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/Fig2_grid_loads.pdf}
\caption{Temporal variations of the total grid energy load $E(t)$.}
\label{fig:Grid energy}
\end{figure}
As shown in the figure, during the day, $E(t)$ is negative in the baseline system due to excess PV power generation at the users $\mathcal{P}$.
Fig.~\ref{fig:boxplot grid energy} depicts the distributions of the total grid load $E(t)$ within the 24-hr time period in the three ETSs and in the baseline system.
\begin{figure}[t!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/Fig10_grid_demand_distribution_boxplot.pdf}
\caption{Distributions of 24-hr total grid energy load $E(t)$.}
\label{fig:boxplot grid energy}
\end{figure}
In this figure, the maximum and the minimum grid loads are illustrated by the whisker horizontal bars. The figure depicts the ETSs reduce the positive peak grid energy demand and the peak reverse power flow to the grid (negative grid load) that occurs due to excess PV power during the day in the baseline. Out of the three ETSs, the ETS 2 results in the lowest peak positive and negative grid energy loads as the users $\mathcal{P}$ predominantly exchange all their energy transactions with the CES system.
Fig.~\ref{fig:CES SOC} shows the temporal variations of the CES energy charge levels with the three ETSs.
\begin{figure}[b!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/Fig3_CES_SOC.pdf}
\caption{The variations of the CES system's energy charge levels.}
\label{fig:CES SOC}
\end{figure}
Additionally, Figs.~\ref{fig:energy transactions all paths}(a), \ref{fig:energy transactions all paths}(b) and \ref{fig:energy transactions all paths}(c) depict the different energy transactions in the three ETSs.
\begin{figure}[t!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/Fig10_subplots_energy_transactions.pdf}
\caption{Energy transactions of the (a) ETS 1 (b) ETS 2 and (c) ETS 3.}
\label{fig:energy transactions all paths}
\end{figure}
Fig.~\ref{fig:CES SOC} shows, in all systems, the CES system is charging during the day ($e_s(t) > 0$) and discharging in the afternoon ($e_s(t) < 0$).
As shown in Figs. \ref{fig:energy transactions all paths}(a) and \ref{fig:energy transactions all paths}(b), in the ETSs 1 and 2, the CES system exchanges energy with both the users $\mathcal{P}$ and the grid, i.e., the profiles of $\sum_{n\in \mathcal{P}}y_n(t)$ and $e_g(t)$ have non-zero values. In these two systems, the CES charges during the day mainly due to the PV energy sold by the users ($\sum_{n\in \mathcal{P}}y_n(t) >0$). However, in ETS 3, because the users do not exchange energy with the CES, i.e., $\sum_{n\in \mathcal{P}}y_n(t) =0$, the CES charge-discharge profile $e_s(t)$ coincides with the CES provider's grid energy trading profile $e_g(t)$ as shown in Fig.~\ref{fig:energy transactions all paths}(c). Therefore, in the ETS 3, the charging of the CES during the day occurs mainly due to the energy bought by the CES provider ($e_g(t) > 0$). In all three systems, the CES system discharges in the afternoon and that reduces the afternoon peak grid energy demand as shown in Fig.~\ref{fig:Grid energy}.
Fig.~\ref{fig:bar graph DN loss and revenue} compares the total revenue ($-f_{\text{cost}}$ in \eqref{eq:id9}) and the DN energy loss, by using \eqref{eq:id24}, in the three ETSs with those of the baseline system.
\begin{figure}[t!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/Fig_15_peak_demand_loss_bargraph_including_baseline.pdf}
\caption{DN losses and total revenues of the ETSs and the baseline.}
\label{fig:bar graph DN loss and revenue}
\end{figure}
As shown, all three ETSs are capable of reducing the DN energy loss of the baseline system by nearly 85\%. Additionally, the total revenues of the three ETSs are higher than that in the baseline system. The total revenue decreases from the ETS 3 through the ETS 1 to the ETS 2. A similar trend was observed for the DN energy loss. In the ETS 3, both participating users and the CES provider receive positive cumulative revenues and that leads to the greatest revenue of the three systems. On the other hand, in the ETS 2, the users receive zero revenue because they trade energy only with the CES system ($l_n(t) = 0$), without receiving a price for their energy transactions. That leads to the least revenue in the ETS 2. However, the reduction of the revenue of the ETS 2 compared to the revenue of the ETS 3, where the users only exchange energy with the grid, is only by 19\%, and the reduction of the revenue of the ETS 1, where the users trade energy with both the grid and the CES system, compared to revenue of the ETS 3 is only by 7\%. These trends highlight that energy trading between the users and the CES system can give a better trade-off between the DN power loss and energy cost reductions.
Fig.~\ref{fig:voltages baseline} illustrates the bus voltages of the baseline system.
\begin{figure}[b!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/voltage_baseline.pdf}
\caption{Bus voltage profiles of the baseline system.}
\label{fig:voltages baseline}
\end{figure}
As shown, due to excess PV power generation during the day, all buses of the feeder experience over-voltage conditions and in the afternoon, due to peak energy demand, the lower voltage limit is breached at buses 3-7.
Figs.~\ref{fig:voltages all paths}, \ref{fig:voltages without ln(t)} and \ref{fig:voltages without yn(t)} depict that, by exploiting the CES system charging-discharging with PV power generation, all three ETSs can regulate the voltage excursions in the DN that occurs in the baseline system.
\begin{figure}[t!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/voltage_ETS_1.pdf}
\caption{Bus voltage profiles of the ETS 1.}
\label{fig:voltages all paths}
\end{figure}
\begin{figure}[t!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/voltage_ETS_2.pdf}
\caption{Bus voltage profiles of the ETS 2.}
\label{fig:voltages without ln(t)}
\end{figure}
\begin{figure}[t!]
\centering
\includegraphics[width=0.85\columnwidth]{Figures/voltage_ETS_3.pdf}
\caption{Bus voltage profiles of the ETS 3.}
\label{fig:voltages without yn(t)}
\end{figure}
\section{Conclusions} \label{conclusion}
We have studied the extent to which the integration of residential photovoltaic (PV) power with a community energy storage (CES) system can minimize distribution network (DN) power loss and energy costs, by comparing three different energy trading systems (ETSs). A network-constrained multi-objective optimization framework has been developed to study the trade-offs between the energy cost and DN power loss reductions while satisfying the DN voltage and current flow limits. Numerical results highlighted that energy trading between the PV users and the CES system can create a better trade-off between the network power loss and energy cost reductions while reducing peak electricity demand on the grid. Future work includes exploring methods for optimal sizing and location of the CES system and combining the ETS operations with behind-the-meter energy storage systems.
|
\section{Introduction}
Recently, Cheltsov--Rubinstein \cite{CR} put forward a
conjectural picture in which non-compact Calabi--Yau fibrations
emerge as the small angle limit of families of
compact singular metrics known as K\"ahler edge metrics.
In a recent article, we verfied this picture in the most elementary setting of Riemann surfaces \cite{RZ}. Our goal in the present article is to give further evidence for the conjecture by verifying it for some special symmetric complex surfaces. In passing, we also answer a question of Cheltsov by proving the
existence of a rigid K\"ahler--Einstein edge metric.
Let $M$ be a smooth complex projective manifold and let $D=D_1+\ldots+D_r$
be a simple normal crossing divisor in $M$.
Following Tian \cite[p. 147]{Tian1994}, a K\"ahler metric on $M$ with an edge singularity along a divisor $D\subset M$
is a smooth K\"ahler metric on $M\setminus D$ that has a cone singularity
transverse to $D$ (`bent' at an angle $2\pi \beta_i<2\pi$ along $D_i$). Such metrics are called
{\it K\"ahler edge metrics;}
we refer to \cite{JMR} for geometric analysis on such spaces
and to \cite{R14} for a detailled survey and further references.
In op. cit. \cite{CR} one is concerned with small cone angle K\"ahler edge
metrics that are also Einstein, called
K\"ahler--Einstein edge (KEE) metrics and of positive Ricci curvature.
For such metrics to exist it is necessary that
$(M,D)$ be {\it asymptotically log Fano}
\cite[Definition 1.1]{CR},
a positivity property generalizing
positivity of the first Chern class (i.e., being Fano) in the sense
that $c_1(M)-\sum_{i=1}^r(1-\beta_i(j))D_i$ is positive for a sequence
$\beta(j)=(\beta_1(j),\ldots,\beta_r(j))\in(0,1)^r$ tending to the origin
(being Fano corresponds to the other
`extreme' with $\beta_1=\ldots=\beta_r=1$ or alternatively there being no divisor, i.e., $D=0$). Assuming then
that $(M,D)$ is asymptotically log Fano and that it admits KEE metrics
$\{\omega} \def\O{\Omega_{\beta(j)}\}_{j\in\NN}$
with angles $\beta_i(j)$ along $D_i$, it is conjectured there that by taking an appropriate limit these metrics will converge to a Calabi--Yau fibration
on the non-compact space $M\setminus D$
\cite[Conjecture 1.11]{CR}.
Conjecturally, the fibration may
be described in terms of the
adjoint anticanonical linear system
as follows.
Let $K_M$ denote the canonical bundle,
so that $c_1(M)=-c_1(K_M)$ by definition.
By our assumption $-K_M-D$ is nef as it is a limit of ample divisors.
Let $d=\dim H^0(M,-K_M-D)$ and let
$s_1,\ldots, s_d$ be a basis for the vector
space $H^0(M,-K_M-D)$. The
Kodaira map
\begin{equation}
\lb{Kodairamapeq}
M\ni z\mapsto [s_1(z):\ldots:s_d(z)]\in{\mathbb P}} \newcommand{\RR}{\mathbb{R}^{d-1},
\end{equation}
is then a holomorphic map from $M$
onto its image, a projective variety
we denote by $Y\subset{\mathbb P}} \newcommand{\RR}{\mathbb{R}^{d-1}$.
Denote
by $\kappa:=
\dim Y$.
It was conjectured \cite[Conjecture 1.6]{CR}
that $\kappa<\dim M$ (under the assumption that
the KEE metrics $\omega} \def\O{\Omega_\beta$ exist for small $\beta$), or equivalently that
$(K_M+D)^{\dim M}=0$,
and this was established in dimension $2$
\cite{CR2}
and subsequently in all dimensions \cite{Fujita}.
The next step in the program described in \cite{CR} is to study the geometric limit, if such exists,
of such KEE metrics when the angles tend to zero.
More precisely, we are interested in the following conjecture \cite[Conjecture 1.8]{CR}
(as customary, when discussing dimension 2 we will use `del Pezzo' instead of `Fano',
and replace $(M,D)$ by $(S,C)$):
\begin{conjecture}
\lb{CRconj}
{\rm }
Let $C=C_1+\ldots+C_r\not\sim-K_S$ be a disjoint union of smooth
curves in a projective surface $S$ such that $(S,C)$
is strongly asymptotically log del Pezzo. Let $\beta\in(0,1)^r$ be a sequence tending
to the origin and suppose that there exist K\"ahler--Einstein edge metrics
$\omega} \def\O{\Omega_\beta$ of angle $2\pi\beta_i$ along $D_i$ and
of positive Ricci curvature.
Then as $\beta\ra0$ an appropriate
limit of $\omega} \def\O{\Omega_\beta$ converges to a
fibration of cylinders whose base is ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^1$.
\end{conjecture}
In fact, by general results of Kawamata and Shokurov $C$ can have at most two connected components, so that $r\in\{1,2\}$ \cite[Remark 3.7]{CR}.
Note that part of the challenge is to identify what
exactly ``appropriate" means in Conjecture \ref{CRconj}. As we show
in this note the appropriate sense, at least in some cases, turns out to be
rescaling the fibers of the fibration \eqref{Kodairamapeq}
in a precise way and considering a certain pointed Gromov--Haussdorff
limit, inspired by the asymptotic analysis in the Riemann surface case
\cite{RZ}. Moreover, we also show that the {\it un-rescaled} limit exists
as a collapsed Gromov--Haussdorff limit, and is the K\"ahler--Einstein } \def\KEno{K\"ahler--Einstein metric on the base $Y$ (in this case the Fubini--Study
metric on ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^1$). We believe this should generalize to the setting of Conjecture
\ref{CRconj}.
In this note we concentrate on a particular family of $(S,C)$
as in Conjecture \ref{CRconj} and first construct
rather explicitly the sequence of KEE metrics $\omega} \def\O{\Omega_\beta$ for a sequence of small
angles $\beta\in(0,1)^2$ tending to zero.
Moreover, we analyze the small angle limit of this sequence and resolve
Conjecture \ref{CRconj} for this family of pairs. The pairs we consider are
\begin{equation}
\lb{II2Aneq}
S={\mathbb F}_n,\, n\in\NN\cup\{0\},
\quad} \def\qq{\qquad
C_1=Z_n,\, C_2\in|Z_n+nF|,
\end{equation}
where ${\mathbb F}_n$ is the $n$-th Hirzebruch surface \cite{Hirzebruch}, $C_1$ is the $-n$-curve,
and $C_2$ is an $n$-curve; see \S\ref{compactifyingSec} and \S\ref{sec:kahler-class} for notation and precise definitions.
The `boundary' in these pairs consists of
two disjoint components $C_1$ and $C_2$ which in some senses is an added difficulty,
however, the pairs \eqref{II2Aneq} have the advantage of being toric (by which we mean that
$S$ is toric and each $C_i$ is a torus-invariant holomorphic curve in $S$), and in fact the pairs even admit the larger
symmetry group of the Calabi ansatz.
The simplest sub-case, $n=0$, serves
as a general guide, and, in fact, as a nice bridge to our previous 1-dimensional
work \cite{RZ}. In the $n=0$ case, the boundary consists of two disjoint fibers in ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^1\times{\mathbb P}} \newcommand{\RR}{\mathbb{R}^1$ and while the class
$-K_{{\mathbb P}} \newcommand{\RR}{\mathbb{R}^1\times{\mathbb P}} \newcommand{\RR}{\mathbb{R}^1}
-(1-\beta_1)C_1-(1-\beta_2)C_2$ is ample for all small $\beta_1$
and $\beta_2$, only the classes with $\beta_1=\beta_2$ admit KEE metrics which we denote
by $\omega} \def\O{\Omega_{\beta_1,\beta_1}$. This is reminiscent of the situation for footballs, and
for a good reason. In fact the reason that only the classes with $\beta_1=\beta_2$
admit KEE metrics is that if $\beta_1\not=\beta_2$ then ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^1$ admits a conic
Ricci soliton football metric with angles $2\pi\beta_1$ at the North pole and
$2\pi\beta_2$ at the South pole (see, e.g., \cite[\S2]{RZ}). Taking the product with the Fubini--Study metric
on ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^1$ we see that $({\mathbb P}} \newcommand{\RR}{\mathbb{R}^1\times{\mathbb P}} \newcommand{\RR}{\mathbb{R}^1, C_1+C_2)$ admits a \Kno--Ricci soliton edge
metric with nontrivial vector field, hence cannot admit a KEE metric.
When
$\beta_1=\beta_2$,
the KEE metric $\omega} \def\O{\Omega_{\beta_1,\beta_1}$
is nothing but the product
of the volume one Fubini--Study metric on the base $Y={\mathbb P}} \newcommand{\RR}{\mathbb{R}^1$ and the
volume $4\pi\beta_1$ constant scalar curvature
conic metric, i.e., the football, on the fibers. Then, our previous
work \cite[Theorem 1.3]{RZ} shows that after rescaling the fiber metrics by $1/\beta_1^2$
there is a pointed Gromov--Haussdorff limit that converges to
the product space $({\mathbb P}} \newcommand{\RR}{\mathbb{R}^1\times\CC^\star, \pi_1^*\omega_{\operatorname{FS}}+C\pi_2^*\omega_{\operatorname{Cyl}})$
for some $C>0$. In fact, this can also be shown by elementary complex
analysis (op. cit. is concerned with the more general
setting of Ricci solitons).
When $n>0$ the results of \cite{RZ} do not apply as the situation is no
longer a product one and we need different tools.
First, we describe some of the well-known Calabi ansatz computations
that reduce the KEE equation to an ODE.
These are classical when there are no edges, and as we show using the asymptotic
expansion of \cite[Theorem 1]{JMR} they generalize
naturally to the setting of edges.
Similarly to the case $n=0$
it turns out there is a relation between $\beta_1$ and $\beta_2$ that is
necessary and sufficient for the class
$-K_{{\mathbb F}_n}-(1-\beta_1)C_1-(1-\beta_2)C_2$ to admit a KEE representative
$\omega} \def\O{\Omega_{\beta_1,\beta_2}$.
Moreover, $\beta_2\ra0$ as $\beta_1\ra0$ and moreover $\lim_{\beta_1\ra0}\beta_2/\beta_1=1$.
We then generalize the asymptotic analysis from $n=0$ to prove
Conjecture \ref{CRconj} for the pairs \eqref{II2Aneq} by analyzing rather explicitly
such sequences of KEE metrics $\omega} \def\O{\Omega_{\beta_1,\beta_2}$ using the Calabi ansatz.
\begin{theorem}
\lb{mainthm}
Consider the pairs \eqref{II2Aneq}. Then
for each $n\in\NN$:
\smallskip
\noindent
$\bullet\;$ There exists a family of KEE metrics $\omega} \def\O{\Omega_{\beta_1,\beta_2}$
on the pairs \eqref{II2Aneq} for each
$$
(\beta_1,\beta_2)
=
\Big(
\beta_1,
\frac1{2n}\big(n\beta_1-3+\sqrt{3(3-n\beta_1)(1+n\beta_1)}\big)
\Big),
\quad} \def\qq{\qquad \h{ for all $\beta_1\in(0,2/n)\cap (0,1]$},
$$
with $\omega} \def\O{\Omega_{\beta_1,\beta_2}$ cohomologous to
$$
\frac{2+n\beta_2}{2-n\beta_1}[C_2]-[C_1].
$$
\smallskip
\noindent
$\bullet\;$
As $\beta_1$ tends to zero, $({\mathbb F}_n,\omega} \def\O{\Omega_{\beta_1,\beta_2})$ converges in
the Gromov--Haussdorff sense to $({\mathbb P}} \newcommand{\RR}{\mathbb{R}^1,n\omega_{\operatorname{FS}})$,
where $\omega_{\operatorname{FS}}$ is the Fubini--Study metric.
Moreover, on the level of tensors,
as $\beta_1$ tends to zero,
$\omega} \def\O{\Omega_{\beta_1,\beta_2}$ restricted
to ${\mathbb F}_n\setminus (C_1\cup C_2)$ converges
in all $C^k$ norms to a degenerate
tensor that is the pull-back
of $n\omega_{\operatorname{FS}}$ on ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^1$ under
the projection map to the
zero section of the natural fibration $\pi_1:{\mathbb F}_n\rightarrow
{\mathbb P}} \newcommand{\RR}{\mathbb{R}^1$.
\smallskip
\noindent
$\bullet\;$
The fiberwise-rescaled metrics $\widetilde{\omega} \def\O{\Omega_{\beta_1,\beta_2}}$
obtained by rescaling by $\beta_1^{-2}$ only the restriction of
$\omega} \def\O{\Omega_{\beta_1,\beta_2}$ to each fiber (of the projection to ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^1$)
converges in $C^k$ on compact subsets as well as in the
pointed Gromov--Haussdorff sense to a cylinder fibration over ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^1$,
$({\mathbb P}} \newcommand{\RR}{\mathbb{R}^1\times\CC^\star,n\pi_1^*\omega_{\operatorname{FS}}
+n\pi_2^*\omega_{\operatorname{Cyl}})$, i.e.,
$$
\lim_{\beta_1\ra0}\widetilde{\omega} \def\O{\Omega_{\beta_1,\beta_2}}=
n(\pi_1^*\omega_{\operatorname{FS}}
+
\pi_2^*\omega_{\operatorname{Cyl}}),
$$
where $\omega_{\operatorname{Cyl}}$ is the flat
metric on $\CC^\star$, and $\pi_i$ is the projection on to the $i$-th factor.
\end{theorem}
\begin{remark}
{\rm
In the third statement of Theorem
\ref{mainthm} there is a certain
choice of coordinates $(Z,w)$
on ${\mathbb F}_n\setminus (C_1\cup C_2)$
(see \eqref{pi1pi2eq})
which then determines
projection maps $\pi_1$ and $\pi_2$. Thus, the limit
is only unique up to automorphisms
of ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^1\times\CC^*$.
}
\end{remark}
In 2015, Cheltsov posed the following question \cite{Cheltsov}.
\begin{question}
\lb{VanyaQ}
Let $D$ be a smooth connected divisor in a smooth variety $X$,
and let $\beta\in(0,1)$.
Does there exists a triple $(X,D,\beta)$
such that $(X,D)$ admits a KEE metric of positive Ricci curvature
and angle $2\pi\beta$ along
$D$ but does not admit KEE metrics of angles $2\pi\alpha$ along
$D$ for any $(0,1)\ni \alpha\not=\beta$?
\end{question}
Observe that Cheltsov's question
becomes interesting in dimension two and above since
there does not exist a constant scalar curvature conic Riemann sphere with
a single cone point.
We answer question \ref{VanyaQ} affirmatively.
\begin{corollary}
\lb{vanyathm}
Let $Z_{-1}$ be a smooth curve of self-intersection 1 disjoint from
the $-1$-curve in the first Hirzebruch surface ${\mathbb F}_1$.
The pair $({\mathbb F}_1,Z_{-1})$ admits a KEE metric of angle
$2\pi\beta\in(0,2\pi]$ along $Z_{-1}$ if and only if
$\beta=\sqrt3-1$.
\end{corollary}
\begin{proof}
The existence statement
for $n=1$ and $\beta_1=1$
follows from
Theorem \ref{mainthm}
(or
from Corollary \ref{KEECor})
which
implies
that then $\beta_2=\sqrt3-1$.
This gives a KEE metric with angle $2\pi(\sqrt3-1)$ along $Z_{-1}$
and smooth elsewhere.
This
KEE metric {\it cannot} be deformed to have an edge singularity
along the infinity section.
Indeed, by \cite[Example 2.8]{CR2} the pair $({\mathbb F}_1,Z_{-1})$ does not admit KEE metrics
for {\it any angle smaller} than $\sqrt 3-1$ because $Z_{-1}$ log slope destabilizes it,
and neither for {\it any angle larger} than $\sqrt 3-1$ because $Z_1$ log slope destabilizes it. This proves Theorem \ref{vanyathm}.
\end{proof}
The metric of Corollary
\ref{vanyathm} is quite remarkable in that it is in fact perhaps the first example of an ``isolated" KEE
metric whose edge singularity cannot be deformed at all.
\subsection{Organization}
In Section \ref{sec:def-Hirz}, we provide several useful viewpoints of Hirzebruch surfaces for the reader's convenience. In Section \ref{sec:edge-metric}, we characterize K\"ahler edge metrics on Hirzebruch surfaces
(Proposition \ref{CalabiFnProp}) using the Calabi ansatz and the asymptotic analysis of \cite{JMR}. In Section \ref{sec:Einstein-eq}, we solve explicitly the K\"ahler--Einstein edge equation and determine the corresponding angles along the boundary divisors (Corollary \ref{KEECor}).
We emphasize that the reader that is only interested in Corollary \ref{vanyathm} can skip
Section \ref{sec:small-angle}
as Corollary \ref{vanyathm}
follows directly from Corllary \ref{KEECor}.
Finally, in Section \ref{sec:small-angle}, we study the small angle limits of the K\"ahler--Einstein edge metrics
and prove Theorem \ref{mainthm}.
\section{Several descriptions of Hirzebruch surfaces}
\label{sec:def-Hirz}
\subsection{The quotient singularity}
Let $n\in\NN$. The simplest singularity in complex geometry is the quotient singularity constructed as follows.
Let ${\mathbb Z}} \newcommand{\NN}{{\mathbb N}_n$ act on $\CC^2$ by
the
diagonal action, so
that the ${\mathbb Z}} \newcommand{\NN}{{\mathbb N}_n$-orbit of a point
$(a_1,a_2)$ is the
collection of $n$ points
$$
\{(e^{2\pi \sqrt{-1} l/n}a_1,e^{2\pi \sqrt{-1} l/n}a_2)
\in\CC^2
\,:\,
l=0,\ldots,n-1
\}.
$$
This is always a collection of $n$ distinct points, unless
$(a_1,a_2)=(0,0)$.
So if we consider the orbit space (or
quotient space)
$$
\CC^2/{\mathbb Z}} \newcommand{\NN}{{\mathbb N}_n
$$
defined, as a set, as $\CC^2$ quotiented by the equivalence relation
\begin{equation}
\begin{aligned}
\label{Zkaction}
&(a_1,a_2)\sim (b_1,b_2)
\hbox{\ if there is
some $l\in\{0,\ldots,n-1\}$}\cr
&\hbox{
such that
$a_1=e^{2\pi \sqrt{-1} l/n}b_1$
and
$a_2=e^{2\pi \sqrt{-1} l/n}b_2$
(with the same $l$),
}
\end{aligned}\end{equation}
we obtain an orbifold, smooth on the complement of a single singular point.
\subsection{Blow-up description of the total space}
In the remainder of this note we always assume
$$
n\in\NN,
$$
since the case $n=0$ was treated in the Introduction.
We resolve the quotient singularity
by blowing up $
\CC^2/{\mathbb Z}} \newcommand{\NN}{{\mathbb N}_n
$
at the single singular point.
Next we give an alternative global description of the resulting resolution.
Denote by
\begin{equation}
\lb{blowupCnZk}
\operatorname{Bl}_0(\CC^2/{\mathbb Z}} \newcommand{\NN}{{\mathbb N}_n)
\end{equation}
the blow-up at the origin of (the orbifold, if $n\ge2$) $\CC^2/{\mathbb Z}} \newcommand{\NN}{{\mathbb N}_n$. Denote by
$
H\rightarrow{\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}
$ the
hyperplane bundle over ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}$
and by
$
H^{*}\rightarrow{\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}
$ the dual (tautological) line bundle.
Then by
\begin{equation}
\lb{minusKspaceeq}
-nH_{{\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}}
\end{equation}
we denote
the ($2$-dimensional)
total space of $-nH\equiv (H^{*})^{\otimes n}$
considered as a line bundle over ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}$.
The following is an elementary exercise.
\begin{lemma}
\lb{blowupbihollemma}
$\operatorname{Bl}_0(\CC^2/{\mathbb Z}} \newcommand{\NN}{{\mathbb N}_n)$ is biholomorphic to
$
-nH_{{\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}}.
$
\end{lemma}
\subsection{Compactifying at infinity}
\lb{compactifyingSec}
By adding a point at infinity in each $\CC$ fiber (in the $-kH_{{\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}}$ description) we obtain a compact space, a ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^1$ fibration over ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}$.
The space is equivalently obtained by
taking a product of each $\CC$ fiber
with another copy of $\CC$ and then
taking the quotient under the $\CC^*$ action on the $\CC^2$ fibers (but
not acting on the base). This space is often
denoted by
\begin{equation}
\lb{Fnkdescreq}
\mathbb{P}
\big(
-nH_{{\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}}\oplus\CC_{{\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}}
\big),
\end{equation}
and we will simply denote it by
\begin{equation}
\lb{Fnkdefeq}
\mathbb{F}_{n},
\end{equation}
for any $n\ge0$.
In effect, we have added a copy of ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}$. We therefore have two distinguished divisors in the space: the zero section
\begin{equation}
\lb{Eeq}
Z_{n}:=\{w=0\}
\end{equation}
(the exceptional divisor in the blow-up description) and the infinity section
\begin{equation}
\lb{Geq}
Z_{-n}:=\{w=\infty\}.
\end{equation}
By construction the two do not intersect.
We emphasize that
$$
\hbox{\it $Z_n$ is the $-n$-curve and $Z_{-n}$
is the ``section at infinity";}
$$
$Z_n$ can be contracted to give rise to the weighted projective space ${\mathbb P}} \newcommand{\RR}{\mathbb{R}(1,1,n)$.
We can take \eqref{Fnkdescreq}
as the definition of
$\mathbb{F}_{n}$. In that case
it actually makes sense for any
$n\in{\mathbb Z}} \newcommand{\NN}{{\mathbb N}$. And, since
for any vector bundle $A$ and line bundle
$L$ we have ${\mathbb P}} \newcommand{\RR}{\mathbb{R}(A\otimes L)={\mathbb P}} \newcommand{\RR}{\mathbb{R}(A)$, it
follows that
$\mathbb{F}_{-n}$
is biholomorphic to $\mathbb{F}_{n}$ (take $L=2nH_{{\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}}$)
with the biholomorphism exchanging the
zero and the infinity sections (i.e., $Z_n$ with $Z_{-n}$).
Recalling Lemma \ref{blowupbihollemma}
we have shown the following:
\begin{lemma}
$\mathbb{F}_{n}\setminus Z_{-n}$
is biholomorphic to
$\operatorname{Bl}_0(\CC^2/{\mathbb Z}} \newcommand{\NN}{{\mathbb N}_n)$.
\end{lemma}
\begin{lemma}
\lb{betty2lem}
$\dim H^{1,1}_{\bar\partial}({\mathbb F}_{n})=2$.
\end{lemma}
\begin{proof}
By \cite{Hirzebruch},
\begin{equation*}
{\mathbb F}_n\xrightarrow[\operatorname{diffeo.}]{\cong}
\begin{cases}
S^2\times S^2,\ & n\textstyle{ even},\\
{\mathbb P}} \newcommand{\RR}{\mathbb{R}^2\#\overline{{\mathbb P}} \newcommand{\RR}{\mathbb{R}^2},\ & n\textstyle{ odd}.\\
\end{cases}
\end{equation*}
So one has $\dim H^2({\mathbb F}_n,\CC)=2$.
Thus
$
2\dim H^{2,0}_{\bar\partial}({\mathbb F}_{n})
+
\dim H^{1,1}_{\bar\partial}({\mathbb F}_{n})=2,
$
so it follows that $\dim H^{1,1}_{\bar\partial}({\mathbb F}_{n})$ is either 0
or 2. The former possibility is excluded since $Z_n\cong {\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}$ is a non-trivial holomorphic $(1,1)$-cycle.
\end{proof}
\begin{remark}
\lb{formsinclassRem}
{\rm
We will explicitly construct (1,1)-forms in Section \ref{sec:kahler-class} below which gives an alternative direct description why
$\dim H^{1,1}_{\bar\partial}({\mathbb F}_{n},{\mathbb Z}} \newcommand{\NN}{{\mathbb N})\ge2$
hence equal to 2. In fact, we will construct explicit representatives for each K\"ahler class.
}
\end{remark}
\section{Edge metrics on Hirzebruch surfaces}
\label{sec:edge-metric}
\subsection{
Edge metrics on powers of the tautological line bundle
}
In this section we elaborate on Remark
\ref{formsinclassRem} and give a geometric approach to
compactification.
We start by constructing some $U(2)$-invariant K\"ahler edge metrics on
$-nH_{{\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}}$ \eqref{minusKspaceeq}.
The construction goes back to Calabi \cite{Calabi,CalabiI} who
considered the case of smooth K\"ahler metrics.
The
generalization to the edge case is
not much harder.
Consider the Hermitian metric $h$
on $-H$ that assigns to each point in the total
space $(Z,w)$ the norm squared
$$
|(Z,w)|_{h}^2:=|w|^2||Z||^2=|w|^2(|Z_1|^2+|Z_2|^2),
$$
i.e., locally
$$
h(Z)=||Z||^2,
$$
where $||Z||$ is the Euclidean norm of the vector $(Z_1,Z_2)$ in $\CC^2$.
Similarly, $h^n$ is a metric on $-nH$ and
$$
|(Z,w)|_{h^n}^2:=|w|^2||Z||^2=|w|^2(|Z_1|^2+|Z_2|^2)^n,
$$
and
$$
h^k(Z)=(|Z_1|^2+|Z_2|^2)^k.
$$
On the chart $Z_2\not=0$, we choose local
holomorphic coordinates
$z:=Z_1/Z_2,$
so that
\begin{equation}
\lb{Zzeq}
Z=[Z_1:Z_2]=[z:1].
\end{equation}
The curvature of this metric is a K\"ahler form on the
base (i.e.,
the zero section $Z_n\cong{\mathbb P}} \newcommand{\RR}{\mathbb{R}^1$) which is given by
$$
\begin{aligned}
-\sqrt{-1}\partial\dbar\log h^n
&=-n\sqrt{-1}\partial\dbar\log||Z||^2
=-n\sqrt{-1}\partial\dbar\
\log(1+|z|^2)^2
\cr
&=
-n(1+|z|^2)^{-2}
\sqrt{-1} dz \wedge \overline{dz}
=
-n\omega_{\operatorname{FS}}.
\end{aligned}
$$
In the sequel, we will use the above curvature property of
$h^n$, as well as the fact that it is a globally defined
$U(2)$-invariant smooth function on $\operatorname{Bl}_0(\CC^2/{\mathbb Z}} \newcommand{\NN}{{\mathbb N}_n)$.
\subsection{The Calabi ansatz on the total space}
We use the logarithm of the global invariant function
from above as our coordinate from now on. That is,
we set
\begin{equation}
\lb{sdefeq}
s(Z,w):=
\log|(Z,w)|_{h^n}^2=\log|w|^2
+n\log(1+|z|^2)
, \quad} \def\qq{\qquad (Z,w)\in -nH_{{\mathbb P}} \newcommand{\RR}{\mathbb{R}^1},
\end{equation}
and seek canonical K\"ahler metrics on $\operatorname{Bl}_0(\CC^2/{\mathbb Z}} \newcommand{\NN}{{\mathbb N}_n)$ that depend solely on $s$, namely, K\"ahler metrics of the form
$$
\eta=\sqrt{-1}\partial\bar{\partial}f(s),
$$
where $f$ is a smooth function. Our goal will be to
determine appropriate $f$ that make $\eta$
have various desirable curvature properties and edge type
singularities along $Z_{\pm n}$.
Denote
$$
f'(s):=\frac {df}{ds}.
$$
Note,
$$
\frac {\partial s}{\partial w} =
\frac 1 w,
\quad} \def\qq{\qquad
\frac {\partial s}{\partial Z_i} =
n\frac {\overline{ Z_i}}{||Z||^2}, \quad} \def\qq{\qquad i=1,2.
$$
Working on the chart $Z_2=1$ (recall \eqref{Zzeq}),
$$
\begin{aligned}
&\begin{pmatrix}
\displaystyle\frac
{\partial^2 f}
{\partial w \partial \bar w}
&
\displaystyle\frac
{\partial^2 f}
{\partial w \partial \bar z}
\cr
\displaystyle\frac
{\partial^2 f}
{\partial z \partial \bar w}
&
\displaystyle\frac
{\partial^2 f}
{\partial z \partial \bar z}
\cr
\end{pmatrix}
=
\begin{pmatrix}
\displaystyle\frac{f''}{|w|^2}
&
\displaystyle
\frac{nf''{z}}{w(|z|^2+1)}
\cr
\displaystyle
\frac{nf''\overline{z}}{\overline{w}(|z|^2+1)}
&
\displaystyle
\frac{
nf'+n^2f''|z|^2}{(|z|^2+1)^2}
\cr
\end{pmatrix}
\end{aligned}
$$
Set
\begin{equation}
\lb{pi1pi2eq}
\pi_1(Z,w):=z,
\quad} \def\qq{\qquad
\pi_2(Z,w):=w,
\end{equation}
and denote by $\omega_{\operatorname{FS}}$ the Fubini--Study metric
on ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^{1}$
and the flat K\"ahler form on the cylinder
$\CC^\star$ by
\begin{equation}
\lb{oCyleq}
\omega_{\operatorname{Cyl}}:=\frac{\sqrt{-1}dw\wedge d\bar{w}}{|w|^2}.
\end{equation}
Thus,
\begin{equation}
\begin{aligned}
\lb{etaeq}
\eta
&=
nf'\pi_1^*\omega_{\operatorname{FS}}+f''\pi_2^*\omega_{\operatorname{Cyl}}
\cr
&\quad
+
n\frac{f''}{1+|z|^2}
\Big(
\sqrt{-1} \frac {dw}{w} \wedge z\,\overline{dz}
+
\sqrt{-1} \overline{z}dz
\wedge \frac {\overline{dw}}{
\bar w}
\Big)
\cr
&\quad
+
n^2f''(s)(1+|z|^2)^{-2}
\overline{z}dz\wedge
z\,\overline{dz}.
\end{aligned}
\end{equation}
From this computation we see that the two key
quantities are $f'$ and $f''$ (rather than $f$
itself). Both of these must be positive, i.e.,
$f$ must be an increasing convex function of $s$.
Inspired by this, consider a Legendre type
change of variables going back to Calabi \cite{Calabi} (cf. \cite{HwangS};
see \cite{RZ} for
a reference most closely following our notation):
\begin{equation}
\lb{tausubsteq}
\tau=\tau(s):=f^{\prime}(s),\quad} \def\qq{\qquad \varphi=\varphi(\tau)=\varphi(\tau(s)):=f^{\prime\prime}(s), \quad} \def\qq{\qquad \tau\in {\operatorname{Im}} f'=f'(\RR).
\end{equation}
Setting
\begin{equation}
\lb{alphaeq}
\alpha:=
n\frac{\overline{z}dz}
{1+|z|^2}
,
\end{equation}
and using \eqref{tausubsteq},
we may rewrite \eqref{etaeq} as
\begin{equation}
\begin{aligned}
\lb{eta2eq}
\eta
&=
n\tau\pi_1^*\omega_{\operatorname{FS}}
+
\varphi} \def\eps{\epsilon\Big(
\pi_2^*\omega_{\operatorname{Cyl}}
+\sqrt{-1}\alpha} \def\beta{\beta\wedge\overline{\alpha} \def\beta{\beta}
+\sqrt{-1}\alpha} \def\beta{\beta\wedge \overline{dw/w}
+\sqrt{-1} dw/w\wedge \overline{\alpha} \def\beta{\beta}
\Big)
.
\end{aligned}
\end{equation}
\subsection{K\"ahler classes}
\label{sec:kahler-class}
By construction, the normal bundle of $Z_{\pm n}$ is $\mathcal{O}_{\mathbb{P}^{1}}(\mp n)=\mp nH_{{\mathbb P}} \newcommand{\RR}{\mathbb{R}^1}$,
so
$$
Z_{\pm n}^2=\mp n, \quad} \def\qq{\qquad Z_n.Z_{-n}=0.
$$
It follows from this and Lemma \ref{betty2lem} that $Z_{n}$ and
$Z_{-n}$ generate
the Picard group, and thus by the Nakai--Moishezon
criterion the K\"ahler classes are precisely represented by $-xZ_n+yZ_{-n}$ with
$y>x>0$ (this also follows directly from the Calabi ansatz).
The divisor class
\begin{equation}
\lb{Feq}
F:=\frac{1}{n}\big(Z_{-n}-Z_n\big),
\end{equation}
has zero self intersection and intersects $Z_{\pm n}$ exactly
at one point, hence represents the fibers of the projection to the base $Z_n$.
Setting
\begin{equation}
\lb{boundaryeq}
C_1=Z_n, \quad} \def\qq{\qquad C_2=Z_{-n},
\end{equation}
and using \eqref{Feq} we recover the notation \eqref{II2Aneq}.
The canonical class can be determined as follows. Write
$K_{\mathbb{F}_{n}}=-xZ_n+yZ_{-n}.
$
By Riemann--Roch,
$$
-2=(K_{\mathbb{F}_{n}}+Z_{\pm n}). Z_{\pm n}
=
((1-x)Z_n+yZ_{-n}).Z_n=-n(1-x)
=
(Z_n+(1+y)Z_{-n}).Z_{-n}=n(1+y),
$$
so $x=1-2/n, \, y=-1-2/n$, and
\begin{equation}
\lb{KFneq}
-K_{\mathbb{F}_{n}}\sim
\Big(1-\frac2n\Big)Z_{n}
+
\Big(1+\frac2n\Big)Z_{-n}
\sim
2Z_n+(n+2)F.
\end{equation}
\subsection{The angle constraint as
boundary data}
We rewrite the angle constraint in terms of $\tau$.
Note that
the domain of $\tau$ is
$$
{\operatorname{Im}} f'
=
(\inf f', \sup f'),
$$
and
$\tau$ must be positive so $\inf f'\ge0$.
\begin{lemma}
\lb{inffprimelemma}
Suppose that $\eta$ restricts to a Riemannian metric on $E$. Then,
$\inf f'>0$.
\end{lemma}
\begin{proof}
If $\inf f'=0$, then by \eqref{etaeq}
and \eqref{Eeq}
the restriction of $\eta$ to
$E$ is identically zero, which means
the zero section is collapsed to a point,
a contradiction.
\end{proof}
To simplify computations we will henceforth
assume we are in the situation of Lemma
\ref{inffprimelemma} and
rescale $\eta$, equivalently $f$, by
a positive constant so that
\begin{equation}
\lb{inffprimeeq}
\inf f'=1.
\end{equation}
This is equivalent to rescaling the
K\"ahler class of $\eta$.
Thus the only
contribution to the Poincar\'e--Lelong
formula aside from $\omega_{\operatorname{Cyl}}$ will be from any
vanishing of $\varphi} \def\eps{\epsilon$ along $\{w=0\}$
and along $\{1/w=0\}$.
By construction, $Z_{\pm n}=\{s=\mp\infty\}$.
By our normalization above
$\tau$
ranges in the domain $(1,T)$ with
\begin{equation}
\lb{Etaueq}
Z_n=\{\tau=1\} \quad} \def\qq{\qquad
Z_{-n}=\{\tau=T\}.
\end{equation}
\begin{lemma}
\lb{TFinite}
$T<\infty$.
\end{lemma}
\begin{proof}
By assumption $\eta$ is a K\"ahler edge metric on the pair
\eqref{II2Aneq}.
Restricting $\eta$ to a fiber (i.e., say, to the
vertical section $\{z=0\}$) using
\eqref{eta2eq}, we get
an $S^1$-invariant metric
\begin{equation}
\lb{surfrevoleq}
g=\frac{1}{2\varphi(\tau)}d\tau^2+2\varphi(\tau)d\theta^2,
\end{equation}
where $w=e^{s/2+\sqrt{-1}\theta} \def\Th{\Theta}$ is a coordinate on $\{z=0\}$.
This follows in the same way as in the 1-dimensional setting
\cite[Lemma 2.1]{RZ}.
Note that here we implicitly used the fact that $\eta$ is $U(2)$-invariant,
hence its restriction to any fiber is $S^1$-invariant.
Since for any K\"ahler edge metric the
volume of a complex submanifold
is finite (in this case it is a
cohomological constant)
and since by \eqref{surfrevoleq}
the volume form on the fiber
is simply $d\tau\wedge d\theta$,
it follows from \eqref{Etaueq} that the volume of the fiber
is $2\pi(T-1)$,
that is finite if and only
if $T<\infty$.
\end{proof}
By our assumption \eqref{inffprimeeq} and Lemma \ref{TFinite},
$\tau$
ranges in a domain $(1,T)$ with $T<\infty$. Thus,
$$
\lim_{s\rightarrow\pm\infty}\frac{d\tau}{ds}=0,
$$
i.e., using \eqref{tausubsteq},
\begin{equation}
\lb{vpzeroseq}
\varphi} \def\eps{\epsilon(1)=\varphi} \def\eps{\epsilon(T)=0.
\end{equation}
Next, we rewrite the angle constraint at the edges in
terms of $\tau$.
\begin{proposition}
\lb{CalabiFnProp}
$\eta$ is a K\"ahler edge metric on
the pair \eqref{II2Aneq} with angle $2\pi\beta_1$
along $C_1$ and $2\pi\beta_2$
along $C_2$ if and only if
\begin{equation}
\lb{vpinitialdataeq}
\varphi} \def\eps{\epsilon(1)=0, \quad} \def\qq{\qquad \varphi} \def\eps{\epsilon'(1)=\beta_1,
\quad} \def\qq{\qquad
\varphi} \def\eps{\epsilon(T)=0, \quad} \def\qq{\qquad \varphi} \def\eps{\epsilon'(T)=-\beta_2.
\end{equation}
\end{proposition}
\begin{proof}
By \eqref{vpzeroseq} it remains to determine the derivatives of
$\varphi} \def\eps{\epsilon$ at $1$ and $T$.
Suppose first that $\eta$ is a K\"ahler edge metric with angles
as stated. It follows from \cite[Theorem 1, Proposition 4.4]{JMR}
that $f$ has complete asymptotic expansions both
near $w=0$ and $w=\infty$. Let us concentrate
on the former first. The leading term in that expansion is $|w|^{2\beta_1}$
and using \eqref{sdefeq},
$$
\begin{aligned}
\varphi
&\sim C_1+C_2|w|^{2\beta_1}+
(C_3\sin\theta} \def\Th{\Theta+C_4\cos\theta} \def\Th{\Theta)|w|^2+O(|w|^{2+\epsilon})
\cr
&=
C_1+C_2e^{\beta_1s}+
(C_3\sin\theta} \def\Th{\Theta+C_4\cos\theta} \def\Th{\Theta)e^{s}+O(e^{(1+\epsilon)s})
\end{aligned}
$$
(note that $r$ in \cite[(56)]{JMR} is equal to
$|w|^{\beta_1}/\beta_1$ in our notation,
see \cite[p. 102]{JMR}).
Note that $C_1=0$ by \eqref{vpzeroseq} (actually also $C_3=C_4=0$ as $\varphi} \def\eps{\epsilon$
is independent of $\theta} \def\Th{\Theta$ but we do not need this).
Moreover, the expansion can be differentiated term-by-term
as $|w|\rightarrow0$ or $s\rightarrow-\infty$.
As $
\varphi} \def\eps{\epsilon'(\tau)=\frac{\partial\varphi} \def\eps{\epsilon}{\partial s}\frac{ds}{d\tau}
=\frac{\partial\varphi} \def\eps{\epsilon}{\partial s}/\varphi,
$
we obtain
\begin{equation}\label{eq:0}
\varphi(1)=0,\quad \varphi^\prime(1)=\beta_1.
\end{equation}
The same arguments imply that
\begin{equation}
\label{eq:b1+b2}
\varphi(T)=0,
\quad \varphi^\prime(T)=-\beta_2,
\end{equation}
the minus sign coming from the fact that the leading term in the expansion is now
$1/|w|^{2\beta_2}=e^{-\beta_2 s}$.
Conversely, suppose that \eqref{vpinitialdataeq} holds.
Then near $Z_n=\{\tau=1\}=\{w=0\}$ there exists a positive
smooth
function $F(z,w)$ and a positive constant $\delta$ so that
\begin{equation}
\lb{angle1eq}
\varphi} \def\eps{\epsilon(\tau(z,w))=|w|^{2\delta}F(z,w).
\end{equation}
Using \eqref{sdefeq}, $|w|^{2\delta}=e^{\delta s}/(1+|z|^2)^{\delta}$,
and
\begin{equation}
\lb{dtauds2eq}
\frac{d}{d\tau}=\frac1\varphi} \def\eps{\epsilon\frac{d}{ds},
\end{equation}
so in the notation of \eqref{angle1eq},
$$
\begin{aligned}
\varphi} \def\eps{\epsilon_\tau(1)
&=\lim_{s\rightarrow-\infty}
\frac{
\frac{d}{ds}\Big(F(s)e^{\beta s}\Big)
}
{
F(s)e^{\beta s}
}
\cr
&=\lim_{s\rightarrow-\infty}
\frac{
F'(s)e^{\beta s}+\beta F(s)e^{\beta s}
}
{
F(s)e^{\beta s}
}
\cr
&=
\beta+\lim_{s\rightarrow-\infty} F'(s)/F(s).
\end{aligned}
$$
By assumption, $\lim_{s\rightarrow-\infty} F(s)$
is some positive (finite) number, in particular
we must have $\lim_{s\rightarrow-\infty} F'(s)=0$
Thus, $d\varphi} \def\eps{\epsilon/d\tau(1)=\delta$ and
\begin{equation}
\lb{deltabeta}
\delta=\beta_1.
\end{equation}
Now, taking the top wedge product of \eqref{eta2eq}
gives,
\begin{equation}
\lb{topwedgeetaeq}
\begin{aligned}
\eta^2
&=
2\bigg(n\tau\varphi} \def\eps{\epsilon(\tau)
\pi_1^*\omega_{\operatorname{FS}}\wedge \pi_2^*\omega_{\operatorname{Cyl}}
+
\varphi} \def\eps{\epsilon^2\Big(
\pi_2^*\omega_{\operatorname{Cyl}}\wedge\sqrt{-1}\alpha} \def\beta{\beta\wedge\overline{\alpha} \def\beta{\beta}
+\sqrt{-1}\alpha} \def\beta{\beta\wedge \overline{dw/w}\wedge\sqrt{-1} dw/w\wedge \overline{\alpha} \def\beta{\beta}
\Big)\bigg)
\cr
&=
2n\tau\varphi} \def\eps{\epsilon(\tau)
\pi_1^*\omega_{\operatorname{FS}}\wedge \pi_2^*\omega_{\operatorname{Cyl}}
.
\end{aligned}
\end{equation}
Now \eqref{oCyleq}, \eqref{angle1eq} and \eqref{deltabeta} imply that
$\eta$ satisfies a complex Monge--Amp\`ere } \def\MAno{Monge--Amp\`ere equation with right-hand side
equal to a smooth volume form times $1/|w|^{2-2\beta_1}$ near $Z_n$. Thus,
\cite[Theorem 1]{JMR} applies and $\eta$ is a K\"ahler edge
metric with a complete asymptotic expansion near $Z_n$
(note that op. cit. is stated in the case
of a smooth connected divisor but applies verbatim in the
case of smooth disjoint divisors). The same
arguments apply near $Z_{-n}$ to conclude.
\end{proof}
\section{The Einstein constraint}
\label{sec:Einstein-eq}
From the proof of Proposition \ref{topwedgeetaeq} we can derive
a formula for the Ricci tensor of $\eta$. Indeed, by \eqref{topwedgeetaeq}
and the Poincar\'e--Lelong formula,
\begin{equation}
\lb{Riccomp}
\hbox{\rm Ric}\,\eta=
(1-\beta_1)[C_1]+
(1-\beta_2)[C_2]+
2\pi_1^*\omega_{\operatorname{FS}}-\sqrt{-1}\partial\dbar\log\tau
-\sqrt{-1}\partial\dbar\log\varphi} \def\eps{\epsilon
,
\end{equation}
where the last term is understood
to be the restriction of $\sqrt{-1}\partial\dbar\log\varphi} \def\eps{\epsilon$
to the complement of $C_1+C_2$.
For the remaining terms, compute
\begin{equation}
\begin{aligned}
\lb{Riccomp1}
\partial_w\log f'
&=
\frac{f''}{f'}
\frac{\partial s}{\partial w}
=
\frac{f''}{wf'}
\cr
\partial_{z}\log f'
&=
\frac{f''}{f'}
\frac{\partial s}{\partial z}
=
n
\frac{f''}{f'}
\frac{\overline{z}}{1+|z|^2}
\cr
\partial_{w\bar w}\log f'
&=
\bigg(\frac{f''}{f'}\bigg)'
\frac 1w\frac{\partial s}{\partial \bar w}
=
\bigg(\frac{f''}{f'}\bigg)'\frac1{|w|^2}
\cr
\partial_{z\bar w}\log f'
&=
n
\bigg(\frac{f''}{f'}\bigg)'
\frac{\overline{z/w}}{1+|z|^2}
\cr
\partial_{z\bar z}\log f'
&=
n^2
\bigg(\frac{f''}{f'}\bigg)'
\frac{|z|^2}{(1+|z|^2)^2}
+n\frac{f''}{f'}
\frac{
1
}
{(1+|z|^2)^2}
,
\end{aligned}
\end{equation}
and this can be simplified by noting that
\begin{equation}
\lb{dtaudseq}
\frac{d \tau}{ds}=f''=\varphi} \def\eps{\epsilon(\tau).
\end{equation}
Thus,
\begin{equation}
\begin{aligned}
\lb{Riccomp2}
\partial_w\log f'
&=
\frac{\varphi} \def\eps{\epsilon}{w\tau}
\cr
\partial_{z_i}\log f'
&=
n
\frac{\varphi} \def\eps{\epsilon}{\tau}
\frac{\overline{z}}{1+|z|^2}
\cr
\partial_{w\bar w}\log f'
&=
\Big(\frac{\varphi} \def\eps{\epsilon}{\tau}\Big)_\tau\frac\varphi} \def\eps{\epsilon{|w|^2}
\cr
\partial_{z\bar w}\log f'
&=
n
\Big(\frac{\varphi} \def\eps{\epsilon}{\tau}\Big)_\tau\varphi} \def\eps{\epsilon
\frac{\overline{z/w}}{1+|z|^2}
\cr
\partial_{|z|^2}\log f'
&=
n^2
\Big(\frac{\varphi} \def\eps{\epsilon}{\tau}\Big)_\tau\varphi} \def\eps{\epsilon
\frac{|z|^2}{(1+|z|^2)^2}
+n\frac{\varphi} \def\eps{\epsilon}{\tau}
\frac{
1}
{(1+|z|^2)^2}
,
\end{aligned}
\end{equation}
Next, $\sqrt{-1}\partial\dbar\log\varphi} \def\eps{\epsilon$ is computed similarly by
replacing $f'$ by $f''$ everywhere. A simplification
is obtained by noting that
$$
\frac{f'''}{f''}=
\frac{\varphi} \def\eps{\epsilon_\tau\varphi} \def\eps{\epsilon}{\varphi} \def\eps{\epsilon}=\varphi} \def\eps{\epsilon_\tau.
$$
Thus,
\begin{equation}
\begin{aligned}
\lb{Riccomp3}
\partial_w\log f''
&=
\frac{\varphi} \def\eps{\epsilon_\tau}{w}
\cr
\partial_{z}\log f''
&=
n
\frac{{\varphi} \def\eps{\epsilon_\tau}\overline{z}}{1+|z|^2}
\cr
\partial_{w\bar w}\log f''
&=
\frac{\varphi} \def\eps{\epsilon_{\tau\tau}\varphi} \def\eps{\epsilon}{|w|^2}
\cr
\partial_{z\bar w}\log f''
&=
n
\frac{\varphi} \def\eps{\epsilon_{\tau\tau}\varphi} \def\eps{\epsilon\overline{z/w}}
{1+|z|^2}
\cr
\partial_{z\bar z}\log f''
&=
n^2
\frac{\varphi} \def\eps{\epsilon_{\tau\tau}\varphi} \def\eps{\epsilon|z|^2}
{(1+|z|^2)^2}
+n{\varphi} \def\eps{\epsilon_\tau}
\frac{
1}
{(1+|z|^2)^2}
.
\end{aligned}
\end{equation}
Altogether,
\begin{equation}
\begin{aligned}
\sqrt{-1}\partial\dbar\log\tau
&=
n\varphi} \def\eps{\epsilon/\tau\pi_1^*\omega_{\operatorname{FS}}
\cr
&\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad
+\varphi} \def\eps{\epsilon(\varphi} \def\eps{\epsilon/\tau)_{\tau}
\Big(
\pi_2^*\omega_{\operatorname{Cyl}}
+
\sqrt{-1}\alpha} \def\beta{\beta\wedge\overline{\alpha} \def\beta{\beta}
\cr
&\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q+\sqrt{-1}\alpha} \def\beta{\beta\wedge \overline{dw/w}
+\sqrt{-1} dw/w\wedge \overline{\alpha} \def\beta{\beta}.
\Big),
\end{aligned}
\end{equation}
and
\begin{equation}
\begin{aligned}
\sqrt{-1}\partial\dbar\log\varphi} \def\eps{\epsilon
&=
n\varphi} \def\eps{\epsilon_\tau\pi_1^*\omega_{\operatorname{FS}}
\cr
&\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad
+\varphi} \def\eps{\epsilon\vp_{\tau\tau}
\Big(
\pi_2^*\omega_{\operatorname{Cyl}}
+\sqrt{-1}\alpha} \def\beta{\beta\wedge\overline{\alpha} \def\beta{\beta}
\cr
&\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q\,
+\sqrt{-1}\alpha} \def\beta{\beta\wedge \overline{dw/w}
+\sqrt{-1} dw/w\wedge \overline{\alpha} \def\beta{\beta}.
\Big),
\end{aligned}
\end{equation}
So,
with $\alpha$ given by
\eqref{alphaeq}
\begin{equation}
\begin{aligned}
\label{expression of Ric}
\hbox{\rm Ric}\,\eta
&=
(1-\beta_1)[C_1]+
(1-\beta_2)[C_2]+
(2-n\varphi} \def\eps{\epsilon/\tau-n\varphi} \def\eps{\epsilon_\tau)\pi_1^*\omega_{\operatorname{FS}}
\cr
&\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad
-\varphi} \def\eps{\epsilon(
\varphi} \def\eps{\epsilon/\tau+
\varphi} \def\eps{\epsilon_{\tau}
)_\tau
\Big(\pi_2^*\omega_{\operatorname{Cyl}}
+\sqrt{-1}\alpha} \def\beta{\beta\wedge\overline{\alpha} \def\beta{\beta}
\cr
&\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad\q\quad} \def\qq{\qquad
+\sqrt{-1}\alpha} \def\beta{\beta\wedge \overline{dw/w}
+\sqrt{-1} dw/w\wedge \overline{\alpha} \def\beta{\beta}
\Big).
\end{aligned}
\end{equation}
The Einstein edge equation
\begin{equation}
\lb{KEEetaeq}
\hbox{\rm Ric}\,\eta=\lambda\eta+
(1-\beta_1)[C_1]+
(1-\beta_2)[C_2]
\end{equation}
becomes,
using \eqref{eta2eq} and \eqref{expression of Ric},
the pair of equations
$$
\begin{aligned}
2-n\varphi} \def\eps{\epsilon/\tau-n\varphi} \def\eps{\epsilon_\tau
&=n\lambda \tau
\cr
-\varphi} \def\eps{\epsilon\big(
\varphi} \def\eps{\epsilon/\tau+
\varphi} \def\eps{\epsilon_{\tau}
\big)_\tau
&=\lambda \varphi} \def\eps{\epsilon.
\end{aligned}
$$
Observe that the first equation implies the second
by differentiating in $\tau$. Also, setting $\tau=1$
and using \eqref{vpinitialdataeq}
implies
\begin{equation}
\lb{Lambdaeq}
\lambda=\frac 2n-\beta_1.
\end{equation}
Observe that this already puts a constraint, as we must
require positive Ricci curvature on ${\mathbb F}_n\setminus C$, equivalently
\begin{equation}
\lb{be1constraint}
\beta_1\in\Big(0,\frac2n\Big)\cap (0,1].
\end{equation}
Thus, the Einstein equation near $Z_n$ reduces to the
first-order initial value problem
\begin{equation}
\lb{Einsteintau2eq}
\varphi} \def\eps{\epsilon_\tau+\frac\varphi} \def\eps{\epsilon\tau=
\frac 2n + \Big(\beta_1-\frac 2n\Big)\tau,
\qq \varphi} \def\eps{\epsilon(1)=0.
\end{equation}
\subsection{Solving the Einstein equation}
Using an integration factor $\tau$ this becomes
\begin{equation}
\lb{Einsteintau2eq}
(\tau\varphi} \def\eps{\epsilon)_\tau
=
\frac 2n\tau
+
\Big(\beta_1-\frac 2n\Big)\tau^2,
\qq \varphi} \def\eps{\epsilon(1)=0,
\end{equation}
so
\begin{equation}
\lb{vptau1eq}
\varphi} \def\eps{\epsilon
=
\frac 1{n}\frac{\tau^{2}-1}{\tau}
+
\frac1{3}\Big(\beta_1-\frac 2n\Big)\frac{\tau^{3}-1}{\tau}
.
\end{equation}
Now, for this to correspond to a compact K\"ahler edge space with angle
$2\pi\beta_2$ at $Z_{-n}$ we must satisfy \eqref{vpinitialdataeq}.
To that end, let us determine $T, \varphi} \def\eps{\epsilon(T),$ and $\varphi} \def\eps{\epsilon_\tau(T)$ in
\eqref{vpinitialdataeq} from \eqref{vptau1eq}. We factor $\varphi} \def\eps{\epsilon$ as
\begin{equation}
\lb{vptaufactor}
\varphi} \def\eps{\epsilon(\tau)=
\frac1{3}\Big(\beta_1-\frac 2n\Big)
(\tau-1)(\tau-\alpha_1)(\tau-\alpha_2)/\tau,
\end{equation}
with $\alpha_1\le\alpha_2$.
Then,
$$
\frac1{3}\Big(\beta_1-\frac 2n\Big)
(\tau-\alpha_1)(\tau-\alpha_2)=
\frac1{3}\Big(\beta_1-\frac 2n\Big)(\tau^{2}+\tau+1)+
\frac 1{n}(\tau+1),
$$
so
$$
-\alpha_1\alpha_2=\alpha_1+\alpha_2
=
\frac{1+n\beta_1}{2-n\beta_1}.
$$
By \eqref{be1constraint} we see that $\alpha_1<0<\alpha_2$,
so $T=\alpha_2$ if we can show $\alpha_2>1$. Solving the
quadratic equation for $\alpha_1,\alpha_2$ gives
\begin{equation}
\lb{al2eq}
\begin{aligned}
2\alpha_2
&=\frac{1+n\beta_1+\big[(1+n\beta_1)^2+4(1+n\beta_1)(2-n\beta_1)\big]^{1/2}}
{2-n\beta_1}
\cr
&=\frac{1+n\beta_1+[(9+6n\beta_1-3n^2\beta_1^2]^{1/2}}
{2-n\beta_1}
.
\end{aligned}
\end{equation}
We claim that $\alpha_2>1$. According to \eqref{al2eq}, that amounts to verifying
$$
\frac{1+n\beta_1+[(9+6n\beta_1-3n^2\beta_1^2]^{1/2}}
{2-n\beta_1}
>2,
$$
which, after some manipulation precisely reduces to \eqref{be1constraint},
proving the claim.
Finally, it remains to compute
the final equation in \eqref{vpinitialdataeq}, i.e.,
$\varphi} \def\eps{\epsilon_\tau(\alpha_2)$. Using \eqref{vptaufactor},
\begin{equation}
\begin{aligned}
\lb{vptaufactorderiv}
\varphi} \def\eps{\epsilon_\tau(\alpha_2)
&=
\frac1{3}\Big(\beta_1-\frac 2n\Big)
(\tau-1)(\tau-\alpha_1)/\tau\Big|_{\tau=\alpha_2}
\cr
&=
\frac1{3}\Big(\beta_1-\frac 2n\Big)
(\alpha_2-1)(\alpha_2-\alpha_1)/\alpha_2
.
\end{aligned}
\end{equation}
Note that
\begin{equation}
\lb{al2minusal1eq}
\begin{aligned}
{\alpha_2-1}
&=\frac
{\sqrt{3(3-n\beta_1)(1+n\beta_1)}+3(n\beta_1-1)}
{4-2n\beta_1},
\cr
\frac{\alpha_2-\alpha_1}
{\alpha_2}
&=\frac
{2\sqrt{3(3-n\beta_1)(1+n\beta_1)}}
{1+n\beta_1+\sqrt{3(3-n\beta_1)(1+n\beta_1)}},
\end{aligned}
\end{equation}
Thus,
\begin{equation}
\lb{al3minusal1eq}
\begin{aligned}
\varphi} \def\eps{\epsilon_\tau(\alpha_2)
&=
\frac{n\beta_1-2}{3n}
\frac
{\sqrt{3(3-n\beta_1)(1+n\beta_1)}+3(n\beta_1-1)}
{4-2n\beta_1}
\frac
{2\sqrt{3(3-n\beta_1)(1+n\beta_1)}}
{1+n\beta_1+\sqrt{3(3-n\beta_1)(1+n\beta_1)}}
\cr
&=
-\frac{1}{3n}
\frac
{
\sqrt{3(3-n\beta_1)(1+n\beta_1)}
\big(\sqrt{3(3-n\beta_1)(1+n\beta_1)}+3(n\beta_1-1)\big)
}
{1+n\beta_1+\sqrt{3(3-n\beta_1)(1+n\beta_1)}}
\cr
&=
-\frac{1}{3n}
\frac
{
3(3-n\beta_1)(1+n\beta_1)
+3(n\beta_1-1)
\sqrt{3(3-n\beta_1)(1+n\beta_1)}
}
{1+n\beta_1+\sqrt{3(3-n\beta_1)(1+n\beta_1)}}
\cr
&=
-\frac{1}{3n}
\bigg[
\frac
{
[3(3-n\beta_1)(1+n\beta_1)]^{3/2}
+3(n\beta_1-1){3(3-n\beta_1)(1+n\beta_1)}
}
{-(1+n\beta_1)^2+{3(3-n\beta_1)(1+n\beta_1)}}
\cr
&\qq\qq\qq
-\frac
{
3(3-n\beta_1)(1+n\beta_1)^2
+3(n^2\beta_1^2-1)
\sqrt{3(3-n\beta_1)(1+n\beta_1)}
}
{-(1+n\beta_1)^2+{3(3-n\beta_1)(1+n\beta_1)}}
\bigg]
\cr
&=
-\frac{1}{3n}
\bigg[
\frac
{
\sqrt{3(3-n\beta_1)(1+n\beta_1)}
\big[
3(3-n\beta_1)(1+n\beta_1)
-3(n^2\beta_1^2-1)
\big]
}
{
-4n^2\beta_1^2+8+4n\beta_1
}
\cr
&\qq\qq\qq
+\frac{
3(3-n\beta_1)(2n^2\beta_1^2-4-2n\beta_1)}
{
-4n^2\beta_1^2+8+4n\beta_1
}
\bigg]
\cr
&=
\frac{
3-n\beta_1
}
{2n}
+
\frac{1}{n}
\frac
{
\sqrt{3(3-n\beta_1)(1+n\beta_1)}
\big[
(3-n\beta_1)(1+n\beta_1)
-(n^2\beta_1^2-1)
\big]
}
{
4n^2\beta_1^2-8-4n\beta_1
}
\cr
&=
\frac{
3-n\beta_1-\sqrt{3(3-n\beta_1)(1+n\beta_1)}
}
{2n}
=-\beta_2.\end{aligned}
\end{equation}
Note that $\beta_2=\beta_2(\beta_1)<\beta_1$ for all $\beta_1$.
Yet as $\beta_1$ tends to zero, $\beta_2$ tends to $\beta_1$, to wit,
\begin{equation}
\begin{aligned}
\lb{be2asymp}
\beta_2
&=
\frac{
n\beta_1-3+3\sqrt{1+\frac23n\beta_1-\frac13n^2\beta_1^2}
}
{2n}
\cr
&=
\frac1{2n}
\bigg(
n\beta_1-3+
3\Big(1+\frac13n\beta_1
-\frac16n^2\beta_1^2
-\frac18
\Big(
\frac23n\beta_1-\frac13n^2\beta_1^2
\Big)^2+O(\beta_1^3)
\Big)
\bigg)
\cr
&=
\beta_1-\frac n{3}\beta_1^2+O(\beta_1^3)
.
\end{aligned}
\end{equation}
Combining all the above together with
\eqref{KFneq}, \eqref{Lambdaeq}, and \eqref{KEEetaeq} we have shown
the following.
\begin{corollary}
\lb{KEECor}
Let $n\in\NN$.
For each $\beta_1\in(0,2/n)\cap (0,1]$,
there exists a K\"ahler--Einstein edge metric
$\omega} \def\O{\Omega_{\beta_1,\beta_2}$
cohomologous to
$$
\frac{2+n\beta_2}{2-n\beta_1}[Z_{-n}]-[Z_n]
\sim
\frac{n(\beta_1+\beta_2)}{2-n\beta_1}
[Z_{n}]
+
n\frac{2+n\beta_2}{2-n\beta_1}
[F]
$$
on the pair \eqref{II2Aneq}
with angles $2\pi\beta_1$ along $C_1=Z_n$ and
$2\pi\beta_2=\pi\big(n\beta_1-3+\sqrt{3(3-n\beta_1)(1+n\beta_1)}\big)/n$ along
$C_2=Z_{-n}$.
One has $\beta_2<\beta_1$ and $\lim_{\beta_1\ra0}\beta_1/\beta_2=1$.
\end{corollary}
\section{Small angle limits}
\label{sec:small-angle}
In this section
we prove Theorem \ref{mainthm}.
First, let us determine the un-rescaled small angle limit of the KEE metrics
$\omega} \def\O{\Omega_{\beta_1,\beta_2}$.
By \eqref{al2minusal1eq}
\begin{equation}
\lb{al4minusal1eq}
\begin{aligned}
{\alpha_2}
&=
1
+
3\frac
{\sqrt{1+\frac23n\beta_1-\frac13n^2\beta_1^2}+n\beta_1-1}
{4-2n\beta_1}
\cr
&=
1
+
3\frac
{
\frac43n\beta_1
-\frac29n^2\beta_1^2
+O(\beta_1^3)
}
{4-2n\beta_1}
=
1+n\beta_1+\frac {n^2}3\beta_1^2+O(\beta_1^3),
\end{aligned}
\end{equation}
while,
\begin{equation}
\lb{al5minusal1eq}
\begin{aligned}
{\alpha_1}
&=
1
+
3\frac
{-\sqrt{1+\frac23n\beta_1-\frac13n^2\beta_1^2}+n\beta_1-1}
{4-2n\beta_1}
\cr
&=
1
+
3\frac
{
-2+\frac23n\beta_1
+\frac29n^2\beta_1^2
+O(\beta_1^3)
}
{4-2n\beta_1}
=
-\frac12+\frac n2\beta_1+\frac {5n^2}{12}\beta_1^2+O(\beta_1^3)
.
\end{aligned}
\end{equation}
Recall that $\tau\in(1,\alpha_2)$. Thus, by \eqref{al4minusal1eq}
we have $|\tau-1|=O(\beta_1)$. Combining this with
\eqref{vptaufactor}, \eqref{al5minusal1eq},
and since
by Corollary \ref{KEECor} and \eqref{eta2eq}, we have that
\begin{equation}
\lb{oKEEetaeq}
\omega} \def\O{\Omega_{\beta_1,\beta_2}
=
n\tau\pi_1^*\omega_{\operatorname{FS}}
+
\varphi} \def\eps{\epsilon\Big(
\pi_2^*\omega_{\operatorname{Cyl}}
+\sqrt{-1}\alpha} \def\beta{\beta\wedge\overline{\alpha} \def\beta{\beta}
+\sqrt{-1}\alpha} \def\beta{\beta\wedge \overline{dw/w}
+\sqrt{-1} dw/w\wedge \overline{\alpha} \def\beta{\beta}
\Big)
,
\end{equation}
we conclude that
\begin{equation}
\lim_{\beta_1\ra0}
\omega} \def\O{\Omega_{\beta_1,\beta_2}=
n\pi_1^*\omega_{\operatorname{FS}},
\end{equation}
and the convergence of tensors occurs smoothly,
so $({\mathbb F}_n\setminus (Z_n\cup Z_{-n}),\omega} \def\O{\Omega_{\beta_1,\beta_2})$
converges in the Gromov--Haussdorff sense to $({\mathbb P}} \newcommand{\RR}{\mathbb{R}^1,n\omega_{\operatorname{FS}})$.
(This combination of smooth convergence of tensors and simultaneous
collapse in the Gromov--Haussdorff sense is reminiscent of
\cite[Theorem 2.4 (ii) (a)]{PR}.)
This concludes the proof of the first two statements
in Theorem \ref{mainthm}.
We now turn to the last statement
in Theorem \ref{mainthm}.
Inspired by \cite[Lemma 3.1]{RZ}, we change variable from $\tau\in(1,\alpha_2)$ to
$$
y:=\frac{\tau-1-\frac{n\beta_1}2}{n\beta_1^2/2},
$$
with $y\in\Big(-\frac1{\beta_1},\frac1{\beta_1}+O(1)\Big)$
(recall \eqref{al4minusal1eq}), with $y=0$ roughly corresponding
to the mid-section between $Z_n$ and $Z_{-n}$.
Thus, by \eqref{vptaufactor}, \eqref{al4minusal1eq}, and \eqref{al5minusal1eq},
and since $|\tau-1|=O(\beta_1)$,
\begin{equation}
\lb{vptaufactor2}
\varphi} \def\eps{\epsilon(y)=
\frac{2-n\beta_1}{2n}
\Big(\frac{n^2\beta_1^2}4-\frac{n^2\beta_1^4}{4}y^2\Big)
+O(\beta_1^3), \quad} \def\qq{\qquad \Big(-\frac1{\beta_1},\frac1{\beta_1}+O(1)\Big).
\end{equation}
To determine a fiberwise-rescaled limit, define
the fiberwise-rescaled metric, where the rescaling only occurs
for the terms that have a well-defined restriction to each fiber, i.e.,
$$
\widetilde{\omega} \def\O{\Omega_{\beta_1,\beta_2}}
:=
n\tau\pi_1^*\omega_{\operatorname{FS}}
+
\frac 1{\beta_1^2}\varphi} \def\eps{\epsilon
\pi_2^*\omega_{\operatorname{Cyl}}
+
\varphi} \def\eps{\epsilon\Big(
\sqrt{-1}\alpha} \def\beta{\beta\wedge\overline{\alpha} \def\beta{\beta}
+\sqrt{-1}\alpha} \def\beta{\beta\wedge \overline{dw/w}
+\sqrt{-1} dw/w\wedge \overline{\alpha} \def\beta{\beta}
\Big).
$$
with $\varphi} \def\eps{\epsilon$ given by \eqref{vptaufactor2}.
As in the proof of Lemma \ref{TFinite}, the restriction of
$\omega} \def\O{\Omega_{\beta_1,\beta_2}$ to a fiber is given by
$$
\frac{1}{2\varphi} \def\eps{\epsilon(\tau)}d\tau\otimes d\tau+ 2\varphi} \def\eps{\epsilon(\tau)d\theta} \def\Th{\Theta\otimes d\theta} \def\Th{\Theta,
$$
so the
restriction of
$\widetilde{\omega} \def\O{\Omega_{\beta_1,\beta_2}}$ to a fiber is given by
\begin{equation}
\lb{fiberwiserescaled}
\frac{n^2\beta_1^2}{8\varphi} \def\eps{\epsilon(y)}dy\otimes dy+ 2\frac{\varphi} \def\eps{\epsilon(y)}{\beta_1^2}d\theta} \def\Th{\Theta\otimes d\theta} \def\Th{\Theta,
\end{equation}
The Gromov--Haussdorff limit is then diffeomorphic to ${\mathbb P}} \newcommand{\RR}{\mathbb{R}^1\times\CC^\star$.
Indeed,
using \eqref{vptaufactor2},
the length, with respect to $\omega_{\beta_1,\beta_2}$, of the path on each fiber between the intersection point of the fiber with $Z_n$ and its midpoint, the intersection of the fiber with the smooth section $\{y=0\}$ is
\begin{equation}
\int_1^{1+n\beta_1/2}
\frac{d\tau}{\sqrt{\varphi} \def\eps{\epsilon(\tau)}}.
\end{equation}
To estimate this, recall
\eqref{vptaufactor}
and set $\xi:=\tau-1$,
\begin{equation}
\begin{aligned}
&\int_1^{1+n\beta_1/2}
\frac{d\tau}{\sqrt{\varphi} \def\eps{\epsilon(\tau)}}\\
&=\int_{0}^{\frac{n}{2}\beta_1}\frac{\sqrt{\xi+1}}{\sqrt{\frac{1}{3}(\beta_1-\frac{2}{n})\xi(\xi+1-\alpha_1)(\xi+1-\alpha_2)}}\;\textrm{d}\xi\\
=&\int_{0}^{\frac{n}{2}\beta_1}\frac{\sqrt{\xi+1}}{\sqrt{\frac{1}{3}(\beta_1-\frac{2}{n})\xi(\xi+\frac{3}{2}-\frac{n}{2}\beta_1-\frac{5n^2}{12}\beta_1^2+o(\beta_1^2))(\xi-n\beta_1-\frac{n^2}{3}\beta_1^2+o(\beta_1^2))}}\;\textrm{d}\xi
\label{eq: estimate dist}
\end{aligned}
\end{equation}
As $\beta_1\to 0$, the term $\displaystyle \frac{\sqrt{\xi+1}}{\sqrt{\frac{1}{3}(\frac{2}{n}-\beta_1)}}\cdot \frac{1}{\sqrt{\xi+\frac{3}{2}-\frac{n}{2}\beta_1-\frac{5n^2}{12}\beta_1^2+o(\beta_1^2)}}$ in the integral is uniformly bounded. Thus, to estimate the last displayed equation we consider
$$
\begin{aligned}
&\int_{0}^{\frac{n}{2}\beta_1} \frac{\textrm{d}\xi}{\sqrt{-\xi(\xi-n\beta_1+o(\beta_1))}}\\
\overset{u=\frac{\xi}{\beta_1}}{=\joinrel=}&\int_0^{\frac{n}{2}}\frac{\beta_1\;\textrm{d}u}{\sqrt{-\beta_1 u(\beta_1 u-\beta_1 n+o(\beta_1))}}\\
\overset{\beta_1\to 0}{=\joinrel=}&\int_0^{\frac{n}{2}}\frac{\textrm{d}u}{\sqrt{u(n-u)}}=O(1).
\end{aligned}
$$
Similarly we also get $O(1)$ for the distance between $Z_{-n}$ and $\{y=0\}$ with respect to $\omega_{\beta_1,\beta_2}$. Hence, after the rescaling the fiberwise metric by $\beta_1^{-2}$, these same distances must be $O(\beta_1^{-1})$, and
in the limit $\beta_1\ra0$ we must get the product differential structure on $\mathbb{P}^1\times \mathbb{C}^*$.
Moreover, in the limit $\beta_1\to 0$, \eqref{fiberwiserescaled}
converges pointwise on compact subsets to
\begin{equation*}
\frac{n}{2}{dy\otimes dy}+\frac{n}{2}{d\theta\otimes d\theta}.
\end{equation*}
The limiting metric in the pointed Gromov--Hausdorff sense is
\begin{equation*}
\lim_{\beta_1\to 0}\widetilde{\omega_{\beta_1,\beta_2}}=n(\pi_1^*\omega_{\operatorname{FS}}+\pi_2^*\omega_{\operatorname{cyl}}).
\end{equation*}%
whose K\"ahler form is $nd\zeta\wedge\overline{d\zeta}/|\zeta|^2=n\omega_{\operatorname{Cyl}}$ (recall \eqref{oCyleq}) with
$\zeta:=e^{y+\sqrt{-1}\theta} \def\Th{\Theta}$.
Combining this with \eqref{oKEEetaeq}, \eqref{vptaufactor2} and \eqref{fiberwiserescaled}, the limiting metric, in the pointed
Gromov--Hausdorff sense is then
$$
\lim_{\beta_1\ra0}\widetilde{\omega} \def\O{\Omega_{\beta_1,\beta_2}}=
n(\pi_1^*\omega_{\operatorname{FS}}
+
\pi_2^*\omega_{\operatorname{Cyl}})
.
$$
This concludes the proof of Theorem \ref{mainthm}.
\begin{remark}
\lb{VanyaRem}
{\rm
We mention in passing an interesting borderline phenomenon that occurs
in the cases $n\in\{1,2\}$. By Corollary \ref{KEECor}, when $n=2$ the metrics $\omega} \def\O{\Omega_{\beta_1,\beta_2}$ exists for {\it all} $\beta_1\in(0,1)$.
Naturally,
one may ask about the {\it large angle limit} $\beta_1\ra1$. It turns out that in this
case $\alpha_2\rightarrow\infty$ and one obtains Gromov--Haussdorff convergence to the complete Ricci flat Eguchi--Hanson
metric on the non-compact space $-2H_{{\mathbb P}} \newcommand{\RR}{\mathbb{R}^1}$ as $C_2=Z_{-n}$ gets pushed-off to infinity.
Similarly, when $n=1$, the metrics $\omega} \def\O{\Omega_{\beta_1,\beta_2}$ exists for {\it all} $\beta_1\in(0,2)$. In the limit $\beta_1\ra2$ one has $\beta_2\ra1$
and the limit is now a complete Ricci flat metric on $-H_{{\mathbb P}} \newcommand{\RR}{\mathbb{R}^1}$ with angle $4\pi$
along $Z_{1}$. We discuss these examples in detail elsewhere \cite{RZ2}.
}
\end{remark}
\paragraph{Acknowledgments.}
Thanks to I.A. Cheltsov for posing to us Question \ref{VanyaQ}
and to Y. Ji for a careful reading and several corrections.
Research supported by NSF grants DMS-1515703,1906370,
a UMD--FAPESP Seed Grant,
the China Scholarship Council award 201706010020,
the China post-doctoral grant BX20190014
and the Rosi \& Max Varon Visiting
Professorship at the Weizmann Institute of Science in Fall 2019 and Spring 2020 to which Y.A.R. is
grateful for the excellent research conditions. K.Z.
was a Visiting Scholar at the University of Maryland in
2017--2018 when this work was initiated and is grateful
for its excellent research conditions.
\def\bi#1{\bibitem{#1}}
\let\omegaLDthebibliography\thebibliography
\renewcommand\thebibliography[1]{
\omegaLDthebibliography{#1}
\setlength{\parskip}{1pt}
\setlength{\itemsep}{1pt plus 0.3ex}
}
|
\section{Introduction}
The QCD axion is a particle predicted to exist in order to explain the strong-CP problem,
connected with the lack of CP-violation observed in the strong interactions \cite{PQaxion,Weinber_boson,Wilczek_instaton,Moody_spin_dependent_forces}. Experimental searches for a neutron electric dipole moment constrain the angle $\theta_{\rm{QCD}}$ which would be expected to be of order \SI{1}{\radian}, to be less than \SI{1e-10}{\radian} \cite{mercury,neutronEDM2020}. The axion provides a dynamical mechanism to explain the unnatural smallness of this angle. In addition, the axion is an excellent candidate to explain the dark matter in our universe.
The axion can
mediate novel short-range spin dependent forces between fermions.
The Axion Resonant InterAction DetectioN Experiment (ARIADNE) will search for a spin-dependent interaction that is mediated by the QCD axion between a gas of hyper-polarized $^3$He nuclear spins and an unpolarized source mass \cite{Ariadneproposal,Ariadneprogress}.
Since the axion field interacts with the $^3$He gas via a spin-dependent interaction, the axion field can be treated as a fictitious transverse magnetic field. This effect can be resonantly enhanced by modulating the unpolarized mass at the Larmor frequency of the $^3$He gas. In order to distinguish the axion signa
, real magnetic fields need to be shielded to a level below the expected fictitious magnetic field.
In ARIADNE, a superconducting niobium magnetic shield will enclose the $^3$He sample, separating the $^3$He sample from the source mass, and shielding the \(^3\)He gas from standard-model field perturbations.
In the experiment, the modulation of the unpolarized mass will be implemented by rotating a Tungsten wheel that has eleven
cutouts around its circumference. The modulation frequency ($f_\mathrm{mod}$ = \SI{55}{\hertz} to \SI{99}{\hertz}) will then be eleven times the rotation frequency ($f_\mathrm{rot}$ = \SI{5}{\hertz} to \SI{9}{\hertz}).
The sub-attoTesla axion-induced effective magnetic field created by this mass is at $f_\mathrm{mod}$ and is not shielded by the superconductor.
The magnetic background from the rotor and the shielding factor of the superconducting shield together play a combined role in achieving the target axion sensitivity.
For instance, assuming a baseline shielding factor of \Number{\SI{1e8}{}}, any coherent magnetic field background at the modulation frequency must be lower than \Number{\SI{1e-12}{\tesla}} in order for ARIADNE to operate at a sensitivity of \Number{\SI{1e-20}{\tesla}}.
Additionally, assuming an integration time of \Number{\SI{1e6}{\second}} and the same shielding factor, the magnetic field noise from stochastic processes (e.g. Johnson noise) must be lower than \Number{\SI{1}{\nano\tesla\per\sqrt{Hz}}}. From this point, we will refer something as \textit{noise} if its effect can be lowered by integrating for longer times, and as \textit{background} if it does not get suppressed by integrating longer.
Several relevant sources of magnetic field noise and potential systematic backgrounds
in ARIADNE are associated with the magnetism of the source mass rotor itself. In this paper, we describe optical magnetometry measurements performed on the prototype tungsten source mass rotor to be used in the experiment. We study the frequency dependence of magnetic noise generated as the rotor rotates within a magnetically shielded environment, and we show that the design requirements are met with our current level of tungsten purity and demagnetization process. We further show that the magnetic field profile from the rotor suggests the presence of a few discrete dipoles, likely due to impurities trapped inside the rotor during manufacturing.
Tungsten is often a material of a choice for tests of exotic spin- and/or mass-dependent interactions which couple to nucleons, given its high elastic modulus and high-nucleon density. Tungsten has also been used in tests for novel gravitational interactions at sub-millimeter range \cite{weld2008}, where magnetic field due to magnetic impurities or impurities of superconducting material deposits can be a significant concern. Gold is occasionally used as well for its high density. However, gold is a soft metal, making it more challenging to machine. Thus this work is also relevant for other existing and planned ``fifth-force" experiments for novel exotic interactions.
\section{Expected magnetic noise sources}
The fundamental noise source which will limit ARIADNE's sensitivity is the quantum noise caused by the transverse spin-projection in the ${^3}$He. For the target polarization level and nucleus density, this noise is expected to be around \SI{3e-19}{\tesla\per\sqrt{Hz}} \((1000\, \mathrm{s}/T_2)^{1/2}\), where \(T_2\) is the \(^3\)He spin-relaxation time \cite{Ariadneproposal}.
Besides the $^3$He sample, the source mass produces numerous magnetic noises and backgrounds which must be lowered below the spin-projection noise so as to be spin-projection limited.
We summarize the various noise and background requirements from the tungsten rotor \cite{Ariadneproposal}, assuming a baseline shielding factor of \SI{1e8}{}, integration time of \SI{1e6}{\second}, and an axion sensitivity of \SI{1e-20}{\tesla}. A higher shielding factor or longer integration times can be targeted to reduce the effect of source mass and/or to probe deeper into the axion parameter space.
At the operating temperature of \Number{\SI{170}{\kelvin}} and at the modulation frequency \(f_\mathrm{mod}\) the contribution from thermal (Johnson) noise is expected to be around \Number{\SI{1e-12}{\tesla\per\sqrt{Hz}}} \cite{Ariadneproposal}. After shielding this will become \Number{\SI{1e-20}{\tesla\per\sqrt{Hz}}}, or \Number{\SI{1e-23}{\tesla}} with integration.
Since the Tungsten source mass is uncharged and being spun around its axis, it will acquire a magnetization due to the Barnett effect \cite{barnett}. For rotation frequencies from \Number{\SI{5}{Hz}} to \Number{\SI{9}{Hz}}, we expect the field from this magnetization to be around \Number{\SI{1e-14}{\tesla}} \cite{Ariadneproposal}, suppressed to \Number{\SI{1e-22}{T}} with the shield.
Another source of magnetic backgrounds can be caused by magnetic impurities inside the tungsten source mass. To estimate this effect, we assume iron atoms trapped inside the source mass at a 1 ppm purity level. The magnetic field from such impurities is calculated in Ref. \cite{Ariadneproposal} to be between \SI{1e-17}{\tesla} and \SI{1e-9}{\tesla}, which can be shielded to \SI{e-25}{T} -- \SI{e-17}{T}. The range comes from the distribution of the alignment of the Fe spins. This field at 1 ppm impurity level is outside the specification if the spins are near-perfect aligned. One of the aims of this study is to determine the typical magnetic impurity distributions in the prototype tungsten rotor. Effects of residual magnetism due to hysteresis from magnetization-demagnetization cycles were studied in a previous publication and found to meet the requirements \cite{lohmeyer2020source}.
Finally, the intrinsic magnetic susceptibility of tungsten can lead to induced dipole moment for a given background field. The rotation of the source mass can lead to a modulation of magnetic field from the induced moment at the Larmor frequency. For a background field of \Number{\SI{1e-10}{\tesla}}, we expect a modulation with an amplitude of \Number{\SI{1e-14}{\tesla}} \cite{Ariadneproposal}, which can be shielded to \Number{\SI{1e-22}{T}} by the superconducting shield. This estimate can be used to assess how stringent the requirement on the background magnetic field in the experiment must be. For example, with these experimental parameters, for conducting an axion search at the \SI{1e-20}{\tesla} level, the background magnetic field thus should be maintained below the 10 nT level at the location of sprocket. This can be implemented in the experiment by using a combination of magnetic shielding and magnetic shim coils. Furthermore, any effect due to the magnetic susceptiblity of Tungsten can also be distinguished in the final ARIADNE experiment by varying the value of the background magnetic field: any axion-generated fictitious magnetic field will not depend on this background field whereas the effect due to the magnetic susceptibility has a linear dependence.
\section{Experimental Setup}
\begin{figure}
\includegraphics[width=\linewidth]{figures/Setup/Photo_Exp_2.jpg}
\hspace{0.04cm}
\includegraphics[width=\linewidth]{figures/Setup/Fig1_smallfont_2.pdf}
\caption{(upper) Photograph and (lower) schematic of the setup. Two QuSpin OPMs, AV (orange) and AW (green) are placed in proximity to the rotating ARIADNE source mass. The source mass has \Number{\SI{200}{\micro\meter}} cutouts along its circumference as can be seen in the photograph (not shown in the schematic). Each sensor measures its respective Y and Z direction. Their conversion to a unified lab-frame (blue) is also shown. \(\theta_\mathrm{bar}\) denotes the angular location of the central bar on the source mass at the beginning of the measurement. \(\theta_\mathrm{src}\) denotes the location of an example impurity in reference to the bar.}
\label{fig:Setup}
\end{figure}
Our experimental setup consists of two optically pumped magnetometers (OPMs) placed in proximity to the source mass rotor which is mounted on a motor.
The source mass has a height $1$ cm, inner diameter $3.4$ cm, and outer diameter $3.8$ cm, divided into $22$ sections of length $5.4$ mm. The section radii are modulated by approximately $200$ \textmu m in order to generate a time-varying potential at frequency $f_\mathrm{mod} = 11 \,f_{\rm{rot}}$. The factor of $11$ difference between $f_{\rm{rot}}$ and $f_\mathrm{mod}$ decouples mechanical vibration from the signal of interest. Tungsten that was more than $99.95\% $ pure \cite{midwesttungsten} was used to machine the source mass using wire electrical discharging machining \cite{wireEDM}.
To keep the axion signal at a constant level, the tolerance of the cutouts is chosen to be $\pm 10$ \textmu m. The source mass height is chosen to maximize overlap with the ${^3}$He sample region. The smoothness of the top and bottom flat surfaces was achieved by finishing them with 220 and 440 grit abrasive sheets. The surface roughness was then measured using profilometry, and found to be $1.4$-$2.1$ \textmu m.
The rotor is
demagnetized using a hard-drive eraser (Verity Systems, bulk degausser SV 91m). It is then set up for rotation on an axle inside the Berlin magnetically shielded room-2 (BMSR-2) driven by an outside motor. In the ARIADNE experiment the sprocket will be driven by a Ti$_6$Al$_4$V shaft and precision ceramic bearings. For this study the rotor was affixed to a glass fiber reinforced plastic shaft, held by a commercial glass/plastic bearing..
The two OPMs are placed next to it. These QZFM Gen 1.5 OPMs manufactured by QuSpin have demonstrated measurements at the \si{\pico\tesla} scale in a zero background field \cite{quspin}.
\begin{figure}
\includegraphics[width=0.5\textwidth]{figures/data/Exp2_original_data_cut_place}
\caption{Raw data from the magnetometers AW and AV, in Y and Z direction for AW, and in X and Y directions for AV. The rotation is started at the slowest speed (\SI{0.1}{Hz}) at around 20 seconds, and the speed is then increased in steps. In the bottom panel, we show the locations of the cut to extract a few cycles at each frequency for the time-domain analysis.}
\label{fig:data_cut_place}
\end{figure}
A photograph of the setup and a schematic is shown in \cref{fig:Setup}. The sensor to the left of the rotor has been named AV, and the sensor in front of the rotor has been named AW. The OPM in the sensor is located at the red mark shown in the schematic.
\begin{figure}
\includegraphics[width=0.5\textwidth]{figures/FFT/Exp2_AV_5Hz_FFT.png}
\caption{Frequency spectrum of the magnetic field measured by AV sensor in the X and Y directions, with the rotor being rotated at 5 Hz.}
\label{fig:FFT_AV_5Hz}
\end{figure}
The OPM measures the field at its location in two axes, depicted by the orange and green axes in the figure. In the lab-frame, the sensor AW measures in the Y and Z direction, and the sensor AV measures in the X and Y directions.
The magnetic field at the sensors is sampled at 500 Hz and is recorded at five rotation frequencies: \SI{0.1}{Hz}, \SI{0.5}{Hz}, \SI{1}{Hz}, \SI{3}{Hz}, \SI{5}{Hz}. The full data is shown in \cref{fig:data_cut_place}. The data is analyzed both in time-domain as well as frequency domain, each providing separate information.
\section{Data Analysis}
First we perform a spectral analysis to directly measure the magnetic field amplitude at the modulation frequency. This is done for both axes of both sensors, and for all rotation frequencies. As an example, we show the fast Fourier transform (FFT) of the field measured by the sensor AV when the rotor is rotated at \SI{5}{\hertz} in \cref{fig:FFT_AV_5Hz}. We summarize the field amplitude for all other frequencies as well as the AW sensor in \cref{tb:FFTAmps}. We find that the amplitude of magnetic field at the modulation frequency is below \SI{1}{\pico\tesla} in all cases. In particular, the X axis of AV measures the magnetic field in the radial direction, which is the most relevant background source for the axion measurement. The rotor in its current state thus meets the previously stated background requirements.
From the same spectral analysis, we can also obtain a rough upper limit on the magnetic field noise from the source mass. We can conservatively assume that the entire amplitude is caused by magnetic field noise and convert it to a spectral density. For the rotation speed of \SI{5}{\hertz}, the measurement duration is \(\sim\) \SI{50}{\second}, giving a spectral density of roughly \SI{2}{\pico\tesla\per\sqrt{\hertz}} at the modulation frequency, \SI{55}{\hertz}. This conservative estimate meets the requirements for magnetic field noise.
\begin{table}
\begin{center}
{\rowcolors{2}{black!20!}{black!10}
\begin{tabular}{|>{\centering\arraybackslash}p{1.6cm}||>{\centering\arraybackslash}p{1.2cm}|>{\centering\arraybackslash}p{1.2cm}|>{\centering\arraybackslash}p{1.2cm}|>{\centering\arraybackslash}p{1.2cm}|}
\hline
Frequency (Hz)& AVX (pT) & AVY (pT) & AWY (pT) & AWZ (pT) \\
\hline \hline
0.1 & 5.0 & 2.8 & 1.9 & 11.3\\
1.1 & 0.7 & 0.5 & 0.2 & 0.2\\
\hline
0.5 & 3.2 & 1.4 & 2.9 & 8.9 \\
5.5 & 0.5 & 0.4 & 0.3 & 0.2 \\
\hline
1 & 2.7 & 1.1 & 3.2 & 8.8 \\
11 & 0.3 & 0.3 & 0.3 & 0.2\\
\hline
3 & 1.3 & 0.6 & 2.1 & 5.1\\
33 & 0.2 & 0.2 & 0.2 & 0.2\\
\hline
5 & 1.6 & 0.8 & 2.9 & 6.8\\
55 &0.3 & 0.3 & 0.3 & 0.3\\
\hline
\end{tabular}
}
\caption{Magnetic field amplitude at each sensor's location for both measurement axes. This amplitude has been obtained by converting the measurement to the frequency domain. For each row-pair, the amplitude at the rotation frequency \(f_\mathrm{rot}\) is shown in the top row (light gray), and at the modulation frequency \(f_\mathrm{mod} = 11 f_\mathrm{rot} \) is shown in the bottom row (dark gray). }
\label{tb:FFTAmps}
\end{center}
\end{table}
Although the frequency-domain shows that the requirement for installing this rotor in the ARIADNE experiment is met, it is not suitable to distinguish various noise/background sources. Specifically, it is unclear if this field is explained by bulk noise mechanisms like Johnson noise, or a vibration noise, or by trapped magnetic impurities.
In the time-domain, we investigate whether the data can be significantly explained by a few isolated magnetic impurities inside the rotor. We do this by assuming the impurities act as magnetic dipoles and fitting the locations and moments of such dipoles to the data.
For the time-domain analysis, the data at each frequency is cut down and then averaged. Due to drifts in the rotation speed, the averaging was done over \(\sim 4\) cycles. The locations of cuts are shown in the bottom panel in \cref{fig:data_cut_place}. After performing the cuts, the data from multiple frequencies can be compared by converting the time axis to a rotation angle. This is shown in \cref{fig:cut_data}, where we have added arbitrary time offsets to line up the measurements from different rotation frequencies. We see that all measurements but the one at \SI{0.1}{Hz} are similar. We defer the analysis for the cause of deviation of \SI{0.1}{Hz} measurement to future work, especially since this speed is too low to be relevant for the axion measurement.
\begin{figure}
\includegraphics[width=\linewidth]{figures/data/Exp2_cut_data_theta}
\caption{Few cycles of data at all the rotation frequencies for both sensors and axes. Data for each frequency has been given a fixed shift in \(\theta\) to make them line up.}
\label{fig:cut_data}
\end{figure}
\begin{figure*}
\includegraphics[width=\linewidth]{figures/FitFigs/FittedData_5Hz202011192228}
\caption{Fitting Results: On the right, we show the recorded magnetic field data (see text for description of data processing) from each sensor in colored lines, and the magnetic field produced by three hypothetical dipoles in gray lines. This is shown as a function of \(\theta_\mathrm{rot}\), the angle by which the rotor is rotated. On the left, we show a schematic of the problem: a front and side view of the rotor with each sensor's location indicated with a circle. The dipole locations and moments found by the fitting algorithm are listed at the bottom. The locations are also indicated in the schematic as stars.}
\label{fig:fitfig}
\end{figure*}
For all other frequencies, since the time-domain measurements line up, we can focus on analyzing any one of them. In this paper we will focus on \SI{5}{Hz} since it's the most relevant for the axion measurement\opendata{
\footnote{the analysis for all other frequencies can be found in the data and code released with this publication}}.
We average the measurement over a few cycles, the averaged data is shown by the colored curves on the right side of \cref{fig:fitfig}.
We now try to answer whether this measurement can be explained by a few discrete dipoles. For three dipoles, the problem is parametrized into 23 free parameters: the position and magnetic moments of each dipole \((6\times N_\mathrm{dipoles})\), DC offsets in the sensors \((N_\mathrm{sensors}\times N_\mathrm{axes})\), and the initial location of the horizontal bar with respect to the x-axis in the lab frame \((\theta_\mathrm{bar})\).
Given the field from a magnetic dipole
\begin{equation}
\mathbf{B} = \frac{\mu_0}{4\pi} \left(3\frac{\mathbf{m}\cdot\mathbf{r}}{r^5}\mathbf{r}-\frac{\mathbf{m}}{r^3}\right),
\end{equation}
for a source inside the rotor, rotation varies the position of the source \(\mathbf{r}(t)\), giving a time-varying field \(\mathbf{B}(t)\).
For each sensor and source, we define the problem in cylindrical coordinates as follows:
\begin{subequations}
\begin{align}
\mathbf{r}(t) &= \mathbf{R}_\mathrm{OPM} - \mathbf{R}_\mathbf{src}(t)\\
\mathbf{m} &= (m_r,m_\theta,m_z),\\
\mathbf{R}_\mathrm{src} &= (R_\mathrm{src},\theta_\mathrm{total}(t),z_\mathrm{src})\\
\theta_\mathrm{total}(t) &= \theta_\mathrm{bar} + \theta_\mathrm{src} + \theta_\mathrm{rot}(t),\\
\theta_\mathrm{rot}(t) &= \omega_\mathrm{rot}(t-t_0) \label{eq:thetarot}
\end{align}
\end{subequations}
For a particular source moment and location as well as a known rotation speed, a vector magnetic field at the location of each OPM can be calculated using the above prescription. The total field at the location of $j$-th OPM will be the sum of fields from all dipoles:
\begin{equation}
\mathbf{B}_j^\mathrm{model}(t) = \sum_{i=1}^{N_\mathrm{dipoles}} \mathbf{B}_{ij}(t)
\end{equation}
Then a normalized error function is defined:
\begin{equation}
\sigma^2 = \frac{1}{N^2}\sum_{j,k,t}\left(\frac{
{B}_{jk}^\mathrm{model}(t)-{B}_{jk}^\mathrm{meas}(t)}{\Delta B}
\right)^2
\end{equation}
where \(N\) is the total number of data points, \(\Delta B\) is the measurement uncertainty (taken to be \SI{1}{\pico\tesla}), $j$ runs over the two OPMs (AV and AW), and $k$ runs over the two measurement axes of each OPM.
We then use the Nelder-Mead numerical algorithm \cite{gao2012implementing} implemented by the Python function scipy.optimize.minimize() to find the parameters that minimize the above error function. The result of the optimization is shown in \cref{fig:fitfig}. We show the fitted locations of the impurities in a schematic of the rotor, with their magnetic moments printed below. The field from these dipoles is shown in comparison with the measured field.
The moments of the dipoles that minimize the $\sigma^2$ have been bounded to be less than \Number{\SI{1e-9}{\ampere\meter\squared}}.
\section{Conclusion}
This work characterizes the noise and background caused by the source mass in the ARIADNE experiment. This source would be at the same frequency as the signal and would be completely indistinguishable from the signal, hence the only way forward is to reduce it below the expected signal level.
We measured the magnetic field in proximity to the ARIADNE rotor after demagnetizing it. We find that the contribution of magnetic field amplitude at the Larmor frequency (which is 11 times the rotation frequency) is below \SI{1}{\pico\tesla} and meets the design requirement. To understand the mechanism producing the field, we also model the measurement as magnetic field created by three magnetic dipoles. We find good agreement between the measurement and the model, supporting the hypothesis that a significant portion of the measured field is created by trapped magnetic impurities inside the rotor. In the future, if this becomes a limiting background, a purer material or better demagnetization techniques can be sought.
Going forward, the rotation speed can be tracked by following the peaks in any over time in any one of the four channels. A separate channel that measures speed can also be deployed. An interferometric readout of the rotation speed is planned for the ARIADNE experiment \cite{Ariadneproposal}. This will allow for averaging over longer time as well as a more precise estimate of the contribution from Johnson noise vs coherent magnetic field background.
While the Nelder-Mead method is adequate to provide order of magnitude estimates of the dipole moments of trapped impurities and validates the hypothesis that a significant portion of the magnetic field noise is caused by a few discrete impurities, this method does have a number of limitations. For example, there are many degeneracies in the parameter space, making the method sensitive to the initial guess given to the optimizer. Multi-modal solutions can be missed since the approach only provides one local minimu
. In future, a Markov-Chain Monte-Carlo method based approach may provide results independent of the initial guess and better estimate the uncertainty in the magnitude and locations of magnetic impurities. Data with additional magnetometers at more spatial locations around the rotor could also help to improve the estimate of location and moments of the impurities.
\section{Acknowledgments}
We acknowledge support from the U.S. National Science Foundation, grant numbers NSF PHY-1509176, NSF PHY-1510484, NSF PHY-1506508, NSF PHY-1806671, NSF PHY-1806395, NSF PHY-1806757.
A. Brown, I. Lee, C.-Y. Liu, J. C. Long, A. Reid, J. Shortino, E. Smith, and W. M. Snow acknowledge support from the Indiana University Center for Spacetime Symmetries.
We also acknowledge funding support from IBS, grant number IBS-R017-D1-2020-a00.
We acknowledge the
support of the Core Facility 'Metrology of Ultra-Low Magnetic Fields' at Physikalisch-Technische
Bundesanstalt which receives funding from the Deutsche Forschungsgemeinschaft – DFG (funding
codes: DFG KO 5321/3-1 and TR 408/11-1).
\section{Author Contributions}
AB and JCL fabricated the source mass. AS and JV performed the measurements, NA analyzed the data and led this manuscript. All authors contributed to the final manuscript.
\opendata{\section{Data and Code Availability}
The raw data as well as the code to perform all the analysis needed for this manuscript can be downloaded from \cNA{to-be-decided}
\todo{Create a zenodo/Github for this}}
|
\section{Introduction}
Hyperbolic systems can be found everywhere in sciences and nature: from biology \cite{Perthame2005}, to fluid mechanics, population dynamics \cite{TadmorTan}, electromagnetism, networks \cite{LeugeringSchmidt,DGLnet2010,EGMP} etc.
For this reason, they are of large importance for practical applications and the question of their stability and stabilization is paramount. For linear $1$-$d$ systems, studying the exponential stability or the stabilization can be achieved by looking at the eigenvalues and using spectral mapping theorems \cite{Lichtner,Renardy}. For nonlinear systems, the situation is much more tricky.
For nonlinear systems, the situation is much more tricky. \textcolor{black}{In general the stabilities in different norms are not equivalent \cite{coron2015Nguyen}. \textcolor{black}{Indeed, for the same system, stabilities in different norms can require different criteria.}
For semilinear systems the spectral tools may still work (in contrast with quasilinear systems), but the resulting exponential stability may only hold locally, meaning for small enough perturbations.
Worse,
most of the time spectral tools are hard to use when the system is inhomogeneous.}
Several tools were developed to deal with this situation and obtain local exponential stability
results. A first method is the characteristic analysis, which was originally used by Li and Greenberg in 1984 in \cite{Li1984} then generalized in \cite{1994-Li-book,Qin,Zhao,Wang} for quasilinear homogeneous hyperbolic systems in the $C^{1}$ norm. A second method is the use of basic Lyapunov functions\footnote{see \cite[Definition 1.4.3]{theseAH} for a proper definition and \cite{HS} for an overview of this method}. This method was, \textcolor{black}{for instance,} applied in \cite[Chapter 6]{BastinCoron1D} for general semilinear systems in the $H^{1}$ norm and quasilinear systems in the $H^{2}$ norm, but also in many particular cases \cite{BC2017,LeugeringH2,HS,SVgeneral,gugatH1}.
This will be our approach in this article. A third method is the backstepping method, a very powerful tool originally designed for finite-dimensional systems, modified for PDEs using a Volterra transform in \cite{Krsticsurvey}, \footnote{see \cite{xiang} for more details} and then used in \cite{CK2013,hu2015backstepping} for quasilinear hyperbolic systems in the $H^{2}$ norm. \textcolor{black}{Such backstepping approach was also used to derive controllability \cite{CN19a, CN19b} or finite-time stabilization \cite{CN17, CN20a, CN20b} in both parabolic and hyperbolic settings.} Other results using a more general transform were then introduced \cite{Zhang, MGC2018}. The main drawback of this method is that it involves controls that are usually using full-state measurements and cannot take the simple form of output feedback controllers (see \eqref{bound1}). Therefore these controls might be less convenient for practical implementation. Although sometimes observers can be designed to tackle this issue \cite{Meglio2013Observer}. \textcolor{black}{Other methods exist, as for instance the study of stability based on time delay systems introduced in \cite{coron2015Nguyen} where the authors give criteria for exponential stability in the $W^{2,p}$ norms for any $p\geq 1$ (see also \cite{CMS16}).}\\
So far, the nonlinear stability results for hyperbolic systems have been obtained in the $H^{1}$ norm for semilinear systems and for the $H^{2}$ norm for quasilinear systems. The $H^{1}$ and $H^{2}$ norm enabling to bound the nonlinear terms of the source term and of the transport term respectively, using the Sobolev embeddings $H^{p}([0,L];\mathbb{R})\subset C^{p-1}([0,L];\mathbb{R})$, for $p\geq1$. Other results have been shown for the $C^{0}$ and $C^{1}$ norm \cite{C1,C1_22}. For weaker norms, such as the $L^{2}$ norm, \textcolor{black}{one is usually unable to derive any exponential stability result when the system is nonlinear.
}
However, in this paper we show that having a Lipschitz source term, \textcolor{black}{with some condition on the size of the source,}
is enough to
obtain
the
exponential stability
in the $L^{2}$ norm for semilinear systems. Besides, in contrast with
most of the
previous analyses cited above, this result holds for a nonlocal source term. Nonlocal source terms
are found in many important phenomena as population dynamics, material sciences, flocking, \textcolor{black}{traffic flow} \cite{TadmorTan, BeresPerthame,Keimernonlocal},
and open the door to many potential applications.
Moreover, while all the above previous approaches were dealing with local exponential
stability,
we obtain here global exponential
stability.
Concerning semilinear systems with Lipschitz source terms, one should
highlight
the work of \cite{DFP} where the authors study the exponential
stability
in
$C^{0}$
norm of a semilinear system with a diagonal and Lipschitz source term, and saturating boundary conditions.
They give a potentially
large explicit bound on the basin of attraction, and they prove in addition the well-posedness in $L^{2}$.\\
Finally, we show that these results can be extended to a wider notion:
the Input-to-State Stability (ISS). The ISS measures the resilience of the stability of a system when adding disturbances in the boundary conditions or in the source term \cite{Sontag1989, KarafyllisKrstic}. \textcolor{black}{These disturbances could have many origins such as actuator errors, quantized measurments, uncertainties of model parameters, etc. The ISS} is therefore a more relevant notion from an application perspective,
and
is also \textcolor{black}{paramount for designing observers}.
While exponential stability
of nonlinear hyperbolic systems has been studied for several decades now, fewer results are known concerning this wider notion of ISS. Until recently, the most up-to-date results were given in \cite[Part II]{KarafyllisKrstic}, for $L^{p}$ norms, $p\in\mathbb{N}^{*}\cup\{+\infty\}$ (see also \cite{prieuriss} for instance for nonautonomous systems),
and recently several works have been providing quite good conditions by extending exponential stabilization results obtained through Lyapunov approach to ISS results under the same conditions \cite{PrieurFerrante,YorgisBanda,BCH}. These results suffer however the same \textcolor{black}{limitations as the exponential stabilization results they are generalizing: local validity and strong norms.} One can also refers to \cite{Dashkovskiy,DashkovskiyMironchenko,Lhachemi2019,SaintVenantPI} for other
ISS results on hyperbolic systems in particular cases, and to \cite{KarafyllisKrstic} for a more detailed review on ISS results for PDEs in general. This paper is organized as follows: in Section \ref{s2} we state some definitions and our main result, which is proven in Section \ref{s3} using a Lyapunov approach. The well-posedness and the extension to ISS are dealt with in the Appendix.
\section{Statement of the problem and main results}
\label{s2}
A semilinear hyperbolic system can always be written in the following way \cite{LiYu}:
\begin{equation}
\partial_{t}\mathbf{u}+\Lambda(x)\partial_{x}\mathbf{u}+B(\mathbf{u},x)=0,
\label{sys1}
\end{equation}
where $\mathbf{u}(t,x)\in\mathbb{R}^{n}$, $\Lambda(x)$
is a diagonal matrix with non vanishing eigenvalues, \textcolor{black}{$\Lambda :x\rightarrow \Lambda(x)$ belongs to $C^{1}([0,L])$} and $B\in C^{0}(L^{2}(0,L)\times [0,L],L^{2}(0,L))$ is the nonlinear source term, with $B(\mathbf{0},x)=0$. Note that
$B$ could be potentially nonlocal at it takes a function as argument, thus $B(\mathbf{u},x)$ refers here to $B(\mathbf{u}(t,\cdot),x)$. Throrough the article we will assume that $B(\cdot,x)$ is Lipschitz with respect to $\mathbf{u}$ with a Lipschitz constant $C_{B}$ in the following sense: for $\mathbf{u}$ and $\mathbf{v}$ two functions of $L^{2}(0,L)$,
\begin{equation}
\lVert B(\mathbf{u},\cdot)-B(\mathbf{v},\cdot)\rVert_{L^{2}}\leq C_{B}\lVert \mathbf{u}-\mathbf{v}\rVert_{L^{2}}.
\label{lipB}
\end{equation}
Of course, this assumption is satisfied if $B$ is local, takes argument in $\mathbb{R}^{n}\times[0,L]$ and is Lipschitz with respect to the first argument, with a Lipschitz constant that might depend on $x$ but as a $L^{2}$ function.
We will come back to this special case later on in Remark \ref{rmklocal}.
When the system is equipped with a control static and exerted at the boundaries, the boundary conditions can be written in the following way:
\begin{equation}
\begin{pmatrix}
\mathbf{u}_{+}(t,0)\\
\mathbf{u}_{-}(t,L)
\end{pmatrix}=G\begin{pmatrix}
\mathbf{u}_{+}(t,L)\\
\mathbf{u}_{-}(t,0)
\end{pmatrix}
\label{bound1}
\end{equation}
where $G$ is a continuous and Lipschitz function such that $G(0)=0$. The notation $\mathbf{u}_{+}$ is used to refer to the components of $\mathbf{u}$ corresponding to positive propagation speeds $\Lambda_{i}>0$, whereas the notation $\mathbf{u}_{-}$ is used to refer to the components corresponding to negative propagation speeds. In the following, we assume without loss of generality that $\Lambda_{i}>0$ for $i\in\{1,...,m\}$ and $\Lambda_{i}<0$ for $i\in\{m+1,...,n\}$. Note that the boundary conditions \eqref{bound1} are nonlinear.
As $G$ is Lipschitz, all of its components are Lipschitz, which implies that there exists a matrix $K$ such that
for any $i\in\{1,...,n\}$,
\begin{equation}
\left|G_{i}\begin{pmatrix}
\mathbf{u}_{+}(t,L)\\
\mathbf{u}_{-}(t,0)
\end{pmatrix}\right|\leq \sum\limits_{j=1}^{m} K_{ij}|u_{j}(t,L)|+\sum\limits_{j=m+1}^{n} K_{ij}|u_{j}(t,0)|.
\label{defK}
\end{equation}
\begin{rmk}[Choice of $K$]
Of course the matrix $K=C_{G}I$, where $I$ is the identity matrix and $C_{G}$ the Lipschitz constant of $G$ would work. \textcolor{black}{However, there might be other matrices $K$ satisfying \eqref{defK} and some
could lead to potentially less restrictive conditions in Theorem \ref{th1} than the matrix $C_{G}I$}
(see \eqref{condauxbords} below).
\end{rmk}
\textcolor{black}{System \eqref{sys1}, \eqref{bound1} with \eqref{lipB}, \eqref{defK}} is well posed in $L^{2}$ in the following sense:
\begin{thm}[Well posedness]
For any $T>0$ and any $\mathbf{u}_{0}\in L^{2}(0,L)$ the Cauchy problem \eqref{sys1}--\eqref{bound1}, with initial condition $\mathbf{u}(0,\cdot)=\mathbf{u}_{0}$ has a unique solution $\mathbf{u}\in C^{0}([0,T],L^{2}(0,L))$. Moreover,
\begin{equation}
\lVert \mathbf{u}(t,\cdot)\rVert_{L^{2}}\leq C(T)\lVert \mathbf{u}_{0}\rVert_{L^{2}},\text{ }\forall\text{ }t\in[0,T],
\label{estimate}
\end{equation}
where $C(T)$ is a constant depending only on $T$.
\label{th0}
\end{thm}
This theorem is shown in the Appendix. Most of
the proof is a subcase of a remarkable result in \cite[Theorem A.1]{DFP}, where the authors study the framework of saturating boundary conditions. The only differences are some slight changes in the estimates to deal with a nonlocal functional and a density argument.
These changes are indicated in \ref{reg},
together with a proper definition of the notion of weak solution to System \eqref{sys1},
\eqref{bound1}.
\begin{rmk}
As it could be expected, the well posedness also holds for more regular solutions. In particular for any $\mathbf{u}_{0}\in H^{1}(0,L)$ satisfying the \textcolor{black}{compatibility} conditions \textcolor{black}{given by} \eqref{bound1}, the Cauchy problem \eqref{sys1}, \eqref{bound1} with initial condition $\mathbf{u}(0,\cdot)=\mathbf{u}_{0}$ has a unique solution $\mathbf{u}\in C^{0}([0,T],H^{1}(0,L)) \cap C^{1}([0,T],L^{2}(0,L))$. This is also shown in \ref{reg}.
\label{rmk1}
\end{rmk}
Before stating our main result, we recall the definition of exponential stability for the $L^{2}$ norm.
\begin{defn}[Exponential stability]
We say that System \eqref{sys1}--\eqref{bound1} is exponentially stable for the $L^{2}$ norm with decay rate $\gamma$ and gain $C$ if there exists constants $\delta>0$, $\gamma>0$, and $C>0$ such that for any $T>0$ and
$\mathbf{u}_{0}\in L^{2}(0,L)$ such that $\lVert \mathbf{u}_{0}\rVert_{L^{2}}\leq \delta$, the Cauchy problem \eqref{sys1}--\eqref{bound1} with initial condition $\mathbf{u}(0,\cdot)=\mathbf{u}_{0}$ has a unique solution $\mathbf{u}\in C^{0}([0,T],L^{2}(0,L))$ and
\begin{equation}
\lVert \mathbf{u}(t,\cdot)\rVert_{L^{2}}\leq Ce^{-\gamma t}\lVert \mathbf{u}_{0}\rVert_{L^{2}}.
\end{equation}
Moreover, if
\begin{equation}
\delta=+\infty,
\end{equation}
then the system is said globally exponentially stable.
\end{defn}
We can now state our main result.
\begin{thm}
Let a system \textcolor{black}{be} of the form \eqref{sys1}, \eqref{bound1}, where $\Lambda\in C^{1}([0,L])$ and $B$ is
Lipschitz with respect to $\mathbf{u}$.
\textcolor{black}{ If there exist $K\in M_{n}(\mathbb{R})$ satisfying \eqref{defK},
$J\in C^{1}([0,L]; M_{n}(\mathbb{R}))$ where
$J(x)$ is a diagonal matrix
with positive coefficients, and
$M\in C^{0}([0,L];M_{n}(\mathbb{R}))$, such that the following conditions are satisfied}
\begin{enumerate}
\item (Interior condition)
\textcolor{black}{
\begin{equation}
-(J^{2}\Lambda )'+J^{2}M+M^{\textcolor{black}{\top}}J^{2}
\label{m1}
\end{equation}
is positive definite and there exists $D\in C^{1}([0,L]; M_{n}(\mathbb{R}))$ where $D(x)$ is a diagonal matrix
with positive coefficients, such that
\begin{equation}
C_{g}<\frac{\lambda_{m}}{2\max_{i,x}(D_{i})\max_{i,x}(D_{i}J^{2}_{i})},
\label{condint}
\end{equation}
where $C_{g}$ is the Lipschitz constant of $\textcolor{black}{g:=} B-M$ and $\lambda_{m}$ denotes the smallest eigenvalue of
\begin{equation}
-D(\textcolor{black}{J^{2}\Lambda })'D+DJ^{2}MD+DM^{\textcolor{black}{\top}}J^{2}D,
\label{m2}
\end{equation}}
\item (Boundary condition) the matrix
\begin{equation}
\begin{split}
&\begin{pmatrix}J^{2}_{+}(L)\Lambda_{+}(L)&0\\
0& J^{2}_{-}(0)|\Lambda_{-}(0)|\end{pmatrix}\\
-&K^{\textcolor{black}{\top}}\begin{pmatrix}J^{2}_{+}(0)\Lambda_{+}(0)&0 \\ 0&J^{2}_{-}(L)|\Lambda_{-}(L)|\end{pmatrix}K
\label{condauxbords}
\end{split}
\end{equation}
is positive semidefinite,
\end{enumerate}
then the system is globally exponentially stable for the $L^{2}$ norm. Moreover the gain is $\lVert J^{-1} \rVert_{L^{\infty}}\lVert J \rVert_{L^{\infty}}$ \textcolor{black}{and an admissible decay rate is $\lambda_{m}(2\max_{i,x}(D_{i}J^{2}_{i}))^{-1}-C_{g}\max_{i,x}(D_{i})$}
\label{th1}
\end{thm}
We prove this theorem in Section \ref{s3}.
Note that \eqref{condint} does not involve directly the Lipschitz constant of $B$ but the Lipschitz constant of $g \textcolor{black}{= B-M}$, which is $B$ minus a linear part that can be chosen. Of course, the Lipschitz constant of $B$ would be suitable by setting $M=0$, but other choices of $M$ could lead to less restrictive conditions. Let us note that the apparent complexity of the interior condition aims at giving a good explicit computable bound on $C_{g}$ for practical applications: indeed finding the values of $\lambda_{m}$ can be numerically solved. Besides, \textcolor{black}{choosing $D=Id$ or $K = C_{G}I$ would also give a sufficient condition that is simpler to write, but the sufficient condition would be more restrictive.}
\begin{rmk}[Linear case]
When $B$ is a local and linear operator we recover the result found in \cite[Proposition 5.1]{BastinCoron1D} \textcolor{black}{(see also \cite{DBC12} when $B$ is in addition marginally diagonally stable). Indeed,} we can choose $M=B$, then $g=0$ and the interior condition is reduced to the existence of $J$, diagonal matrix with positive coefficients
such that $-(\Lambda J^{2})'+J^{2}M+M^{\textcolor{black}{\top}}J^{2} $ is positive definite.
\end{rmk}
\begin{rmk}[Local case]
In the special case where the system is local, i.e. $B$ is a function on $\mathbb{R}\times[0,L]$ and $B(\mathbf{u},x)=B(\mathbf{u}(t,x),x)$, the condition \eqref{condint} of the previous theorem can be slightly improved as follows: assume that $B$ is Lipschitz with respect to the first variable with a Lipschitz constant $C(x)\in L^{2}(0,L)$, then for any matrix $M$, $g=B-M$ is also Lipschitz with respect to the first variable and we can denote again its Lipschitz constant by $C_{g}(x)\in L^{2}(0,L)$. Then, the interior condition \eqref{condint} in Theorem \ref{th1} can be replaced by
\begin{equation}
C_{g}<\frac{\lambda_{m}(x)}{\max_{i}(J^{2}_{i})(x)}\text{ or }C_{g}<\mu_{m}(x)\frac{\max_{i}(J_{i})(x)}{\inf_{i}(J_{i})(x)},
\end{equation}
where $\lambda_{m}(x)$ and $\mu_{m}(x)$ are the smallest eigenvalues at a given $x$ of the matrix given by \eqref{m1} and \eqref{m2} respectively.
\label{rmklocal}
\end{rmk}
\subsection{Input-to-State Stability}
In fact, this result can be extended to a more general notion: the Input-to-State Stability (ISS). This notion is more relevant when looking at practical implications as it takes into account the external disturbances that can arise. When such disturbance arise, System \eqref{sys1}, \eqref{bound1} is replaced by
\begin{equation}
\begin{split}
\partial_{t}\mathbf{u}+\Lambda(x)\partial_{x}\mathbf{u}+B(\mathbf{u},x)+\mathbf{d}_{1}(t,x)=0,\\
\begin{pmatrix}
\mathbf{u}_{+}(t,0)\\
\mathbf{u}_{-}(t,L)
\end{pmatrix}=G\begin{pmatrix}
\mathbf{u}_{+}(t,L)\\
\mathbf{u}_{-}(t,0)
\end{pmatrix}+\mathbf{d}_{2}(t)
\end{split}
\label{sys1ISS}
\end{equation}
where $\mathbf{d}_{1}$ and $\mathbf{d}_{2}$ are respectively the distributed and boundary disturbances. We define the
ISS
as follows:
\begin{defn}[Input-to-State Stability]
We say that System \eqref{sys1ISS} is strongly Input-to-State stable (or ISS) with fading memory for the $L^{2}$ norm if there exists positive constants $\delta>0$, $C_{1}>0$, $C_{2}>0$, $\gamma>0$, such that for any $T>0$ and any $\mathbf{u}_{0}\in L^{2}(0,L)$ with $\lVert \mathbf{u}_{0} \rVert_{L^{2}}\leq \delta$ and $\lVert \mathbf{d}_{1}\rVert_{L^{2}}+\lVert \mathbf{d}_{2}\rVert_{L^{2}}\leq\delta$, there exists a unique solution $\mathbf{u}\in C^{0}([0,T],L^{2}([0,L]))$ to System \eqref{sys1}, \eqref{bound1}, and
\begin{equation}
\begin{split}
\lVert \mathbf{u}(t,\cdot)\rVert_{L^{2}}&\leq C_{1}e^{-\gamma t}\lVert \mathbf{u}_{0}\rVert_{L^{2}}\\
&+C_{2}\left(\lVert e^{-\gamma (t-s)}\mathbf{d}_{1}(s,x)\rVert_{L^{2}((0,t)\times(0,L))}\right.\\
&+\left. \lVert e^{-\gamma (t-s)}\mathbf{d}_{2}(s)\rVert_{L^{2}(0,t)}\right), \text{ for any }t\in[0,T].
\end{split}
\label{ISS}
\end{equation}
Moreover, if $\delta=+\infty$, then the system is said to be globally strongly
\textcolor{black}{ISS}
with fading memory.
\label{defISS}
\end{defn}
This defines a strong notion of ISS with \textcolor{black}{an exponentially} fading memory.
\textcolor{black}{The fading memory comes from the $e^{-\gamma(t-s)}$ in the $L^{2}$ norms of $\mathbf{d}_{1}$ and $\mathbf{d}_{2}$. It means that the influence of the disturbances at a given time $s$ decreases exponentially with time. One could have chosen other and less restrictive fading factors (see \cite[Chapter 7]{KarafyllisKrstic} for a more complete description of ISS estimates with fading memory).
}
The constants $C_{1}$ and $C_{2}$ are called the gains of the ISS estimate. When such notion of ISS cannot be achieved, weaker notions exist and can be found for instance in \cite{MironchenkoWirth}.
We have the following result, analogous to Theorem \ref{th1}
\begin{thm}
Let a system \textcolor{black}{be} of the form \eqref{sys1ISS} where $\Lambda\in C^{1}([0,L])$, $\mathbf{d}_{1}\in \textcolor{black}{L^{2}}((0,T)\times(0,L))$, $\mathbf{d}_{2}\in \textcolor{black}{H^{1}}([0,T])$ and $B$
\textcolor{black}{is}
Lipschitz with respect to $\mathbf{u}$.
If the condition \eqref{condint} is satisfied and the matrix defined by \eqref{condauxbords} is positive definite,
then the system is globally strongly ISS with fading memory for the $L^{2}$ norm.
\label{thmISS}
\end{thm}
The proof of this theorem is very similar to the proof of Theorem \ref{th1}. The only difference being that the assumption on \eqref{condauxbords} has to be slightly stronger than in Theorem \ref{th1} (positive definite instead of positive semidefinite). A way to adapt the proof of Theorem \ref{th1} is given in \ref{adapt}. Besides, the gains can again be computed explicitly as a function of $K$, $B$ and $\Lambda$ (see \eqref{estimateISSgains}).
\section{Exponential stability in the $L^{2}$ norm}
\label{s3}
\begin{proof}[Proof of Theorem \ref{th1}]
Let a semilinear system be of the form \eqref{sys1}, \eqref{bound1} with $\Lambda\in C^{1}([0,L],M_{n}(\mathbb{R}))$ and $B$ being $L^{2}$
with respect to $\mathbf{u}$
with Lipschitz constant $C_{B}$. We will first show Theorem \ref{th1} for $H^{1}$ solutions and then recover it for $L^{2}$ solutions using a density argument. Let $T>0$, and let $\mathbf{u}_{0} \in H^{1}(0,L)$. From Theorem \ref{th0} and Remark \ref{rmk1}, there exists a unique solution $\mathbf{u}\in C^{0}([0,T], H^{1}(0,L))\cap C^{1}([0,T],L^{2}(0,L))$ associated to this initial condition.
Let us now define the following Lyapunov function candidate:
\begin{equation}
V(\mathbf{u})=\int_{0}^{L}(J(x)\mathbf{u}(t,x))^{\textcolor{black}{\top}}J(x)\mathbf{u}(t,x) dx,
\label{defV}
\end{equation}
where $J=\text{diag}(J_{1},...,J_{n})\in C^{1}([0,L],\mathcal{D}_{n}^{+}(\mathbb{R}^{n}))$, where $\mathcal{D}_{n}^{+}$ is the space of diagonal matrices with positive coefficients. The function $V$ is well defined on $L^{2}(0,L)$ and equivalent to
\textcolor{black}{$\lVert \mathbf{u}(t,\cdot)\rVert^{2}_{L^{2}}$, as}
\begin{equation}
\lVert\mathbf{u}(t,\cdot)\rVert_{L^{2}}^{2}\lVert J^{-1}\rVert_{L^{\infty}}^{-2}\leq V(\mathbf{u})\leq \lVert J\rVert_{L^{\infty}}^{2}\lVert\mathbf{u}(t,\cdot)\rVert_{L^{2}}^{2}.
\label{equivV}
\end{equation}
We would like to show that $V$ decreases exponentially quickly along $\mathbf{u}$.
\textcolor{black}{Before going any further, let us comment on the choice of the form of this Lyapunov function candidate. Functions of this type are sometimes called \textit{basic quadratic Lyapunov function} or \textit{basic Lyapunov function for the $L^{2}$ norm} because they can be seen as the simplest functional equivalent of the $L^{2}$ norm. A commonly used Lyapunov function candidate for hyperbolic systems of conservation laws has the form \eqref{defV} with $J(x) = \text{diag}(q_{i}e^{-\mu s_{i} x})$ where $s_{i}=1$ if $\Lambda_{i}>0$ and $s_{i} = -1$ if $\Lambda_{i}<0$ and $q_{i}$ and $\mu$ are positive constants to be chosen. In our case however, such function might not work. This is due to the inhomogeneity and this a phenomena that can be seen in balance laws in general \cite{bastin2011coron}. For instance, in \cite{HS} is found a basic quadratic Lyapunov function that exists for any length $L>0$ provided good boundary conditions, while this could not happen with a basic quadratic Lyapunov function made of exponential weights.}
As $\mathbf{u}\in C^{1}([0,T],L^{2}(0,L))$, $V(\mathbf{u}(t,\cdot))$ can be differentiated with time, \textcolor{black}{and} we have
\begin{equation}
\begin{split}
\frac{d V(\mathbf{u}(t,\cdot))}{dt}&=\int_{0}^{L}2\mathbf{u}^{\textcolor{black}{\top}}J^{2}\partial_{t}\mathbf{u} dx\\
&=-\int_{0}^{L}2\mathbf{u}^{\textcolor{black}{\top}}J^{2}\Lambda\partial_{x}\mathbf{u} dx-2\int_{0}^{L}\mathbf{u}^{\textcolor{black}{\top}}J^{2}B(\mathbf{u},x) dx\\
&=-\left[\mathbf{u}^{\textcolor{black}{\top}}J^{2}\Lambda\mathbf{u}\right]_{0}^{L}+\int_{0}^{L}\mathbf{u}^{\textcolor{black}{\top}}(J^{2}\Lambda)'\mathbf{u} dx\\
&-2\int_{0}^{L}\mathbf{u}^{\textcolor{black}{\top}}J^{2}B(\mathbf{u},x) dx.
\end{split}
\end{equation}
We used here that $J$ and $\Lambda$ commute as they are both diagonal.
Now,
\textcolor{black}{let $M\in C^{0}([0,L],M_{n}(\mathbb{R}))$} to be selected later on and set $g(\mathbf{u},x)=B(\mathbf{u},x)-M(x)\mathbf{u}(t,x)$ which is
\textcolor{black}{again
Lipschitz in $\mathbf{u}$ in the sense of \eqref{lipB}}. \textcolor{black}{We} have
\begin{equation}
\begin{split}
\frac{d V(\mathbf{u}(t,\cdot))}{dt}&=-\left[\mathbf{u}^{\textcolor{black}{\top}}J^{2}\Lambda\mathbf{u}\right]_{0}^{L}+\int_{0}^{L}\mathbf{u}^{\textcolor{black}{\top}}(J^{2}\Lambda)'\mathbf{u} dx\\
&-2\int_{0}^{L}\mathbf{u}^{\textcolor{black}{\top}}J^{2}M\mathbf{u} dx-2\int_{0}^{L}\mathbf{u}^{\textcolor{black}{\top}}J^{2}g(\mathbf{u},x) dx\\
&=-\left[\mathbf{u}^{\textcolor{black}{\top}}J^{2}\Lambda\mathbf{u}\right]_{0}^{L}\\
&-\int_{0}^{L}\mathbf{u}^{\textcolor{black}{\top}}[-(J^{2}\Lambda)'+J^{2}M+M^{\textcolor{black}{\top}}J^{2}]\mathbf{u} dx\\
&-2\int_{0}^{L}\mathbf{u}^{\textcolor{black}{\top}}J^{2}g(\mathbf{u},x) dx\\
\end{split}
\label{dV}
\end{equation}
where we used that $\mathbf{u}^{\textcolor{black}{\top}}J^{2}M\mathbf{u}=\mathbf{u}^{\textcolor{black}{\top}}M^{\textcolor{black}{\top}}J^{2}\mathbf{u}$, as it is a scalar. Now, we set
\begin{equation}
\begin{split}
I_{2}:&=\left[\mathbf{u}^{\textcolor{black}{\top}}J^{2}\Lambda\mathbf{u}\right]_{0}^{L},\\
I_{3}:&=\int_{0}^{L}\mathbf{u}^{\textcolor{black}{\top}}[-(J^{2}\Lambda)'+J^{2}M+M^{\textcolor{black}{\top}}J^{2}]\mathbf{u} dx\\
&+2\int_{0}^{L}\mathbf{u}^{\textcolor{black}{\top}}J^{2}g(\mathbf{u},x) dx
\label{defI3I2}
\end{split}
\end{equation}
We would like to show that under assumptions
1. and 2. of Theorem \ref{th1}, $I_{2}$ is a nonnegative definite quadratic form with respect to the boundary conditions, and $I_{3}\geq \mu \lVert \mathbf{u}\rVert_{L^{2}}$ where $\mu$ is a positive constant. We will show that this is exactly the point of Assumptions 1. and 2..
Let us start with $I_{2}$. \textcolor{black}{From \eqref{bound1},}
\begin{equation}
\begin{split}
I_{2}&=\begin{pmatrix}\mathbf{u}_{+}(t,L)\\\mathbf{u}_{-}(t,L)\end{pmatrix}^{\textcolor{black}{\top}}J^{2}(L)\Lambda(L)\begin{pmatrix}\mathbf{u}_{+}(t,L)\\\mathbf{u}_{-}(t,L)\end{pmatrix}\\
&-\begin{pmatrix}\mathbf{u}_{+}(t,0)\\\mathbf{u}_{-}(t,0)\end{pmatrix}J^{2}(0)\Lambda(0)\begin{pmatrix}\mathbf{u}_{+}(t,0)\\\mathbf{u}_{-}(t,0)\end{pmatrix}\\
&=\sum\limits_{i=1}^{m}J_{i}^{2}(L)\Lambda_{i}(L)u_{i}^{2}(L)-\sum\limits_{i=m+1}^{n}J_{i}^{2}(0)\Lambda_{i}(0)u_{i}(0)^{2}\\
&+\sum\limits_{i=m+1}^{n}J_{i}^{2}(L)\Lambda_{i}(L)\left(G_{i}\begin{pmatrix}\mathbf{u}_{+}(t,L)\\\mathbf{u}_{-}(t,0)\end{pmatrix}\right)^{2}\\
&-\sum\limits_{i=1}^{m}J_{i}^{2}(0)\Lambda_{i}(0)\left(G_{i}\begin{pmatrix}\mathbf{u}_{+}(t,L)\\\mathbf{u}_{-}(t,0)\end{pmatrix}\right)^{2}.
\end{split}
\end{equation}
We set $x_{i}:=0$ if $i\in\{1,...,m\}$ and $x_{i}:=L$ if $i\in\{m+1,...,n\}$. Then using that $\Lambda_{i}>0$ for $i\in\{1,...,m\}$ and $\Lambda_{i}<0$ otherwise, and using \eqref{defK},
\begin{equation}
\begin{split}
I_{2}&=\sum\limits_{i=1}^{n}J_{i}^{2}(L-x_{i})|\Lambda_{i}(L-x_{i})|u_{i}^{2}(L-x_{i})\\
&-\sum\limits_{i=1}^{n}J_{i}^{2}(x_{i})|\Lambda_{i}(x_{i})|\left(G_{i}\begin{pmatrix}\mathbf{u}_{+}(t,\textcolor{black}{L-x_{i}})\\\mathbf{u}_{-}(t,\textcolor{black}{L-x_{i}})\end{pmatrix}\right)^{2}\\
&\geq \sum\limits_{i=1}^{n}J_{i}^{2}(L-x_{i})|\Lambda_{i}(L-x_{i})|u_{i}^{2}(L-x_{i})\\
&-\sum\limits_{i=1}^{n}J_{i}^{2}(x_{i})|\Lambda_{i}(x_{i})|\left(\sum\limits_{j=1}^{n} K_{ij} |u_{j}(t,L-x_{\textcolor{black}{j}})|\right)^{2},\\
\end{split}
\label{I2withoutd}
\end{equation}
This can be rewritten as
\begin{equation}
\begin{split}
&I_{2}\geq \mathbf{Y}^{\textcolor{black}{\top}}
N
\mathbf{Y},
\end{split}
\label{estimI20}
\end{equation}
where $\mathbf{Y}$ is a vector with components $Y_{i}=|u_{i}(t,L-x_{i})|$ and $N$ is given by
\begin{equation}
\begin{split}
N=&\left(\begin{smallmatrix}J^{2}_{+}(L)|\Lambda_{+}(L)|&0\\
0& J^{2}_{-}(0)|\Lambda_{-}(0)|\end{smallmatrix}\right)\\
&-K^{\textcolor{black}{\top}}\left(\begin{smallmatrix}J^{2}_{+}(0)|\Lambda_{+}(0)|&0 \\0& J^{2}_{-}(L)|\Lambda_{-}(L)|\end{smallmatrix}\right)K.
\end{split}
\label{defN}
\end{equation}
From \eqref{condauxbords} the matrix
$N$
is positive semidefinite, thus
\begin{equation}
I_{2}\geq 0.
\label{estimI2}
\end{equation}
Let us now deal with $I_{3}$.
Assume
that the
condition \eqref{condint} holds. Then
\textcolor{black}{there exists $D\in C^{1}([0,L], M_{n}(\mathbb{R}))$ such that $D(x)$ is diagonal with positive coefficients for any $x\in[0,L]$. Thus
\begin{equation}
-D(J^{2}\Lambda)'D+DJ^{2}MD+DM^{\textcolor{black}{\top}}J^{2}D
\end{equation}
}
is a symmetric and definite positive matrix and we denote by $\lambda_{m}$ its smallest eigenvalue on $[0,L]$. We have from \eqref{defI3I2}, using Cauchy-Schwarz inequality and using the fact that $g$ is Lipschitz with $\mathbf{u}$ and the fact that $g(\mathbf{0},x)=B(\mathbf{0},x)=0$,
\textcolor{black}{
\begin{equation}
\begin{split}
I_{3}&\geq\int_{0}^{L}(D^{-1}\mathbf{u})^{\textcolor{black}{\top}}[-D(J^{2}\Lambda)'D+DJ^{2}MD+DM^{\textcolor{black}{\top}}J^{2}D](D^{-1}\mathbf{u}) dx\\
&-2\left(\int_{0}^{L}|D^{-1}\mathbf{u}|^{2}dx\right)^{1/2}\left(\int_{0}^{L}|DJ^{2}g(\mathbf{u},x)|^{2} dx\right)^{1/2}\\
&\geq\int_{0}^{L}(D^{-1}\mathbf{u})^{\textcolor{black}{\top}}[-D(J^{2}\Lambda)'D+DJ^{2}MD+DM^{\textcolor{black}{\top}}J^{2}D](D^{-1}\mathbf{u}) dx\\
&-2\max\limits_{i,x}(D_{i}J^{2}_{i}(x))\left(\int_{0}^{L}|D^{-1}\mathbf{u}|^{2}dx\right)^{1/2}\left(\int_{0}^{L}|g(\mathbf{u},x)|^{2} dx\right)^{1/2}\\
&\geq\int_{0}^{L}(D^{-1}\mathbf{u})^{\textcolor{black}{\top}}[-D(J^{2}\Lambda)'D+DJ^{2}MD+DM^{\textcolor{black}{\top}}J^{2}D](D^{-1}\mathbf{u}) dx\\
&-2\max\limits_{i,x}(D_{i}J^{2}_{i}(x))\left(\int_{0}^{L}|D^{-1}\mathbf{u}|^{2}dx\right)^{1/2}C_{g}\left(\int_{0}^{L}|\mathbf{u}|^{2} dx\right)^{1/2}\\
&\geq\int_{0}^{L}(D^{-1}\mathbf{u})^{\textcolor{black}{\top}}[-D(J^{2}\Lambda)'D+DJ^{2}MD+DM^{\textcolor{black}{\top}}J^{2}D](D^{-1}\mathbf{u}) dx\\
&-2C_{g}\max\limits_{i,x}(D_{i}J^{2}_{i}(x))\max\limits_{i,x}(D_{i}(x))\left(\int_{0}^{L}|D^{-1}\mathbf{u}|^{2}dx\right)^{1/2}\\
&\geq \lambda_{m}\lVert D^{-1}\mathbf{u}\rVert_{L^{2}}^{2}-2C_{g}\max\limits_{i,x}(D_{i}J^{2}_{i}(x))\max\limits_{i,x}(D_{i}(x))\lVert D^{-1}\mathbf{u}\rVert_{L^{2}}^{2}.
\end{split}
\end{equation}
}
Therefore if \textcolor{black}{$C_{g}<\lambda_{m}/(2\max_{i,x}(D_{i}(x))\max_{i,x}(D_{i}(x)J^{2}_{i}(x)))$}
\textcolor{black}{then}
\begin{equation}
I_{3}\geq \mu \textcolor{black}{\lVert D^{-1}\mathbf{u}\rVert_{L^{2}}},
\label{estimI31}
\end{equation}
\textcolor{black}{with $\mu = \lambda_{m}-2C_{g}\max\limits_{i,x}(D_{i}J^{2}_{i}(x))\max\limits_{i,x}(D_{i}(x))>0$.}
Thus
\textcolor{black}{ from \eqref{equivV}, the positive definiteness of $D$, hence $D^{-1}$, \eqref{dV}, \eqref{estimI2}, and \eqref{estimI31}}
\textcolor{black}{we can set $\gamma = \mu (\max(D_{i}J_{i}^{2}))^{-1} >0$} such that
such that for any $t\in [0,T]$.
\begin{equation}
\frac{d V(\mathbf{u}(t,\cdot)}{dt}\leq -\gamma V,
\end{equation}
and therefore
\begin{equation}
V(\mathbf{u}(t,\cdot))\leq V(\mathbf{u}(s,\cdot))e^{-\gamma (t-s)},\text{ }\forall\text{ }0\leq s\leq t \leq T.
\end{equation}
From \eqref{equivV}, this implies that
\begin{equation}
\lVert \mathbf{u}(t,\cdot)\rVert_{L^{2}}\leq \lVert J^{-1}\rVert_{L^{\infty}}\lVert J\rVert_{L^{\infty}}e^{-\frac{\gamma}{2}(t-s)}\lVert\mathbf{u}_{0}\rVert_{L^{2}},
\label{expstab}
\end{equation}
which is exactly the estimate wanted \textcolor{black}{with decay rate $\gamma/2$}. So far this estimate is only true for $H^{1}$ solutions. However, it only involves the $L^{2}$ norm. Thus, as the system is well-posed in $C^{0}([0,T],L^{2}(0,L))$ and $\lVert\cdot\rVert_{L^{\infty}((0,T);L^{2}(0,L))}$ is lower semicontinuous, the estimate \eqref{expstab} also hold for $L^{2}$ solutions by density (more details on this argument can be found in the proof of \cite[Lemma 4.2]{Burgers}).
\end{proof}
\section{Adapting the proof in the ISS case}
\label{adapt}
In this section we show how to adapt the proof of Theorem \ref{th1} to get Theorem \ref{thmISS}.
\begin{proof}
Let us consider System \eqref{sys1ISS} and let $T>0$. Let $\mathbf{u}_{0}\in H^{1}(0,L)$ and $\mathbf{u}\in C^{1}([0,T],H^{1}(0,L))$ the associated solution.
Then, defining $V$ as in \eqref{defV}, and differentiating along $\mathbf{u}$,
we obtain as previously
\begin{equation}
\frac{d V(\mathbf{u}(t,\cdot))}{dt} = -I_{2}-I_{3}-2\int_{0}^{L}\mathbf{u}^{\textcolor{black}{\top}}J^{2} \mathbf{d}_{1}dx,
\end{equation}
where $I_{2}$ and $I_{3}$ are given by \eqref{defI3I2}. Thus, using Young's inequality
\begin{equation}
\frac{d V(\mathbf{u}(t,\cdot))}{dt} = -I_{2}-I_{3}+\varepsilon_{0} V+\frac{\lVert J^{2}\rVert_{L^{\infty}}}{\varepsilon_{0}}\lVert\mathbf{d}_{1}(t,\cdot)\rVert_{L^{2}}^{2},
\label{estimateappenV}
\end{equation}
where $\varepsilon_{0}>0$ and can be chosen.
As previously, from \eqref{condint}, $I_{3}\geq \mu V$ where $\mu>0$. \textcolor{black}{Therefore, choosing $\varepsilon_{0} = \mu/2$, we have
\begin{equation}
-I_{3}+\varepsilon_{0} V\leq -\frac{\mu}{2}V.
\end{equation}
}
Concerning $I_{2}$, if we denote by $I_{2,0}$ the quantity in the absence of disturbances \textcolor{black}{(i.e. the quantity given by the first equality of \eqref{I2withoutd})} we get
\begin{equation}
\begin{split}
I_{2}&=I_{2,0}-\sum\limits_{i=1}^{n}J_{i}^{2}(x_{i})|\Lambda_{i}(x_{i})|\left(d_{2,i}^{2}+2d_{2,i}G_{i}\begin{pmatrix}\mathbf{u}_{+}(t,L)\\\mathbf{u}_{-}(t,0)\end{pmatrix}\right)\\
&\geq \mathbf{Y}^{\textcolor{black}{\top}}N\mathbf{Y}-\sum\limits_{i=1}^{n}J_{i}^{2}(x_{i})|\Lambda_{i}(x_{i})|\left(1+\frac{1}{\varepsilon}\right)d_{2,i}^{2}\\
&-\varepsilon\mathbf{Y}K^{\textcolor{black}{\top}}\begin{pmatrix}J^{2}_{+}(0)|\Lambda_{+}(0)|&0 \\0& J^{2}_{-}(L)|\Lambda_{-}(L)|\end{pmatrix}K\mathbf{Y},
\end{split}
\end{equation}
\textcolor{black}{where we used Young's inequality and} where $N$ is the matrix given in \eqref{defN}, $\mathbf{Y}$ is defined as in \eqref{estimI20}, and $\varepsilon>0$ is
to be chosen. Using the definition of $N$ and the fact that $N$ is positive definite (and not positive semidefinite in contrast with Theorem \ref{th1}), we get by continuity that there exists $\varepsilon>0$ such that
\textcolor{black}{
\begin{equation}
N-\varepsilon K^{\textcolor{black}{\top}}\begin{pmatrix}J^{2}_{+}(0)|\Lambda_{+}(0)|&0 \\0& J^{2}_{-}(L)|\Lambda_{-}(L)|\end{pmatrix}K\;\;\;\text{ is semipositive definite}.
\end{equation}
Therefore,
$I_{2}\geq -(1+\varepsilon^{-1})\lVert J\rVert_{\infty}^{2}\lVert \Lambda\rVert_{\infty} |\mathbf{d}_{2}(t)|^{2}$ and
\eqref{estimateappenV} becomes}
\begin{equation}
\begin{split}
\frac{dV(\mathbf{u}(t,\cdot))}{dt}\leq&-\frac{\mu}{2} V+\frac{2\lVert J\rVert_{L^{\infty}}^{2}}{\mu}\lVert\mathbf{d}_{1}(t,\cdot)\rVert_{L^{2}}^{2}\\
&+(1+\varepsilon^{-1})\lVert J\rVert_{\infty}^{2}\lVert \Lambda\rVert_{\infty} |\mathbf{d}_{2}(\textcolor{black}{s})|^{2},
\end{split}
\end{equation}
thus, using Gronwall's Lemma,
\begin{equation}
\begin{split}
&V(\mathbf{u}(t,\cdot))\leq V(\mathbf{u}_{0})e^{-\frac{\mu t}{2}}\\
&+\frac{2\lVert J\rVert_{L^{\infty}}^{2}}{\mu}\int_{0}^{t}e^{-\frac{\mu}{2} (t-s)}\left(\lVert\mathbf{d}_{1}(s,\cdot)\rVert_{L^{2}}^{2}\right.\\
&\left.+\frac{\mu}{2}(1+\varepsilon^{-1})\lVert \Lambda\rVert_{\infty} |\mathbf{d}_{2}(t)|^{2}\right)ds,
\end{split}
\label{estimateISSgains00}
\end{equation}
which, together with \eqref{equivV} and the concavity of the square root function
gives \textcolor{black}{
\begin{equation}
\begin{split}
&\lVert \mathbf{u}(t,\cdot)\rVert_{L^{2}}\leq \lVert J^{-1} \rVert_{L^{\infty}} \lVert J \rVert_{L^{\infty}}\lVert \mathbf{u}_{0}\rVert_{L^{2}} e^{-\frac{\mu t}{4}}\\
&+\lVert J^{-1} \rVert_{L^{\infty}}\lVert J\rVert_{L^{\infty}}\sqrt{\frac{2}{\mu}\max\left(1,\frac{\mu}{2}(1+\varepsilon^{-1})\lVert \Lambda\rVert_{L^{\infty}}\right)}\left(\lVert e^{-\frac{\mu}{2} (t-s)} \mathbf{d}_{1}(s,x)\rVert_{L^{2}((0,t)\times(0,L))}+\right.\\
&\left.+ \lVert \mathbf{d}_{2}(t) \rVert_{L^{2}(0,t)}\right),
\end{split}
\label{estimateISSgains}
\end{equation}
which is the ISS estimate wanted and this holds for any $H^{1}$ solutions}. And, by density, this holds also for any $L^{2}$ solutions. Note that
the gains of the estimate can again be computed explicitly. This ends the proof of Theorem \ref{thmISS}
\end{proof}
\section{\textcolor{black}{Numerical simulations}}
\label{examples}
\textcolor{black}{
In this section we present a numerical illustration of the previous result on a simple example. We consider a
system inspired from \cite[Section 5.6]{BastinCoron1D} and given as
\begin{equation}
\begin{split}
\partial_{t}u_{1}+\partial_{x}u_{1} &= cL^{-1}\sin\left(\int_{0}^{L}u_{2}(t,x)dx\right)\\
\partial_{t}u_{2}-\partial_{x}u_{2} &= cL^{-1}\sin\left(\int_{0}^{L}u_{1}(t,x)dx\right)\\
u_{1}(t,0)-u_{2}(t,0) &= 0\\
u_{1}(t,L)-u_{2}(t,L) &= k u_{1}(t,L)\\
\end{split}
\label{systemex}
\end{equation}
where one boundary condition can be imposed through a design parameter $k$ while the other one is imposed.
Note first that in open-loop, i.e. $k=0$, the null steady-state is an unstable steady-states for any $c\in \mathbb{R}$ and any length of the domain $L>0$. Indeed, there is a continuum of travelling wave solutions: for any $\varepsilon>0$
\begin{equation}
\left\{
\begin{split}
u_{1}(x) &= \varepsilon e^{\frac{2\pi i}{L}(t-x)}\\
u_{2}(x) &= \varepsilon e^{-\frac{2\pi i}{L}(t-x)}
\end{split}
\right.
\end{equation}
is a solution of \eqref{systemex} with $k = 0$.
Nevertheless, Theorem \ref{th1} can be applied to find a feedback in closed loop as long as $|c| L <1/2$: set $M=0$,
$D=Id$, $\varepsilon>0$ to be defined, and $k=\sqrt{1/(1+2L\varepsilon^{-1})}$.
Set also, $J = \text{diag}(\sqrt{L+\varepsilon- x}, \sqrt{L+\varepsilon+x})$, one has
$\Lambda =\text{diag}(1,-1)$ therefore $-(J^{2}\Lambda)' = I_{d}$ and therefore is positive definite with smallest eigenvalue $1$. Besides $\max_{i,x}(J_{i}^{2}) = \varepsilon+2L$ and
\begin{equation}
\begin{split}
\lVert g(U)-g(V)\rVert_{L^{2}}^{2}
=&\frac{1}{L^{2}}\int_{0}^{L}\left|\begin{pmatrix}c\sin\left(\int_{0}^{L}U_{2}(x)dx\right)\\
c\sin\left(\int_{0}^{L}U_{1}(x)dx\right)-
\end{pmatrix}-\begin{pmatrix}c\sin\left(\int_{0}^{L}V_{2}(x)dx\right)\\
c\sin\left(\int_{0}^{L}C_{1}(x)dx\right)-
\end{pmatrix}\right|^{2}dx\\
&\leq |c|L^{-1}\left[\left(\int_{0}^{L}|U_{2}-V_{2}|dx\right)^{2}+\left(\int_{0}^{L}|U_{1}-V_{1}|dx\right)^{2}\right]\\
&\leq |c|\lVert U-V\rVert_{L^{2}}^{2}.
\end{split}
\end{equation}
Hence, condition \eqref{condint} becomes $|c|<(\varepsilon+2L)^{-1}$. Now, as $|c|<(2L)^{-1}$, one can choose $\varepsilon=3(|c|^{-1}-2L)/4$ such that condition \eqref{condint} is satisfied. Finally, one can easily check that condition \eqref{condauxbords} becomes
\begin{equation}
(1-k)^{2}\leq \frac{\varepsilon}{\varepsilon+2L},
\end{equation}
which is also satisfied from our definition of $k$. Thus Theorem \ref{th1} applies and the system is globally stable for the $L^{2}$ norm.
On Figure \ref{fig1} we represent the $L^{2}$ norm of the solution for various values of $k$ when $c = 1/4$ and $L=1$. In blue is represented the open-loop situation (i.e. $k=0$), in green the closed-loop situation with $k = 3/4$, and in red $k =1/2$.}
\begin{figure}
{\centering \includegraphics[height = 0.3\textheight]{Fig_non_local} \par}
\caption{\textcolor{black}{Stability of the system \eqref{systemex} in open-loop (blue) and closed-loop with $k =3/4$ (green) and $k=1/2$ (red). horizontal axis represents time, and vertical axis represents the $L^{2}$ norm of the solution with initial condition $u_{1,0}(x) = \sqrt{2\pi x}$ and $u_{2,0}(x) = e^{-2\pi x}$. \label{fig1}}}
\end{figure}
\section{\textcolor{black}{Conclusion and perspective}}
\textcolor{black}{We derived sufficient conditions for the global stability in the $L^{2}$ norm of semilinear systems with Lipschitz boundary conditions and source term (potentially nonlocal). We also showed that a strong ISS property with respect to boundary and internal disturbances holds globally under the same conditions.
This result could have many applications in practice. Knowing whether such conditions are optimal for the existence of a basic quadratic Lyapunov function, at least for $n=2$ as it is in the linear and local case, is an open question. Another interesting direction for future works would be to try to extend, at least partially, these results to quasilinear but Lipschitz nonlocal systems.
}
\section*{Acknowledgments}
The author would like to thank Jean-Michel Coron for his advice and many interesting discussions. The author would also like to thank Benedetto Piccoli for interesting discussions, the NSF for support via the CPS Synergy project "Smoothing Traffic via Energy-efficient Autonomous Driving" (STEAD) CNS 1837481, the French Corps des IPEF, the ANR Finite4Sos, and the INRIA CAGE team.
|
\section{Introduction}
White dwarfs are the most common class of stellar remnants, with around 97\% of all stars in the Milky Way destined to become this type of compact object \citep{althaus2010}. As such, they are important for studies of stellar evolution and of remnant planetary systems \citep{veras2016,vanderburg2015,manser2019,pred2019,doyle2019,vanderbosch2019,vanderburg2020}, given that all known planet-hosting stars will end their lives as white dwarfs. These stellar remnants do not undergo any nuclear burning in their cores, resulting in a relatively simple and well-understood evolution, which makes them accurate clocks for ageing different stellar populations, such as local stars \citep{tremblay2014,fouesneau2019,fantin2019} or the inner halo of the Milky Way \citep{kalirai2012,kilic2019}.
The intense gravitational field of a white dwarf results in gravitational settling of the heaviest elements, leading to an atmosphere made up of the lightest element present \citep{schatzman48}. White dwarf classification is based on their spectral appearance, with around 80\% of white dwarfs in magnitude-limited samples having hydrogen-dominated (DA) atmospheres \citep{kleinman13,kepler2019}. The rest are referred to as non-DA white dwarfs, most of them exhibiting helium-dominated atmospheres. White dwarfs that show only He~\textsc{i} lines in their spectra are identified as DB, and are found in the effective temperature ($T_{\rm{eff}}$) range of 11\,000~K~$\lesssim$~$T_{\rm{eff}}$~$\lesssim$~40\,000~K~\citep{bergeron_db_2011}. Around 60-70\% of these white dwarfs are contaminated with traces of hydrogen and are therefore classified as DBA \citep{bergeron_db_2011,koester2015,rolland2018,genest2019a}. The origin of hydrogen in DBA stars is not yet understood, but has been proposed to be either residual \citep{macdonald1991,rolland2020} or accreted from external sources, such as remnant planetary material around the white dwarf \citep{bergeron_db_2011,koester2015,gentilefusillo2017,cunningham2020}. A sub-class of helium-atmosphere white dwarfs are DBZ or DBAZ stars which alongside helium and/or hydrogen show metal lines. For these types of white dwarfs the association with remnant planetary material is much clearer \citep{zuckerman2007,wilson2015,vanderburg2015} and is correlated with the presence of hydrogen \citep{gentilefusillo2017}.
It is assumed that helium-dominated atmosphere white dwarfs have lost the majority of their outer hydrogen shell either through the born-again scenario or during the final AGB thermal-pulse \citep{iben1983,straniero2003,werner2006}. Therefore, a better understanding of the helium-dominated atmosphere white dwarfs can shed light on these processes. These stellar remnants also raise important questions about their place in the overall picture of white dwarf evolution. By studying the atmospheric parameters and numbers of helium-dominated atmosphere white dwarfs (alongside other types of white dwarfs) as a function of $T_{\rm{eff}}$, we can pinpoint other processes that compete against gravitational settling in terms of governing the chemical composition of compact objects as they evolve. For example, the small fraction of DB white dwarfs in the range 30\,000 K < $T_{\rm{eff}}$~< 45\,000 K \citep{fontaine1987,eisenstein2006} is taken as evidence for helium-dominated atmosphere white dwarfs with very thin hydrogen layers transforming into DA stars at 45\,000 K through the process of hydrogen diffusing upwards to the surface \citep{fontaine1987,rolland2020,bedard2020}. Below $T_{\rm{eff}}$~$=30\,000$ K, DA white dwarfs with the thinnest hydrogen layers ($M_{\rm H}/M_{\rm WD} < 10^{-14})$ turn into DB or DBA stars due to the convective dilution of the thin hydrogen layer by the more massive, underlying, convective helium layer \citep{fontaine1987,macdonald1991,genest2019b}. Additionally, a large fraction of DA white dwarfs are predicted to transform into DB, DBA or DC stars due to convective mixing, which occurs below $\approx 18\,000$ K \citep{blouin2019,cunningham2020}. In this runaway process, the hydrogen convection zone reaches the underlying helium layer where it gets mixed into the more massive helium convection zone, turning the star into a helium-atmosphere white dwarf. Thus, it is important to determine accurate DB and DBA atmospheric parameters to understand these processes.
For DB and DBA white dwarfs, there is a small systematic difference between the parameters derived using spectroscopic and photometric techniques \citep{tremblay2019,genest2019a,genest2019b}. Before the advent of \textit{Gaia} DR2 \citep{gaia2018}, the spectroscopic technique was assumed to be more precise, due to the uncertainties associated with white dwarf parallaxes. By employing the much more accurate and precise parallaxes from \textit{Gaia}, the photometric technique now rivals the precision of the spectroscopic technique. The surface gravities, $\log{g}$, (and therefore masses) of DB and DBA white dwarfs derived from photometry show a more uniform distribution as a function of $T_{\rm{eff}}$, compared to the $\log{g}$~distribution of the spectroscopic technique, which suggests that spectroscopic results may be subject to additional uncertainties from the underlying convection model or input microphyics \citep{tremblay2019}. Historically, the spectroscopic $\log g$ distribution of cool DB white dwarfs ($T_{\rm{eff}}$~$\lesssim 16\,000$ K) has been plagued by the so-called high-$\log{g}$~problem, where the spectroscopically determined values are much larger than predicted by evolutionary models and photometric colours \citep{beauchamp1996,bergeron_db_2011,koester2015}. More recent results show that by calibrating the line broadening and eliminating very cool DB stars with weak lines and uncertain instrumental resolution, the high-$\log{g}$~problem is greatly diminished \citep{genest2019b}. The photometric technique is much less sensitive to the details of line broadening, but the absolute accuracy of the stellar parameters depends more critically on the uncertain relative flux calibration, for which DA white dwarf models are often employed \citep{narayan2019,gentile2020}.
In most studies the dominant uncertainty in the atmospheric parameters of cool DB white dwarfs ($T_{\rm{eff}}$~$\lesssim 16\,000$~K) is attributed to the implementation of van der Waals line broadening due to the neutral helium atom \citep{beauchamp1996,bergeron_db_2011,koester2015}.
The two most common implementations for this type of line broadening used in DB and DBA studies are the \cite{unsold_1955} theory, used in, for example, \citet{beauchamp1996} and \citet{bergeron_db_2011} and the modified \cite{deridder1976} treatment, used in \citet{beauchamp1996} and \citet{genest2019a,genest2019b}. \cite{beauchamp1996} showed that the modified \cite{deridder1976} version produces a much smoother distribution of spectroscopically-determined $\log{g}$~as a function of $T_{\rm{eff}}$. \cite{genest2019a,genest2019b} later showed that neither implementation gives a perfect agreement between the spectroscopic and the photometric techniques, or between the spectroscopic technique and the predictions of evoutionary models. However, from their samples it is clear that the modified \cite{deridder1976} treatment agrees better with \textit{Gaia} data. Either way, a more accurate implementation is needed since the \cite{deridder1976} version of the line broadening has been altered by \cite{beauchamp1996} to agree better with observations.
Additionally, there is the issue of non-ideal effects due to the neutral helium atom, which also become significant for $T_{\rm{eff}}$~$\lesssim 16\,000$ K. The current implementation used for white dwarf atmosphere models is the \cite{hummer1988} model, which depends on a free parameter, $r_{\rm{B}}$, that determines the radius of the hydrogen or helium atom as a fraction of atomic radius according to the Bohr model. The commonly utilized value is 0.5 and it has been calibrated based on DA white dwarf spectra, specifically the line profiles of the higher hydrogen Balmer lines \citep{bergeron1988,bergeron1991}. A discussion on the effect of $r_{\rm{B}}$~on $\log{g}$~can be found in \cite{tremblay2010}. This free parameter can potentially be adjusted to obtain a smoother $\log{g}$~distribution for DB and DBA white dwarfs.
The treatment of convective energy transport in atmospheric models of DB and DBA white dwarfs is another source of uncertainty influencing the spectroscopic parameters. In 1D white dwarf atmosphere modelling the ML2/$\alpha$~version \citep{tassoul1990} of the Mixing Length Theory \citep[MLT;][]{bohm1958} is employed. This theory relies on a free parameter called the mixing length parameter, ML2/$\alpha$, which for DB/DBA white dwarfs has been determined to be 1.25 from a comparison between the atmospheric parameters ($\log{g}$~and $T_{\rm{eff}}$) derived from UV and optical spectra \citep{beauchamp_1999_v777_dba,bergeron_db_2011}. \cite{tremblay_2013_spectra} showed that it is precisely the shortcomings in the MLT theory that cause a similar high-$\log{g}$~problem for DA white dwarfs (where the spectroscopically-determined $\log{g}$~are larger than predicted by evolutionary models and determined by photometry). They showed that this problem can be solved with the help of 3D radiation-hydrodynamical models, which treat convection from first principles and do not depend on any free parameters. \cite{myprecious} calculated the first 3D DB atmospheric models and found that while a single value of ML2/$\alpha$~= 1.25 can reproduce reasonably well the temperature distribution and UV fluxes of DB white dwarfs, no single ML2/$\alpha$~value can mimic the 3D spectra below $T_{\rm{eff}}$~$\approx$ 18\,000\,K, resulting in strong 3D $\log g$ corrections\footnote{See \cite{mysunandstars} for an alternative ML2/$\alpha$~calibration relevant for the size of the convection zone.}. Nevertheless, \cite{myprecious} found that 3D $\log g$ corrections do not result in obviously more accurate stellar parameters.
\cite{tremblay2019} cemented this by showing that 1D and 3D DB models provide spectroscopic parallaxes (calculated from spectroscopically-determined values of $T_{\rm{eff}}$~and $\log{g}$, and observed magnitude) that are in similar agreement with \textit{Gaia} parallaxes. It was postulated by \cite{myprecious} that inclusion of traces of hydrogen in their 3D models could potentially lead to a better agreement with \textit{Gaia}. However, given the known issues with the microphysics of line broadening in cool DB and DBA white dwarfs and concerns with the photometric calibration \citep{tremblay2019,jesus2018}, it is unclear if \textit{Gaia} can provide an accurate test of 3D convection.
In this paper we propose to use the new 3D DBA models of \cite{mysunandstars} alongside 3D DB models already presented in \cite{myprecious} to finalise the determination of the atmospheric parameters of DB and DBA white dwarfs with our accurate treatment of convective energy transport. We first introduce our 3D and reference 1D models in Sect.~\ref{sec:num}. The 3D spectroscopic corrections are determined in Sect.~\ref{sec:corr} and we apply them to observations in Sect.~\ref{observations}. In that section we also investigate van der Waals broadening and non-ideal effects and we conclude in Sect.~\ref{sec:conclusions}.
\section{Numerical setup}~\label{sec:num}
\subsection{3D atmospheric models}
We computed 282 3D DB and DBA models using the CO$^5$BOLD~radiation-hydrodynamics code \citep{freytag2012_cobold,freytag2013,freytag2017}. The models have already been presented in \cite{myprecious} and \cite{mysunandstars}, therefore we only briefly describe the model atmospheres and focus on the new spectral synthesis done in this work. Our 3D grid of models covers the hydrogen-to-helium abundance, $\log{\rm{(H/He)}}$, of $-10.0 \leq$~$\log{\rm{(H/He)}}$~$\leq -2.0$. Models at $\log{\rm{(H/He)}}$~$=-10.0$ are the same as the pure-helium models discussed in \cite{myprecious} and this hydrogen abundance is used for pure-helium atmosphere models since all known DB white dwarfs have upper limits on hydrogen larger than this value. Including even less hydrogen in the calculations makes no meaningful difference to the predictions. The grid also spans $7.5$~dex~$\leq$~$\log{g}$~$\leq 9.0$ dex in steps of 0.5 dex, and $12\,000$~K~$\lesssim$~$T_{\rm{eff}}$~$\lesssim 34\,000$ K in steps of around 2\,000 K. We show the exact values of the atmospheric parameters in Fig.~\ref{fig:models}. Additional data on the models can be found in Appendix~1 of \cite{mysunandstars}.
\begin{figure*}
\includegraphics[width=1.5\columnwidth]{models.pdf}
\caption{The atmospheric parameters of 3D DB and DBA models averaged over time and over contours of constant $\log{\tau_{\rm{R}}}$. 3D simulations with open and closed bottom boundaries are indicated as open and filled circles, respectively. The hydrogen abundance of the models is indicated on each individual panel. }
\label{fig:models}
\end{figure*}
The input parameters of CO$^5$BOLD~include boundary conditions, $\log{g}$, an equation of state (EOS) and an opacity table. The $T_{\rm{eff}}$~is calculated only after the model has finished its run. The EOS and opacity table define the hydrogen abundance of DBA simulations. The opacity tables are binned and more details on the binning procedure can be found in \cite{nordlund_1982_opac_binning}, \cite{ludwig_1994_op_binning}, \cite{vogler_2004_op_binning} and \cite{myprecious}.
We use 10 bins with boundaries at $\log{\tau_{\rm{R}}}$~$=$~[99.0, 0.25, 0.0, $-$0.25, $-$0.5, $-$1.0, $-$1.5, $-$2.0, $-$3.0, $-$4.0, $-$5.0] based on reference 1D models of \cite{bergeron_db_2011}. As discussed in \cite{myprecious}, due to interpolation issues we do not include the $\log{\tau_{\rm{R}}}$~$=$~[$-$5.0,$-$99.0] bin.
Each model is run using the box-in-a-star setup of CO$^5$BOLD~\citep{freytag2012_cobold}, where a portion of an atmosphere is modelled in a Cartesian box made up of $150 \times 150 \times 150$ grid points. The side boundaries are periodic and horizontally we make sure that at least $4 \times 4$ convective granules are included. The grid spacing in the vertical ($z$) direction is non-equidistant. The top boundary of the simulation box is open both to material and radiative outflows. For all models this boundary is higher than $\log{\tau_{\rm{R}}}$~$=-5.0$, such that the top of the photosphere is contained within the model.
The bottom boundary for all models is around $\log{\tau_{\rm{R}}}$~$=3.0$, but in some cases the models had to be extended deeper to include the negative convective flux region found below the Schwarzschild~boundary of the convection zone \citep{mysunandstars}. In those cases, the vertical extent of the box was also increased, resulting in some of the models being increased up to 250 grid points vertically. We use two types of bottom boundary prescriptions depending on the size of the convection zone \citep{freytag2017}. At the highest $T_{\rm{eff}}$~of our 3D grid, the convection zones become small enough to be fully vertically simulated. In those cases, we use the closed bottom boundary, which means that the bottom of the simulation is closed to material inflows, but is open to radiative flux flows. Additionally, the vertical velocity at this boundary is enforced to be zero, which we make sure is physical for any given closed bottom model. The effective temperature for these models is set by changing the value of the inflowing radiative flux at the bottom boundary. For the majority of our 3D models, however, we use the open bottom boundary, which is open both to material and radiative flux inflows. In order for this boundary to be realistic, we have to make sure we simulate enough of the convection zone such that the inflowing material at the boundary can be described by adiabatic convection. In this case, $T_{\rm{eff}}$~is set by specifying the entropy of the inflowing material. There is some evidence which suggests that a layer within two pressure scale heights, $H_{\mathrm{p}}$, can be affected by the boundaries of the 3D simulation \citep{Grimm_Strele_2pressurescale}. Therefore, we ensure that both the top and the bottom of the photosphere is at least two $H_{\mathrm{p}}$ away from either top or bottom boundary of the simulation. The top and bottom of the photosphere is determined based on the minimum and maximum optical depth at which the plasma becomes optically thin for photons of frequency $\nu$, i.e. $\log{\tau_{\rm{R}}}$($\tau_{\nu} = 1$) (see \citealt{myprecious} for more information).
In order to be able to derive meaningful information from 3D models, we ensure that each model is relaxed in the second half of the run. We determine relaxation by monitoring the $T_{\rm{eff}}$~of the models as a function of time, making sure the fluctuations are below 1\% level. Similarly, we track the fluctuations of total flux at all depths and convergence of the velocity field as a function of run time. We spatially average the pressure, $P$, and temperature to the power of four, $T^4$, over contours of constant optical depth. We also average them temporally using more than 12 snapshots over the last quarter of the simulation. We refer to these models as $\langle$3D$\rangle$~and we discuss errors associated with such averaging in Sect.~\ref{sec:threeD}.
\subsection{1D atmospheric models}~\label{sec:oneD}
In order to calculate 3D spectroscopic corrections, we use a differential fitting approach between 3D and reference 1D synthetic spectra. The EOS and opacity tables for the 3D models were calculated using the white dwarf atmosphere code of \cite{bergeron_db_2011}, referred to as ATMO in the following. However, we use the 1D LHD code \citep{caffau_2007_lhd} for determining the 3D corrections. This is because both the 3D CO$^5$BOLD~code and 1D LHD code treat microphysics (EOS and opacity tables) in the same fashion, whereas 1D LHD and 1D ATMO treat convective energy transport in terms of the ML2/$\alpha$~approximation~\citep{myprecious}. Therefore, by using the 1D LHD code to calculate the 3D corrections, any corrections arising from microphysics issues (such as the opacity binning) are largely eliminated, and thus only the 3D corrections arising from the treatment of convective energy transport are recovered.
Fig. 12 of \cite{myprecious} shows that the differences between DB ATMO and LHD models are due to the binning procedure used in opacity tables. ATMO uses 1745 individual frequencies when computing the opacities, whereas for both 3D and LHD models we only use 10 opacity bins. As the number of bins increases, \cite{myprecious} found that the agreement between DB LHD and ATMO models gets better. We performed the same test for the $\log{\rm{(H/He)}}$~$=-2$ grid and found similar results. Thus, as a precaution, we utilise the 1D LHD models for calculating the 3D DBA spectroscopic corrections, given that 1D LHD models were used by \cite{myprecious} to derive the 3D DB corrections.
Our 1D LHD grid spans a parameter space slightly extended compared to that of our 3D models. It covers $-10.0 \le$~$\log{\rm{(H/He)}}$~$\le -2.0$, $7.0 \le$~$\log{g}$~$\le 9.5$ and $10\,000 \le$~$T_{\rm{eff}}$~$\le 40\,000$ K. The models are in LTE and use ML2/$\alpha$~= 1.25, as well as the same EOS and opacity tables as those used in 3D models, which include the physics described in \cite{bergeron_db_2011} and \cite{genest2019a,genest2019b}.
To compute the spectra for 1D LHD and averaged 3D (see below) structures, we use the 1D ATMO code. This is because neither CO$^5$BOLD~nor LHD is capable of calculating synthetic spectra. We utilise ATMO consistently to calculate spectra for CO$^5$BOLD~and LHD using the exact same numerical setup apart from the input temperature and pressure stratification. In terms of van der Waals broadening. we use the \cite{unsold_1955} treatment, unless otherwise specified, such as in Sect.~\ref{sec:micro}. We have tested and confirmed that the particular choice of line broadening theory does not impact the final 3D corrections if the line broadening is used consistently in both 1D and 3D models.
\subsection{3D synthetic spectra}~\label{sec:threeD}
Ideally, one would calculate a synthetic spectrum from a 3D atmospheric model using a 3D spectral synthesis code such as Linfor3D \citep{ludwig08}. This way all of the information from a given 3D simulation would be used, including the horizontal fluctuations. However, this process is time-consuming and typically limited to a small portion of a spectrum, e.g. a few atomic lines.
Instead, to calculate synthetic spectra of DB and DBA white dwarfs from 3D atmospheric models, we average the models spatially and temporally as explained in Sect.~\ref{sec:num} to calculate the so-called $\langle$3D$\rangle$~structure, which we then feed into the ATMO code to calculate a $\langle$3D$\rangle$~synthetic spectrum. This completely neglects any horizontal fluctuations in the 3D models. For DA white dwarfs it was shown that synthetic spectra (H$\beta$ line) derived from 3D and $\langle$3D$\rangle$~structures were identical within 1\% level \citep{tremblay_2013_spectra}. However, for extremely low mass DA white dwarfs, the differences could reach a few per cent \citep{tremblay2015_elm}.
For a discussion on why 3D and $\langle$3D$\rangle$~synthetic spectra can agree in some cases and disagree in others see \cite{tremblay_2013_spectra} and \cite{tremblay2015_elm}.
To test whether the horizontal fluctuations have any effect on the derived 3D spectroscopic corrections, \cite{myprecious} computed 1.5D spectra \citep{steffen1955}. This type of spectra is calculated by assuming that each column in the 3D simulation box is an individual plane-parallel 1D model atmosphere, and for each of these atmospheres a separate spectrum is calculated. These individual spectra are then averaged together to calculate the final 1.5D spectrum. They are also averaged over three different snapshots in time. In the 1.5D method the horizontal fluctuations are enhanced \citep{tremblay2015_elm} compared to a 3D synthetic spectrum which connects nearby grid points through inclined light rays. The 1.5D and $\langle$3D$\rangle$~spectra represent two extremes of combining grid points in a 3D model, such that these two types of spectra encompass a given 3D synthetic spectrum \citep{tremblay_2013_spectra}.
For DB white dwarfs, 1.5D spectra were found to be identical to $\langle$3D$\rangle$~spectra within the observational errors and thus $\langle$3D$\rangle$~spectra were used for final 3D DB spectroscopic corrections. We performed the same test for DBA models with $\log{\rm{(H/He)}}$~$=-2.0$ and $\log{g}$~$=8.0$ and found that the corrections derived using either type of spectra gave the same results. Therefore, this agrees with the conclusions reached for 3D DB corrections, with the difference between $\langle$3D$\rangle$~and 1.5D for DBA models being even smaller, resembling the results of 3D DA models. Therefore, we use $\langle$3D$\rangle$~synthetic spectra when calculating 3D DBA corrections.
\section{3D DBA corrections}\label{sec:corr}
\subsection{Fitting code}~\label{sec:fitting_code}
In order to determine the 3D corrections, we want to find a 1D LHD synthetic spectrum that best matches a given $\langle$3D$\rangle$~spectrum. To do this we wrote a code that fits a $\langle$3D$\rangle$~synthetic spectrum with a grid of 1D LHD synthetic spectra. We define the 3D spectroscopic corrections as
\begin{equation}
x_{\rm{correction}} = x_{\langle \rm{3D} \rangle \rm{\ value}} - x_{\rm{1D \ LHD \ fit}},
\end{equation}
where $x$ can be $\log{\rm{(H/He)}}$, $\log{g}$~or $T_{\rm{eff}}$. The code fits the optical part of the spectrum, namely the wavelength range $3500 \leq \lambda \leq 7200$~\AA. This is the same range used by \cite{bergeron_db_2011} for fitting observations and in \cite{myprecious} for 3D DB corrections. All spectra are normalised by dividing the flux at all wavelengths by the flux value at 5500 \AA, a wavelength at which there are no helium or hydrogen lines.
The code first fits for $T_{\rm{eff}}$~and $\log{g}$~assuming a value of $\log{\rm{(H/He)}}$. The initial value of the $\log{\rm{(H/He)}}$~parameter does not matter, but the code converges faster if the $\log{\rm{(H/He)}}$~is set equal to the 3D model abundance. Once $T_{\rm{eff}}$~and $\log{g}$~are found, the spectrum is then fitted for $\log{\rm{(H/He)}}$~at fixed values of $T_{\rm{eff}}$~and $\log{g}$, found in the previous step. This procedure is then repeated until convergence of 0.1\% is achieved across all three parameters. If the hydrogen lines are not visible or insignificant then we do not fit for $\log{\rm{(H/He)}}$. This happens mostly for $\log{\rm{(H/He)}}$$=-10.0$ and $-7.0$ models, as well as models with higher hydrogen abundances but large $T_{\rm{eff}}$~values.
Using this fitting code, we can recover the 3D DB spectroscopic corrections of \cite{myprecious}, which relied on the \cite{bergeron_db_2011} fitting code. The corrections agree within typical observational errors, except for three models where the $T_{\rm{eff}}$~corrections agree within 2-3$\sigma$.
\subsection{Line cores}
\cite{tremblay_2013_3dmodels,tremblay_2013_spectra} showed that convective overshoot cools the upper layers ($\log{\tau_{\rm{R}}}$~$<-2.0$) of 3D DA models, causing them to deviate significantly from their 1D counterparts. The cores of H$\alpha$ and H$\beta$ appear too deep in 3D when compared to observations. It was found that the discrepancy is unlikely to be a numerical, structure averaging or microphysics issues with 3D DA models. \citet{tremblay_2013_spectra} chose to remove the line cores from their fitting when determining 3D DA corrections. In contrast, \cite{myprecious} determined that removal of line cores did not impact 3D DB corrections. This is because helium lines are not formed as high-up in the atmosphere as the hydrogen lines, despite a similar strength for convective overshoot. However, hydrogen lines do appear in the spectra of DBA white dwarfs and therefore we review the properties of the line cores in this section.
In Fig.~\ref{fig:line_cores_atmo_lhd} we compare the line cores between 3D, 1D LHD and 1D ATMO synthetic spectra at $T_{\rm{eff}}$~= 12\,000\,K, $\log g = 8.0$ and $\log{\rm{(H/He)}}$~$=-2.0$. We chose this particular hydrogen abundance as it is the highest in our grid and thus we assume that the line core issue will be most apparent.
The 3D line core is deeper for H$\alpha$ but the difference is less pronounced for H$\beta$ when compared to DA models at the same temperature.
We also find that the 1D LHD synthetic spectrum has shallower cores than 1D ATMO.
Therefore it appears that
the EOS and opacity tables contribute to a significant uncertainty on the prediction of the line cores, but with an effect in the opposite direction compared to 3D convective overshoot.
\begin{figure*}
\includegraphics[width=1.5\columnwidth]{line_cores_atmo_lhd.pdf}
\caption{A comparison between the synthetic H$_{\alpha}$ and H$_{\beta}$ lines calculated from 3D, 1D ATMO and 1D LHD models for a DBA white dwarf with $\log{\rm{(H/He)}}$~$=-2.0$, $\log{g}$~$=8.0$ and $T_{\rm{eff}}$~$=12\,044$ K. The $\langle$3D$\rangle$~synthetic lines are shown in solid orange, 1D ATMO in dashed green and 1D LHD in dotted red. The center of a given line is indicated by a vertical dot-dashed blue line. }
\label{fig:line_cores_atmo_lhd}
\end{figure*}
In Fig.~\ref{fig:line_cores_removal} we compare the 3D DBA $T_{\rm{eff}}$~corrections for $\log{\rm{(H/He)}}$~$=-2.0$
derived when fitting the spectrum with and without line cores. We remove line cores by removing any wavelength range corresponding to flux that was formed above a given value of $\log{\tau_{\rm{R}}}$. As shown in Fig.~\ref{fig:line_cores_removal} the values of $\log{\tau_{\rm{R}}}$~$=$ [$-$2.0, $-$3.0, $-$4.0] are tested. At low $T_{\rm{eff}}$, this will mostly remove the cores of hydrogen lines, as helium lines are formed lower in the atmosphere than $\log{\tau_{\rm{R}}}$~$=-2.0$, but as the $T_{\rm{eff}}$~increases the cores of the helium lines will also be removed. We find that the removal of line cores does not affect the 3D corrections (not just $T_{\rm{eff}}$, but also $\log{\rm{(H/He)}}$~and $\log{g}$).
\begin{figure*}
\includegraphics[width=1.5\columnwidth]{line_cores_removal.pdf}
\caption{The difference between $T_{\rm{eff}}$~corrections derived from original spectra and from spectra with line cores removed for 3D DBA models with $\log{\rm{(H/He)}}$~$=-2.0$. The $\log{\tau_{\rm{R}}}$~values indicated on each panel denote the atmospheric layer above which we remove any flux formed. The difference in corrections for $\log{g}$~$=7.5$, 8.0, 8.5 and 9.0 models are shown as orange circles, green triangles, red stars and blue diagonal crosses, respectively. Corrections for each $\log{g}$~value are joined for clarity. The average errors from \protect\cite{genest2019b} are shown in dotted black.}
\label{fig:line_cores_removal}
\end{figure*}
To see how the synthetic and observed line cores compare, we selected a number of SDSS spectra from \cite{genest2019b}. These white dwarf spectra were fitted with grids of $\langle$3D$\rangle$~and 1D spectra and the fitted parameters are indicated in the sub plots of Fig.~\ref{fig:obs_wd_cores}. The $\langle$3D$\rangle$~and 1D fits to the observed spectra are also plotted on Fig~\ref{fig:obs_wd_cores}. The spectra are compared in the regions of H$\alpha$ and He~\textsc{I}~5876~\AA~lines. We chose this particular He~\textsc{I} line, because it is formed highest up in the atmosphere of all the He~\textsc{I} lines, and thus it is most likely to show issues with line cores.
We find that in some cases, the H$\alpha$ is deeper in 3D models when compared to observed spectra (the top and the two bottom sub plots on the left), but in three of the cases the 1D line core is also too deep (three bottom left sub plots). The He~\textsc{I}~5876~\AA~does not show significant disagreement in the line cores between the observations and the synthetic spectra. The fact that H$\alpha$ shows issues with line cores, but He~\textsc{I}~5876~\AA line does not, agrees with the conclusions of \cite{tremblay_2013_spectra}, i.e. the deeper line cores are caused by overshoot in the upper layers, since the He~\textsc{I}~5876~\AA~is not formed as high up as the H$\alpha$ line.
Recently, \cite{klein2020} showed that DB white dwarfs in a particular effective temperature range show an emission core in the He~\textsc{I}~5876~\AA~line. They concluded that this cannot be explained by current models. This finding in combination with the information shown in Fig.~\ref{fig:obs_wd_cores} and in the results of \cite{tremblay_2013_spectra} for 3D DA white dwarfs, clearly indicates that there are some missing physics in both $\langle$3D$\rangle$~and 1D models. However, it is clear that the $\langle$3D$\rangle$~DB and DBA spectroscopic corrections are not affected by line core issues as demonstrated in Fig.\,\ref{fig:line_cores_removal} and \citet{myprecious}. Thus, we do not remove line cores in the rest of our analysis. Note also, Fig.~\ref{fig:obs_wd_cores} shows that although the 1D and $\langle$3D$\rangle$~fits are of similar quality outside the line cores, the fitted atmospheric parameters, especially $\log{g}$, are significantly different.
\begin{figure*}
\includegraphics[width=2\columnwidth]{obs_wd_cores.pdf}
\caption{A comparison between several SDSS white dwarf spectra from \protect\cite{genest2019b} and 1D ATMO and $\langle$3D$\rangle$\ synthetic spectra. The white dwarf spectra alongside their errors are shown in black. The white dwarfs were fitted with grids of $\langle$3D$\rangle$\ and 1D spectra and the fitted atmospheric parameters are indicated on each sub plot. In solid orange and dashed green we plot the $\langle$3D$\rangle$~and 1D fits. The sub plots on the left show the H$\alpha$ line, whereas the sub plots on the right are for the He~\textsc{I}~5876~\AA\ line. The two plots on each row are for the same white dwarf, with the name of the white dwarf indicated on each sub plot.}
\label{fig:obs_wd_cores}
\end{figure*}
\subsection{3D correction function}~\label{sec:threeD_corr}
For the ease of user application of 3D DB and DBA corrections, we provide correction functions that can be applied directly to spectroscopic $\log{\rm{(H/He)}}$, $\log{g}$~and $T_{\rm{eff}}$~parameters found using 1D synthetic spectra. This removes the need for users to interpolate the 3D DB and DBA corrections, as well as provides definitive corrections that do not vary between studies, since different studies can use non-identical interpolation methods. Our fitted corrections are not based in any physical arguments. Unlike interpolation, we do not aim to have a perfect fit between our correction functions and the 3D DB and DBA corrections. This is because we do not want to preserve the small fluctuations of our results, which could be the result of e.g. issues arising due to the finite size of the simulation or the effects of boundary conditions.
To determine our correction functions we have written a code following the description of the recursive fitting procedure from \cite{ludwig1999}, \cite{sbordone2010} and \cite{allende2013}. This code not only provides the values of the fitted coefficients but also determines the function to fit. Our aim is to determine three correction functions for 3D $\log{\rm{(H/He)}}$, $\log{g}$~and $T_{\rm{eff}}$~corrections, in the form $f($$\log{g}$,~$T_{\rm{eff}}$,~$\log{\rm{(H/He)}}$$;\vec{A})$, where $\vec{A}$ is the vector of fitted coefficients. The code begins by fitting a simple function of $f($$\log{g}$,~$T_{\rm{eff}}$,~$\log{\rm{(H/He)}}$$;\vec{A}) = A_0$, where $A_0$ is the average of the corrections. The next step is then to replace $A_0$ with $(A_0 + A_1 \exp[A_2 + A_3 g_x + A_4 T_x + A_5 y_x])$, where
\begin{equation}~\label{eq:gxtxyx}
\begin{gathered}
g_x = (\log{g} - 7.0)/7.0,\\
T_x = (T_{\rm{eff}} - 10\,000.0)/10\,000.0,\\
y_x = -\log{\rm{(H/He)}}/(10.0).
\end{gathered}
\end{equation}
For this subsequent fit, the initial values are set as
\begin{equation}~\label{eq:initial_coefficients}
\begin{gathered}
A_0 = A_0,\\
A_1 = 0.7 \times A_0,\\
A_2 = 0.5 \times A_0,\\
A_3 = 0.2 \times A_0,\\
A_4 = 0.1 \times A_0,\\
A_5 = 0.01 \times A_0,
\end{gathered}
\end{equation}
and are all based on the value of $A_0$ found during the first fit. At this point, we begin our recursive fitting procedure, where each coefficient of $A_i$ in the previous step is replaced one at a time by ($A_i + A_6 \exp[A_7 + A_8 g_x + A_9 T_x + A_{10} y_x]$), resulting in six separate minimisations. The initial values of the five new unknown coefficients are set as described in Eq.~\ref{eq:initial_coefficients}, but with $A_i$ replacing $A_0$. The best fitted correction function is then determined using the \texttt{least\_squares} module of \texttt{Python SciPy} package \citep{scipy2020}. This step is followed by a similar step where each parameter (11 at this point) is replaced by $A_j = A_j + A_{11} \exp[A_{12} + A_{13} g_x + A_{14} T_x + A_{15} y_x]$. The function with the smallest value of the cost function ($=0.5\chi^2$) is then chosen as the final fitted correction function. Note that in the case of 3D $\log{g}$~corrections, the fitting stopped at 11 parameters, as including more parameters resulted in over-fitting which was visually apparent.
In Fig.~\ref{fig:comp_corrs_with_corr_func} we compare the 3D DBA corrections with the predictions of the correction functions for $\log{\rm{(H/He)}}$~= $-5$. The correction functions are
\begin{equation}~\label{eq:logg_corr}
\begin{split}
\Delta{\log{g}} = a_0 + a_1 \exp \Big[a_2 + a_3 g_x + a_4 T_x + \Big(a_5 + a_6 \\ \times \exp \big[ a_7 + a_8 g_x + a_9 T_x + a_{10} y_x\big] \Big) y_x \Big],
\end{split}
\end{equation}
\begin{equation}~\label{eq:teff_corr}
\begin{split}
\Delta{T_{\rm{eff}}} = b_0 + b_1 \exp \Big[ \Big(b_2 + (b_6 + b_{11} \\ \times \exp[b_{12} + b_{13} g_x + b_{14} T_x + b_{15} y_x]) \\ \times \exp\big[ b_7 + b_8 g_x + b_9 T_x + b_{10} y_x \big]\Big) + b_3 g_x + b_4 T_x + b_5 y_x \Big],
\end{split}
\end{equation}
where $\Delta{\log{g}}$ is the 3D $\log{g}$~correction and $\Delta{T_{\rm{eff}}}$ is the 3D $T_{\rm{eff}}$~correction. These corrections were derived using $g_x, T_x$ and $y_x$, therefore they have to be added in the following way to the 1D spectroscopically-determined parameters
\begin{equation}~\label{eq:how_to_add}
\begin{gathered}
\log{g}_{\rm{3D}} = \log{g}_{\rm{1D}} + 7 \times \Delta{\log{g}} \\
T_{\rm{eff, \ 3D}} = T_{\rm{eff, \ 1D}} + 10\,000 \times \Delta{T_{\rm{eff}}}.
\end{gathered}
\end{equation}
The 3D $\log{\rm{(H/He)}}$~corrections are insignificant, especially compared to typical observational errors and we do not discuss them further.
Tab.~\ref{tab:coeff_3d} gives the values of the fitted coefficients ($a_i$ and $b_i$). Note that outside the parameter range of our 3D corrections, these functions lose all meaning and should not be used. The parameter range for 1D derived spectroscopic values is $7.5 \leq$~$\log{g}$~$\leq 9.1$ dex, $11\,900 \leq$~$T_{\rm{eff}}$~$\leq 33\,900$ K and $-10.0 \leq$~$\log{\rm{(H/He)}}$~$\leq -2.0$ dex. In Appendix~\ref{sec:python_code} we supply a Python code to apply our correction functions.
In Figs.~\ref{fig:3d_logg_corr} and~\ref{fig:3d_teff_corr} we show the 3D $\log{g}$~and $T_{\rm{eff}}$~correction functions for all values of $\log{\rm{(H/He)}}$, $\log{g}$~and $T_{\rm{eff}}$~considered in this study. There are significant 3D $\log{g}$~corrections for $T_{\rm{eff}}$~below around 20\,000~K depending on the hydrogen abundance, such that 3D synthetic spectra predict lower $\log{g}$~than 1D models. Uncertainties in the van der Waals broadening (discussed in the following section) fall in a similar parameter range \citep{beauchamp1996,bergeron_db_2011}, $T_{\rm{eff}}$~$ \leq 16\,000$~K, which overlaps well with our 3D $\log{g}$~corrections especially for $\log{\rm{(H/He)}}$~$\geq -4.0$ models. Significant $T_{\rm{eff}}$~corrections are observed for 18\,000~$\leq$~$T_{\rm{eff}}$~$\leq 28\,000$ K depending on the $\log{g}$~value. This is the temperature range where the issue of cool/hot solutions appears \citep{bergeron_db_2011}. In this region the He~\textsc{i} lines reach maximum strength, such that the they look identical with decreasing or increasing $T_{\rm{eff}}$~near this maximum point. This means that in this region the fitting becomes insensitive to $T_{\rm{eff}}$~and this could explain the significant 3D $T_{\rm{eff}}$~corrections.
Nevertheless, the 3D $T_{\rm{eff}}$~corrections could have a strong effect on the spectroscopic parameters of the white dwarfs in the V777 Her (DBV) instability region. There is currently an issue with the empirical blue edge, which is too cool in comparison with observations by around 2\,000 K (at $\log{g}$~$\approx 8.0$) \citep{shipman2002,provencal2003,hermes2017,vangrootel2017}. However, our 3D $T_{\rm{eff}}$~corrections at $\log{g}$~$\approx 8.0$ and $T_{\rm{eff}}$~$\approx 31\,000$ K (the atmospheric parameters of the empirical blue edge) are insignificant and therefore cannot solve the disagreement between theory and observations.
\begin{figure*}
\includegraphics[width=1.5\columnwidth]{comp_corrs_with_corr_func.pdf}
\caption{A comparison between the results of the correction functions and the 3D DBA corrections for the grid with $\log{\rm{(H/He)}}$~= $-$5. 3D corrections for $\log{g}$~$=7.5$, 8.0, 8.5 and 9.0 models are shown as orange circles, green triangles, red stars and blue diagonal crosses, respectively. The results of the correction functions for $\log{g}$~$=7.5$, 8.0, 8.5 and 9.0 models are shown as solid orange, dashed green, dotted red and dot-dashed blue lines, respectively. }
\label{fig:comp_corrs_with_corr_func}
\end{figure*}
\begin{table}
\centering
\caption{The fitted coefficients of the 3D correction functions described in Eqs.~\ref{eq:logg_corr} and~\ref{eq:teff_corr}.}
\label{tab:coeff_3d}
\begin{tabular}{lrlr}
\hline
Coeff. & & Coeff. \\
\hline
$a_{0}$ & 1.032681e-03 & $b_{0}$ & $-$1.726331e-03 \\
$a_{1}$ & $-$4.056833e-02 & $b_{1}$ & 2.018858e-02 \\
$a_{2}$ & 2.224059e-01 & $b_{2}$ & $-$6.121790e-01 \\
$a_{3}$ & 6.512899e+00 & $b_{3}$ & $-$3.942139e+00 \\
$a_{4}$ & $-$3.736203e+00 & $b_{4}$ & 3.002973e+00 \\
$a_{5}$ & 1.552502e+00 & $b_{5}$ & 1.974865e-01 \\
$a_{6}$ & $-$2.384917e+00 & $b_{6}$ & $-$3.983912e+00 \\
$a_{7}$ & 8.543144e-01 & $b_{7}$ & 5.171429e+00 \\
$a_{8}$ & 3.556967e+00 & $b_{8}$ & $-$7.523787e+00 \\
$a_{9}$ & $-$3.504215e+00 & $b_{9}$ & 3.786523e+00 \\
$a_{10}$ & $-$1.751281e-02 & $b_{10}$ & $-$4.768727e+01 \\
$a_{11}$ & - & $b_{11}$ & $-$3.889600e-04 \\
$a_{12}$ & - & $b_{12}$ & $-$2.195071e+00 \\
$a_{13}$ & - & $b_{13}$ & $-$6.955563e+00 \\
$a_{14}$ & - & $b_{14}$ & 1.417272e+00 \\
$a_{15}$ & - & $b_{15}$ & 4.767425e+01 \\
\hline
\end{tabular}
\end{table}
\begin{figure*}
\includegraphics[width=2\columnwidth]{3d_logg_corr.pdf}
\caption{3D correction functions for $\log{g}$~shown for all $\log{\rm{(H/He)}}$, $\log{g}$~and $T_{\rm{eff}}$~values covered by our study. In solid orange, dashed green, dotted red and dot-dashed blue we show the $\log{g}$~corrections for $\log{g}$~$=7.5$, 8.0. 8.5 and 9.0 values, respectively. The abundances are indicated on each panel.}
\label{fig:3d_logg_corr}
\end{figure*}
\begin{figure*}
\includegraphics[width=2\columnwidth]{3d_teff_corr.pdf}
\caption{Same as Fig.~\ref{fig:3d_logg_corr}, but for 3D $T_{\rm{eff}}$~corrections.}
\label{fig:3d_teff_corr}
\end{figure*}
\section{Discussion}~\label{observations}
For a demonstration of 3D corrections, the sample of SDSS DB and DBA white dwarfs is by far the largest spectroscopic sample available \citep{koester2015,kepler2019,gentilefusillo2019,genest2019b}. We rely specifically on the 1D spectroscopic parameters published in \cite{genest2019b}. We cross-matched this sample with the \textit{Gaia} DR2 white dwarf catalogue \citep{gentilefusillo2019,gentilefusillo2019cat}. As \cite{genest2019b} remarked, only around 90\% of DB and DBA white dwarfs can be cross-matched with the \textit{Gaia} white dwarf catalogue and we report a similar percentage.
We removed all white dwarfs with spectroscopic signal-to-noise ratio (S/N) below 20. This results in a sample of 126 DB and 402 DBA white dwarfs. We require data with the highest precision possible to apply 3D corrections for an appropriate H/He ratio and in order to inspect systematic model issues.
We have used 1D and 3D corrected spectroscopic parameters to predict synthetic \textit{Gaia} absolute $G$ magnitudes from our model atmospheres\footnote{We use 1D ATMO model atmospheres to predict absolute $G$ magnitudes in all cases as 3D effects on absolute fluxes are negligible.}. From the distance modulus linking the observed apparent \textit{Gaia} $G$ magnitude with our predicted absolute magnitude, we derive so-called 1D and 3D spectroscopic parallaxes. These values can be compared to observed parallaxes. Fig.~\ref{fig:gaia_oneD_threeD_comp} (upper panel) shows the comparison between 1D spectroscopic parallaxes and \textit{Gaia} parallaxes, which is similar to the results presented in \cite{genest2019b}. Overall, for individual white dwarfs the agreement is satisfactory within 1-3$\sigma$. In general, spurious large spectroscopic $\log{g}$~values should appear above zero on the figure because as $\log{g}$~increases at constant $T_{\rm{eff}}$, the absolute $G$ magnitude increases, i.e. the white dwarf becomes dimmer. Thus, for the same apparent $G$ magnitude the white dwarf must be closer, and therefore its spectroscopic parallax must be larger. If we take the median of the parallax difference in bins of 1\,000 K as shown in Fig.~\ref{fig:gaia_oneD_threeD_comp}, it is clear that the so-called high-$\log{g}$~problem is not apparent in the spectroscopic parallax distribution unlike the results of previous studies of DB and DBA white dwarfs such as \cite{koester2015} and \cite{rolland2018} as highlighted in \cite{tremblay2019}. In fact, it appears that the 1D spectroscopic results of \cite{genest2019b} may have some leaning towards low $\log{g}$~values. \citet{genest2019b} attribute the high-$\log{g}$~problem seen in earlier studies to the inclusion of DB and DBA white dwarfs with weak helium lines where the spectroscopic technique becomes unreliable, as well as the use of \cite{unsold_1955} treatment of van der Waals line broadening. Neither of these two issues affecting spectroscopic parameters are fully resolved and may also depend on the flux calibration and instrumental resolution of the observations.
Before we investigate this further, in Fig.~\ref{fig:gaia_oneD_threeD_comp} we also compare the 3D spectroscopic parallaxes with \textit{Gaia}. The 3D spectroscopic parallaxes where calculated as outlined previously, but with atmospheric parameters corrected for 3D effects. For individual white dwarfs, both 1D and 3D results are in satisfactory agreement with \textit{Gaia}, suggesting it is not possible to differentiate between 1D and 3D models on a case by case basis, although 3D parameters should be favoured as a starting point because of the superior input physics. When looking at the median in bins of 1\,000\,K, the bump which is seen in the 1D-\textit{Gaia} comparison at around 19\,000 K seems to largely disappear with the use of 3D models. The $T_{\rm{eff}}$~range where the bump is observed largely agrees with the $T_{\rm{eff}}$~range of 3D DB corrections discussed at length in \cite{myprecious} and shown in Fig.\,\ref{fig:3d_logg_corr}. At lower $T_{\rm{eff}}$~values, where the high-$\log{g}$~problem was historically reported, 3D models do not produce a better agreement with \textit{Gaia}, since the 1D $\log{g}$~values are already on average too low in comparison with \textit{Gaia} observations.
The spectroscopic parallaxes were computed from a combination of $\log{g}$~and $T_{\rm{eff}}$~values as well as \textit{Gaia} $G$ magnitudes. In order to investigate the current status of the accuracy of spectroscopic parameters in better detail, in Figs.~\ref{fig:cynthia_teff} and~\ref{fig:cynthia_logg} we plot a comparison of $\log{g}$~and $T_{\rm{eff}}$~values determined from spectroscopic (with and without 3D corrections) and photometric \textit{Gaia} observations.
The photometric parameters have been determined using only \textit{Gaia} data and have been extracted from the \textit{Gaia} DR2 white dwarf catalogue of \cite{gentilefusillo2019,gentilefusillo2019cat}. The photometric parameters are based on pure-helium models but the presence of hydrogen makes a negligible contribution to the \textit{Gaia} photometric parameters of DBA white dwarfs \citep{genest2019b}, which is not the case for cooler DC white dwarfs with much weaker helium opacity \citep{bergeron2019}. It was also previously shown that photometric parameters of DB and DBA white dwarfs have a fairly smooth $\log g$ distribution as a function of temperature, but the accuracy of the parameters is directly subject to the accuracy of photometric $G_{\rm BP}-G_{\rm RP}$ colour calibration \citep{tremblay2019}. This is an additional uncertainty that did not play a role in our comparison of spectroscopic parallaxes as it only depends on the absolute flux calibration which is tied to the observed flux of Vega \citep{bohlin2014}.
From Fig.~\ref{fig:cynthia_teff} it is apparent that both 1D and 3D spectroscopic models result in higher $T_{\rm{eff}}$~values when compared with photometrically derived values. It is unclear whether the offset is due to photometric colour calibration, SDSS spectral calibration, reddening or any issue with the spectroscopic parameters.
In Fig.~\ref{fig:cynthia_logg}, the comparison between $\log{g}$~values derived from spectroscopy and photometry is also shown. We confirm that within the errors of \cite{genest2019b} the high-$\log{g}$~problem previously observed in \citet{koester2015} and \citet{rolland2018} is non-existent. The effect of 3D corrections on $\log g$ values is fairly similar to that of 3D corrections on spectroscopic parallaxes observed in Fig.\,\ref{fig:gaia_oneD_threeD_comp}. This is not surprising given that the photometric $\log g$ distribution is fairly smooth as a function of temperature \citep{tremblay2019,genest2019a}, and fluctuations appear to be related to spectroscopic $\log g$ values, which are employed in both Figs.\,\ref{fig:gaia_oneD_threeD_comp} and \ref{fig:cynthia_logg}.
We now attempt to understand better the systematic differences between photometric and spectroscopic studies by reviewing the input microphysics and comparing to external data from DA white dwarfs with vastly different microphysics.
\begin{figure*}
\includegraphics[width=1.5\columnwidth]{gaia_oneD_threeD_comp.pdf}
\caption{A comparison between the \textit{Gaia} parallaxes and the parallaxes derived from spectroscopic parameters without (top panel) and with (bottom panel) 3D DB and DBA corrections for the \protect\cite{genest2019b} SDSS sample. The orange filled circles represent fractional difference between the observed and theoretical parallax, $\varpi$, and in light grey we show the error on the difference. The dotted black line illustrates a perfect agreement. The running median of the fractional difference in bins of 1000 K is shown in dashed green. The block-coloured green area indicates the 95\% confidence limit of the median, which has been calculated using bootstrapping.}
\label{fig:gaia_oneD_threeD_comp}
\end{figure*}
\begin{figure*}
\includegraphics[width=1.5\columnwidth]{cynthia_teff.pdf}
\caption{A comparison between the spectroscopically- and photometrically-determined values of $T_{\rm{eff}}$~for the \protect\cite{genest2019b} sample. The spectroscopic parameters have been computed without (top panel) and with (bottom panel) 3D $T_{\rm{eff}}$~corrections taken in to account. The photometric parameters are from \protect\cite{gentilefusillo2019}. They are calculated based on \textit{Gaia} data alone and include a reddening correction. The orange filled circles represent the fractional difference between the spectroscopic and photometric $T_{\rm{eff}}$, and the error on the difference is shown in light grey. The dotted black line illustrates a perfect agreement. The running median of the fractional difference in bins of 1000 K is shown in dashed green. The block-coloured green area indicates the 95\% confidence limit on the median.}
\label{fig:cynthia_teff}
\end{figure*}
\begin{figure*}
\includegraphics[width=1.5\columnwidth]{cynthia_logg.pdf}
\caption{Similar to Fig.~\ref{fig:cynthia_teff} but for spectroscopically- and photometrically-determined values of $\log{g}$.}
\label{fig:cynthia_logg}
\end{figure*}
\subsection{van der Waals line broadening}~\label{sec:micro}
There are two types of van der Waals line broadening commonly used in spectroscopic analyses of DB and DBA white dwarfs. These are the \cite{unsold_1955} broadening, used in studies such as \cite{bergeron_db_2011}, and the modified line broadening of \cite{deridder1976} recently resurrected by \cite{genest2019a,genest2019b}. In this section, we aim to investigate the effect of van der Waals broadening on the values of the atmospheric parameters and to explain the disappearance of the high-$\log{g}$~problem. In order to achieve this we employ the 1D ATMO code to calculate two grids of models, one utilising the \cite{unsold_1955} broadening theory and the other using \cite{deridder1976} with the prescriptions of \cite{beauchamp1996}. We fit the latter grid with the former and in Fig.~\ref{fig:vdw} we show the van der Waals atmospheric parameter corrections. It is apparent that $\log{g}$~is most affected by the choice of the broadening, with \cite{unsold_1955} broadening resulting in larger values of $\log{g}$~for models with $\log{\rm{(H/He)}}$~$<-3.0$. This has already been noted by \cite{beauchamp1996}.
\begin{figure*}
\includegraphics[width=1.5\columnwidth]{vdw.pdf}
\caption{The corrections between two types of van der Waals line broadening. The intersections of the light grey lines denote the atmospheric parameters determined using the adapted \protect\cite{deridder1976} broadening. The coloured lines which extend from the intersections indicate the size of the correction. The end-point away from the intersection gives the values of the corresponding atmospheric parameters when \protect\cite{unsold_1955} broadening is used. The colours of the lines represent the $\log{\rm{(H/He)}}$~correction, which are omitted for very low hydrogen abundances.}
\label{fig:vdw}
\end{figure*}
To investigate further, we derive van der Waals correction functions for $\log{\rm{(H/He)}}$, $\log{g}$~and $T_{\rm{eff}}$~to transfrom from \cite{deridder1976} to \cite{unsold_1955} spectroscopically-determined parameters. We use the same technique as before. The resulting corrections are
\begin{equation}~\label{eq:logg_corr_vdw}
\begin{split}
\Delta{\log{g}}_{\rm{vdw}} = \Big( d_0 + d_6 \exp \Big[d_7 + d_8 g_x + d_9 T_x \\ + (d_{10} + d_{11} exp [d_{12} + d_{13} g_x + d_{14} T_x + d_{15} y_x]) y_x\Big]\Big)+ d_1 \exp [ \\ d_2 + d_3 g_x + d_4 T_x + d_5 y_x],
\end{split}
\end{equation}
\begin{equation}~\label{eq:teff_corr_vdw}
\begin{split}
\Delta{T_{\rm{eff, \ vdw}}} = \Big(e_0 + e_6 \exp \Big[e_7 + e_8 g_x + e_9 T_x \\ + (e_{10} + e_{11} \exp[e_{12} + e_{13} g_x + e_{14} T_x + e_{15} y_x]) y_x \Big]\Big) + e_1 \exp[ \\ e_2 + e_3 g_x + e_4 T_x + e_5 y_x] ,
\end{split}
\end{equation}
and the values of the fitted coefficients can be found in Table~\ref{tab:coeff_vdw}. As before, the corrections on $\log{\rm{(H/He)}}$~are negligible.
\begin{table*}
\centering
\caption{The fitted coefficients of the van der Waals correction functions described in Eqs.~\ref{eq:logg_corr_vdw}~and~\ref{eq:teff_corr_vdw}.}
\label{tab:coeff_vdw}
\begin{tabular}{lrlr}
\hline
Coeff. & & Coeff. & \\
\hline
$d_{0}$ & 5.844446e-05 & $e_{0}$ & 2.765480e-04 \\
$d_{1}$ & $-$3.316185e+00 & $e_{1}$ & 5.078408e+02 \\
$d_{2}$ & 4.709833e+00 & $e_{2}$ & 2.030607e+01 \\
$d_{3}$ & 1.401743e+00 & $e_{3}$ & $-$2.762396e+00 \\
$d_{4}$ & $-$5.285209e+00 & $e_{4}$ & $-$7.481534e+00 \\
$d_{5}$ & $-$1.725072e+00 & $e_{5}$ & $-$1.417904e+02 \\
$d_{6}$ & 3.097952e+00 & $e_{6}$ & $-$4.104236e-02 \\
$d_{7}$ & 4.778176e+00 & $e_{7}$ & 6.809893e+00 \\
$d_{8}$ & 1.401012e+00 & $e_{8}$ & 9.994226e+00 \\
$d_{9}$ & $-$5.283561e+00 & $e_{9}$ & $-$1.903287e+01 \\
$d_{10}$ & $-$5.097423e+00 & $e_{10}$ & 1.247415e+01 \\
$d_{11}$ & 1.362931e+00 & $e_{11}$ & $-$8.114644e+00 \\
$d_{12}$ & 9.057032e-01 & $e_{12}$ & 1.691382e+00 \\
$d_{13}$ & 7.534572e-04 & $e_{13}$ & 1.460991e+00 \\
$d_{14}$ & $-$1.824838e-03 & $e_{14}$ & $-$2.023648e+00 \\
$d_{15}$ & 7.971757e-05 & $e_{15}$ & $-$3.645338e-01 \\
\hline
\end{tabular}
\end{table*}
As an illustration we apply these corrections to the \cite{genest2019b} sample. Recall that \cite{genest2019b} sample uses the \cite{deridder1976} broadening. Due to the way the corrections were derived, they have to be subtracted from the values of the atmospheric parameters derived using the \cite{deridder1976} broadening theory, such that
\begin{equation}~\label{eq:how_to_add2}
\begin{gathered}
\log{g}_{\rm{U}} = \log{g}_{\rm{D}} - 7 \times \Delta{\log{g}}_{\rm{vdw}} \\
T_{\rm{eff, \ U}} = T_{\rm{eff, \ D}} - 1000 \times \Delta{T_{\rm{eff, \ vdw}}},
\end{gathered}
\end{equation}
where D and U denote the parameters derived using models with \cite{deridder1976} and \cite{unsold_1955} line broadenings, respectively.
In Fig.~\ref{fig:cynthia_vdw} we show a comparison between the photometric and van der Waals corrected spectroscopic $\log{g}$~values. From Figs.~\ref{fig:vdw} and~\ref{fig:cynthia_vdw}, it is clear that the \cite{unsold_1955} theory does lead to higher values of $\log{g}$~at low $T_{\rm{eff}}$.
Using \cite{deridder1976} broadening is, however, not the final answer, since this theory was adapted in the DB and DBA case to better fit observations when using 1D model atmospheres \citep{beauchamp1996}. Instead, the aim should be to determine a better prescription of van der Waals line broadening. Additionally, it is therefore not surprising that 1D models produce a slightly better agreement with \textit{Gaia} observations compared to 3D models when using \cite{deridder1976}. In Fig.~\ref{fig:cynthia_vdw} we also show a comparison between spectroscopic and photometric $\log{g}$~values, when the SDSS spectroscopic parameters of \cite{genest2019b} are corrected for both the van der Waals broadening and 3D effects. We see that in this case, the 3D models show a slightly better agreement with observations, hinting that \cite{unsold_1955} van der Waals broadening is closer to the real prescription of the broadening. However, this combination of corrections still leaves an irregular $\log g$ distribution below $T_{\rm{eff}}$~$\approx 14\,000$ K. We conclude that 3D corrections should be employed alongside properly adjusted line broadening using Eqs.~\ref{eq:logg_corr_vdw}~and~\ref{eq:teff_corr_vdw} until a better prescription is developed.
\begin{figure*}
\includegraphics[width=1.5\columnwidth]{cynthia_vdw.pdf}
\caption{A comparison between the spectroscopically and photometrically-derived $\log{g}$~values corrected for van der Waals broadening only (top plot) and corrected both for van der Waals broadening and 3D effects (bottom plot). Solid orange circles represent the difference in $\log{g}$~with errors shown in light grey. The running median in bins of 1000 K is shown in dashed green, with the 95\% confidence limit being represented by the green colour blocked area. For reference, the dotted black line illustrates a one-to-one agreement.}
\label{fig:cynthia_vdw}
\end{figure*}
\subsection{Non-ideal effects}
In this section we derive corrections due to non-ideal gas perturbations from neutral atoms (i.e. neutral helium) on the atomic levels of light-absorbing helium atoms. To do this, we calculate new grids of 1D ATMO models with different parameterisations of the \citet{hummer1988} theory currently used in all DB model atmospheres. We use different multiplicative factors to the Bohr radius $r_{\rm{B}}$, namely $r_{\rm{B}}$=[0.25,0.75,1.00], which are then used to scale the size of neutral helium atom. The standard 1D ATMO grid used in previous sections was calculated at $r_{\rm{B}}$~$=0.5$ and we shall use this grid as a reference for fitting. All previous studies using the ATMO code have relied on this parameterisation \citep{bergeron_db_2011,rolland2018,myprecious,genest2019a,genest2019b}. The derived corrections for $\log{g}$~and $T_{\rm{eff}}$~for select DB and DBA grids are shown in Fig.~\ref{fig:non_ideal}. We omit the $\log{\rm{(H/He)}}$~corrections because they are insignificant, at most a few per cent. Similarly to van der Waals broadening corrections, we find a significant effect on $\log{g}$~values. Increasing the value of $r_{\rm{B}}$~from 0.5 to 1.0 results in an increase of around 0.4 dex in most extreme cases. For the highest hydrogen abundances ($\log{\rm{(H/He)}}$~$=-2.0$), we find that the non-ideal effects do not change with varying value of $r_{\rm{B}}$. The reason why $r_{\rm{B}}$~does not seem to have much effect on this particular $\log{\rm{(H/He)}}$~grid is because the hydrogen lines are so strong that they overwhelm the fitting in that particular range of $T_{\rm{eff}}$.
Because the agreement of current 1D and 3D spectroscopic parameters with \textit{Gaia} is reasonable and the non-ideal and line broadening corrections are partially degenerate, we argue that the commonly used value of $r_{\rm{B}}$~$=0.5$ is still an optimal choice. However, a more physical treatment of non-ideal effects will be needed before we can verify the accuracy of 3D corrections in this regime.
\begin{figure*}
\includegraphics[width=1.5\columnwidth]{non_ideal.pdf}
\caption{The corrections in $\log{g}$~and $T_{\rm{eff}}$~arising from varying the value of the multiplying factor to the Bohr radius, $r_{\rm{B}}$, in the \citet{hummer1988} non-ideal gas theory with respect to the standard value of 0.5. In solid orange, dotted green and dashed red we show the corrections for $r_{\rm{B}} = 1.0$, 0.75 and 0.25, respectively. The $\log{\rm{(H/He)}}$~value is indicated on each panel.}
\label{fig:non_ideal}
\end{figure*}
\subsection{Comparison between He- and H-atmosphere white dwarfs}
A comparison of the atmospheric parameter distributions for both DA and DB/DBA white dwarfs can help to understand systematic trends. Line broadening physics is dramatically different between the two spectral types, i.e. in warmer DA white dwarfs hydrogen is broadened by the linear Stark effect, while helium is subject to the quadratic Stark effect and van der Waals broadening. As a consequence, if there were any issues caused by microphysics we expect systematic trends to be different between spectroscopic parameters of DA and DB stars. In contrast \textit{Gaia} photometric parameters have a much weaker dependence on atmospheric composition above 12\,000\,K \citep{bergeron2019} and the median masses of DA and DB stars are found to be the same to within a few per cent \citep{tremblay2019}.
In Fig.~\ref{fig:da_teff} we compare the $T_{\rm{eff}}$~derived from spectroscopic and \textit{Gaia} photometric observations of several different samples of DA and DB/DBA white dwarfs. In the plot we show the binned median of the fractional difference of each sample in bins of 2\,000 K for $12\,000 \leq $~$T_{\rm{eff}}$~$ \leq 20\,000$ K, and bins of 5\,000 K for $T_{\rm{eff}}$~$ > 20\,000$~K.
We rely on the same DB/DBA sample of \citet{genest2019b} as discussed previously, using our 3D corrections and also the \citet{unsold_1955} prescription of van der Waals broadening (with original atmospheric parameters corrected according to Section~\ref{sec:micro}). We also use the DB/DBA sample of \cite{rolland2018} where we have applied our new 3D DB/DBA corrections. The sample of \cite{rolland2018} is already using the \citet{unsold_1955} prescription of van der Waals broadening. Our DA white dwarf samples are drawn from \citet{gianninas2011} and SDSS \citep{tremblay2019}. For SDSS sample we imposed the restriction to spectroscopic S/N > 20, the same as for the DB and DBA samples. In both cases we have applied 3D DA corrections \citep{tremblay_2013_spectra}. These DA samples are effectively the same as the 3D spectroscopic samples described in \citet{tremblay2019}. All spectroscopic samples have been cross matched with the \textit{Gaia} white dwarf catalogue of \cite{gentilefusillo2019,gentilefusillo2019cat} to obtain photometric atmospheric parameters based on dereddened photometry.
The different samples show similar offsets between photometric and spectroscopic $T_{\rm{eff}}$. The offset is not obviously caused by calibration issues of SDSS spectra \citep{kleinman04,tremblay2019}, since the samples of \cite{gianninas2011} and \cite{rolland2018} do not use SDSS data. An issue with the approximate treatment of dereddening in \citet{gentilefusillo2019} is unlikely because there is no obvious correlation between the observed offset and distance \citep{tremblay2019}, e.g. the offset is similar even for bright DA white dwarfs within 40\,pc \citep{tremblay2020} for which reddening is expected to be negligible. It cannot be due to 3D spectroscopic effects, as 1D DB/DBA models predict a similar offset (see Fig.~\ref{fig:cynthia_teff}) and 3D effects for DA white dwarfs are essentially negligible above a temperature of 13\,000\,K. It is unlikely to be caused by microphysics issues, such as van der Waals or Stark broadening, as the offset seems to be more or less constant over the entire $T_{\rm{eff}}$~range and is very similar for DA and DB stars, whereas line opacities vary significantly as a function of $T_{\rm{eff}}$\ and spectral type. Therefore, they are unlikely to cause offsets of similar magnitude.
Therefore, this leaves the possibility that the offset is due to calibration issues with \textit{Gaia} colours, which are the direct input in the determination of photometric $T_{\rm{eff}}$\ values, given that the sensitivity of surface gravity to colours is weak. Similar offsets have been observed in other studies of photometric \textit{Gaia} data \citep{jesus2018,tremblay2019,genest2019a,tremblay2020} but our work provides more robust constraints based on 3D spectroscopic parameters of both DA and DB white dwarfs. The calibration of \textit{Gaia} astrometry \citep{lindergren2018} is not expected to have a significant role in the determination of surface temperatures. Finally, the larger scatter observed for DB/DBA samples above $T_{\rm{eff}}$~$\approx 20\,000$ K could be explained by spectral fitting issues regarding the maximum strength of He \textsc{i} lines as discussed in this work. For DA white dwarfs spectral fitting is straightforward in this temperature range.
\begin{figure*}
\includegraphics[width=1.5\columnwidth]{da_teff.pdf}
\caption{A comparison between the $T_{\rm{eff}}$~derived using spectroscopic and \textit{Gaia} photometric observations for samples of DA and DB/DBA white dwarfs. The median fractional difference of each sample was plotted in bins of 2000\,K for $T_{\rm eff} \leq $ 20\,000\,K and of 5000 K above that temperature. The difference in $T_{\rm{eff}}$~for the SDSS DA sample of \protect\cite{tremblay2019}, with spectroscopic S/N $>$ 20 and 3D corrections, is shown in dashed orange. The dashed green curve corresponds to the DA sample of \protect\cite{gianninas2011} with 3D corrections (see \citealt{tremblay2019} for the comparison with \textit{Gaia}). In dashed red and dashed blue the difference is shown for the SDSS DB/DBA sample of \protect\cite{genest2019b} and the DB/DBA sample of \protect\cite{rolland2018}, respectively, both corrected for 3D effects presented in this work. The \protect\cite{genest2019b} sample is also corrected for \protect\citet{unsold_1955} van der Waals broadening (using corrections from Section~\ref{sec:micro}), while \protect\cite{rolland2018} is already using this type of line broadening. The coloured areas represent the corresponding 95\% confidence limit on the medians calculated using bootstrapping. The dashed black line indicates a perfect agreement between spectroscopy and photometry.}
\label{fig:da_teff}
\end{figure*}
In Fig.~\ref{fig:da_logg} we show a comparison between the spectroscopically- and photometrically-derived $\log{g}$~values. The remnant high-$\log{g}$~issue for DB and DBA white dwarfs can be seen in the (corrected for 3D effects and van der Waals broadening according to \citealt{unsold_1955}) \cite{rolland2018} and \cite{genest2019b} samples below $T_{\rm{eff}}$~$\approx 15\,000$~K. Similarly to the $T_{\rm{eff}}$~comparison, the agreement between spectroscopically- and photometrically-derived $\log{g}$~is not perfect. When deriving the photometric atmospheric parameters, the temperature almost only depends on observed colours, while for a fixed temperature value and mass-radius relation, the surface gravity only depends on mean absolute flux.
Therefore, it means that if an offset is observed in $T_{\rm{eff}}$~and is caused by \textit{Gaia} colour calibration, then an offset similar in shape is likely to be seen in $\log{g}$~values, as the radius must compensate for the offset in temperature to match absolute fluxes. However, the diagnostic potential is complicated by the fact that spectroscpic $T_{\rm{eff}}$\ and $\log{g}$\ values have different sensitivities and possibly different systematics with respect to the line profiles. For DA white dwarfs in Fig.~\ref{fig:da_logg} we find that photometric $\log g$ values are systematically lower. This results in larger radii, which compensate for the lower photometric $T_{\rm eff}$ values in keeping the same absolute fluxes, and is therefore entirely consistent with a colour calibration issue. In contrast the DB white dwarfs in both samples show an irregular behaviour, which could suggest that issues with line profiles dominate or are similar in strength to colour calibration issues.
In general, it appears that when comparing the spectroscopic results to external constraints, both DA and DB/DBA white dwarfs behave in a similar fashion. This indicates that 3D DB/DBA atmospheric models are comparable to their DA counterparts in terms of precision.
\begin{figure*}
\includegraphics[width=1.5\columnwidth]{da_logg.pdf}
\caption{Same as Fig.~\ref{fig:da_teff} but for a comparison between the $\log{g}$~derived using spectroscopic and \textit{Gaia} photometric observations for samples of DA and DB/DBA white dwarfs.}
\label{fig:da_logg}
\end{figure*}
\section{Conclusions}~\label{sec:conclusions}
Using 282 3D atmospheric models of DB and DBA white dwarfs, we have determined the corrections for the spectroscopically-derived atmospheric parameters of $\log{\rm{(H/He)}}$, $\log{g}$~and $T_{\rm{eff}}$. These corrections are due to a more physical treatment of convection in 3D models when compared with their 1D counterparts. We find significant $\log{g}$~corrections in the $T_{\rm{eff}}$~range where the high-$\log{g}$~problem was historically reported for these types of white dwarfs. When applying our 3D corrections to the spectroscopic sample of \cite{genest2019b} we find a similar agreement between 1D and 3D spectroscopic parameters when compared with \textit{Gaia} data. We nevertheless recommend using 3D parameters as a standard starting point because of the superior input physics. We provide 3D correction functions that are differential and can be applied to 1D atmospheric parameters from any study and with any input model atmospheres. We provide an example \textsc{Python} code for application of the correction functions.
The currently employed \cite{deridder1976} theory of van der Waals broadening has been specifically adapted to produce a smooth distribution of 1D atmospheric parameters for $T_{\rm{eff}}$~$\lesssim$ 16,000\,K, albeit this has not been updated for the most recent constraints from \textit{Gaia} DR2.
Nevertheless, it is not surprising
that 3D corrections do not lead to a better agreement with \textit{Gaia} photometry and astrometry in this regime. When applying 3D corrections to spectroscopically derived values relying on the \cite{unsold_1955} theory of van der Waals broadening, we find that 3D results are in better agreement with \textit{Gaia}.
However, we stress that the treatment of non-ideal effects due to neutral helium atoms also plays a significant role in this low temperature regime and that it is degenerate with the choice of the line broadening theory.
This highlights the fact that the treatment of the microphysics for cool DB and DBA white dwarfs needs to be revisited. For example, after making a major improvement in the treatment of Stark broadening of neutral helium atoms using computer simulations, \cite{patricktremblay2020} also plan to extend their simulations to improve van der Waals broadening.
By comparing spectroscopic and photometric atmospheric parameters of various samples of DA, DB and DBA white dwarfs, we have been able to identify a prominent offset in $T_{\rm{eff}}$~and a possible smaller offset in $\log{g}$. By ruling out a number of possibilities that could be responsible for such an offset, we conclude that it is most likely caused by the \textit{Gaia} colour calibration. A similar offset has been reported in other studies. In general, it seems that the offsets are remarkably similar for both DA and DB/DBA white dwarfs. Thus, the atmospheric models of DB and DBA white dwarfs can be considered to be of similar precision and accuracy to that of DA models. Additionally, the same test can employed in the future to assess the colour calibration of Gaia DR3.
\section*{Acknowledgements}
This project has received funding from the European Research Council (ERC) under the European Union's Horizon 2020 research and innovation programme (grant agreement No 677706 - WD3D). B.F. has been supported by the Swedish Research Council (Vetenskapsr{\aa}det). H.G.L. acknowledges financial support by the Sonderforschungsbereich SFB\,881 ``The Milky Way System'' (subprojects A4) of the German Research Foundation (DFG).
\section{Data Availability}
The observational data used this article are published in \cite{gianninas2011,rolland2018,gentilefusillo2019,gentilefusillo2019cat,tremblay2019,genest2019a} and \cite{genest2019b}.
Simulation data underlying this article will be shared on reasonable request to the corresponding author.
The final 3D correction functions derived in this work are available in the article and in its online supplementary material.
\bibliographystyle{mnras}
\section{Introduction}
This is a simple template for authors to write new MNRAS papers.
See \texttt{mnras\_sample.tex} for a more complex example, and \texttt{mnras\_guide.tex}
for a full user guide.
All papers should start with an Introduction section, which sets the work
in context, cites relevant earlier studies in the field by \citet{Others2013},
and describes the problem the authors aim to solve \citep[e.g.][]{Author2012}.
\section{Methods, Observations, Simulations etc.}
Normally the next section describes the techniques the authors used.
It is frequently split into subsections, such as Section~\ref{sec:maths} below.
\subsection{Maths}
\label{sec:maths}
Simple mathematics can be inserted into the flow of the text e.g. $2\times3=6$
or $v=220$\,km\,s$^{-1}$, but more complicated expressions should be entered
as a numbered equation:
\begin{equation}
x=\frac{-b\pm\sqrt{b^2-4ac}}{2a}.
\label{eq:quadratic}
\end{equation}
Refer back to them as e.g. equation~(\ref{eq:quadratic}).
\subsection{Figures and tables}
Figures and tables should be placed at logical positions in the text. Don't
worry about the exact layout, which will be handled by the publishers.
Figures are referred to as e.g. Fig.~\ref{fig:example_figure}, and tables as
e.g. Table~\ref{tab:example_table}.
\begin{figure}
\includegraphics[width=\columnwidth]{example.eps}
\caption{This is an example figure. Captions appear below each figure.
Give enough detail for the reader to understand what they're looking at,
but leave detailed discussion to the main body of the text.}
\label{fig:example_figure}
\end{figure}
\begin{table}
\centering
\caption{This is an example table. Captions appear above each table.
Remember to define the quantities, symbols and units used.}
\label{tab:example_table}
\begin{tabular}{lccr}
\hline
A & B & C & D\\
\hline
1 & 2 & 3 & 4\\
2 & 4 & 6 & 8\\
3 & 5 & 7 & 9\\
\hline
\end{tabular}
\end{table}
\section{Conclusions}
The last numbered section should briefly summarise what has been done, and describe
the final conclusions which the authors draw from their work.
\section*{Acknowledgements}
The Acknowledgements section is not numbered. Here you can thank helpful
colleagues, acknowledge funding agencies, telescopes and facilities used etc.
Try to keep it short.
|
\section{Introduction}
There is a growing interest in the
experimental and theoretical studies of heavy-light mesons over the last few years. Studies on heavy-light mesons are important
for the determination of Cabibo-Kobayashi-Maskawa (CKM) mass
matrix elements. These studies on quarkonia need heavy quark
dynamics, which can provide a significant test of Quantum
Chromodynamics (QCD). A number of non-perturbative approaches, such as
NRQCD\cite{brambilla05}, QCD sum rule\cite{shifman79}, potential
models\cite{quigg19, Godfrey85,Ebert03}, lattice QCD\cite{colquhoun15,Bali97,Burch10},
Bethe-Salpeter equation (BSE)
method\cite{Mitra01,Mitra92,Munczek93,bhatnagar14,bhatnagar06,bhatnagar11,glwang},
heavy quark effective theory\cite{neubert94}, Relativistic
Quantum Model (RQM)\cite{ebert11}, and Chiral perturbation
theory\cite{gasser84} have been employed to study spectroscopy of heavy quarkonia.
A lot of investigation has been carried out on S-wave mesons such as pseudoscalar ($0^{-+}$), and vector ($1^{--}$) mesons.
While comparatively lesser investigation has been carried out on $P$-wave mesons such as
scalar ($0^{++}$), and axial (both $1^{++}$ and $1^{+-}$) mesons. Further, new states are continuously being discovered at experimental facilities around the world. Some of the recently discovered $P$-wave conventional quarkonium states are: $h_b(1P), h_b(2P), \chi_{b1}(3P)$ and $\chi_{b2}(3P)$\cite{olive14,patrignani16}. The discoveries of conventional states $h_c(1P), h_c(2P),
\chi_c(1P), \chi_c(2P)$, and $\eta_c(1S)$, and the observation of the exotic states like $X(3872), X(3915), Y(4260), Z(3930)$ at
Belle, BaBar, LHC, BESIII,CLEO, etc have created a renewed interest in quarkonium physics \cite{olive14}. These exotic states are the unconventional states that were named($X,Y,Z$), that do not fit into conventional quarkonium states. Amongst these states are $Z_c(3900)$ and $Z_c(4430)$, whose quantum number assignments have been confirmed to be $1^{+-}$ as per the Particle Data Group (PDG) 2020 tables\cite{zyla2020}. Further there is a lack of knowledge of decay constants of axial meson states in general.
Thus, this work is devoted to calculation of mass spectrum and leptonic decay constants of ground and excited states of $P$-wave heavy-light ($Q\bar{q}$) mesons, such as axial vector quarkonia, which fall into two classes: $1^{++}$, and $1^{+-}$. Here, $1^{+-}$ mesons have $L=1$, but no spin excitation (i.e. $S=0$), while $1^{++}$ have $L=1$, and $S=1$. This give total angular momentum, $J=1$ for both types of mesons. This difference gives these two classes of mesons slightly different masses.
The $1^{+-}$ state was first detected in $p\bar{p}$ collisions by $R704$ collaboration \cite{r704}. $h_c$ was then found in reaction, $p\bar{p}\rightarrow h_c\rightarrow\pi^0 J/\Psi\rightarrow e^+ e^-$ in FNAL E760 experiment, with mass, $M_{h_c}=3526.2\pm 0.2\pm 0.2 MeV.$, and $\Gamma_{h_c}< 1.1 MeV.$\cite{FNAL}. Very recently, BES III collaboration reported $h_c$ production in the process, $e^+ e^- \rightarrow \pi^+ \pi^- h_c$\cite{BESIII}.
$1^{++}$ mesons are seen in $pp$ collisions. However, not many decays of these mesons are experimentally observed as can be checked from PDG tables \cite{zyla2020}. In the present work we thus study mass spectrum, and the leptonic decays of ground and excited states of $1^{+-}$ and $1^{++}$ $Q\bar{Q}$, and $Q\bar{q}$ quarkonia. Though the mass spectrum of these quarkonia have been experimentally observed, but so far there is no experimental determination of their leptonic decays\cite{zyla2020} so far, though calculations of these quantities have been studied in some models. Our predictions of leptonic decay constants of these mesons may provide a guide to future experiments for determination of these values. Further, the values of leptonic decay constants that we calculate in this work play might play an important role in precise determination of CKM matrix elements, studies of weak decays and meson mixing.
We further wish to study the single photon radiative decays involving these axial mesons through processes such as, $A^+\rightarrow V\gamma$, $A^-\rightarrow P\gamma$, $V\rightarrow A^+\gamma$, and $P\rightarrow A^-\gamma$ ($A^+/ A^-= 1^{++}/1^{+-}$ (axial vector), $V=1^{--}$ (vector), $P=0^{-+}$ (pseudoscalar), and $S=0^{++}$ (scalar) quarkonia), which have been studied by some models\cite{deng17}, for which experimental data\cite{olive14} is available, having recently studied the radiative $M1$ and $E1$ transitions, such as $V\rightarrow P\gamma$; $V\rightarrow S\gamma$, and $S\rightarrow V\gamma$ \cite{bhatnagar20}. The transitions involving leptonic and radiative decays of axial vector quarkonia would also serve as a test for the analytic forms of wave functions of these mesons calculated analytically in this paper by solving their mass spectral equations.
Here, regarding the mass spectral calculations, we wish to mention that in unequal mass systems
such as $Q\overline{q}$, the quarks are not very close together. Due to this
the confining interaction would dominate over the One-Gluon-Exchange (OGE) interactions for $Q\overline{q}$ systems.
Thus, the perturbative incorporation of OGE term \cite{bhatnagar18,gebrehana19} is a reasonable
approximation for heavy-light quarkonia.
To study heavy-light quarkonia, we make use of unequal mass kinematics, where the Wightman-Garding definitions of internal momenta of quarks act as the momentum partition parameters. We make use of the four effectively 3D Salpeter equations (that are obtained through the 3D reduction of the 4D Bethe-Salpeter equation under Covariant Instantaneous Ansatz, which is a Lorentz-invariant generalization of Instantaneous Approximation. We use the full Dirac structure for writing down the wave functions of these hadrons in accordance with \cite{smith, alkofer01}.
We first solve the Salpeter equations and obtain coupled equations in amplitudes of Dirac structures, which are then decoupled under heavy-quark approximation, and are used to obtain mass spectrum that is explicitly dependent on the principal quantum number, $N$ in an approximate harmonic oscillator basis. We then incorporate perturbatively the one-gluon-exchange interaction, and obtain not only the mass spectrum, but also the algebraic forms of wave functions in approximate harmonic oscillator basis. These wave functions are then used for analytic calculations of leptonic decay constants of both $1^{+-}$ and $1^{++}$ mesons. These analytic calculations have advantage of transparency in expressing spectrum in terms of principal quantum number, $N$, and also obtaining algebraic forms of wave functions that can be employed for calculations of various transitions involving these mesons. Thus, we rely on purely analytic approach in contrast to most approaches in the literature that resort to numerical analysis at an early stage.
This paper is organized as follows: In section 2, we introduce the
formulation of the $4\times 4$ Bethe-Salpeter equation under the
covariant instantaneous ansatz, and derive the hadron-quark
vertex. In sections 3 and 4, we derive the mass spectral
equation of heavy-light $1^{+-}$, and $1^{++}$ mesons
respectively. In section 4 is devoted to the calculations of their decay constants, Section 5 is devoted to numerical
results and discussion.
\section{Formulation of the 4$\times$ 4 Bethe-Salpeter equation}
Our work is based on QCD motivated Bethe-Salpeter equation in ladder approximation. It makes use of an effective four-fermion interaction that is mediated
by a gluonic propagator, which is employed as the kernel of BSE in the lowest order. Our interaction kernel comprises of a confining term and a one-gluon exchange term. The effective forms of the BS kernel in ladder approximation have recently been used in
\cite{karmanov19,glwang,fredrico14,hea19,wang19}. They can be used to study relativistic bound states. As mentioned above, the frame work of Bethe-Salpeter equation is quite general, and provides an effective description of bound quark- antiquark systems through a
suitable choice of input kernel for confinement.
We summarize the main points about the 4$\times$ 4 Bethe-Salpeter equation under the
Covariant Instantaneous Ansatz (CIA). Here, CIA which is a Lorentz-invariant
generalization of Instantaneous Approximation (IA), which is used
to derive the 3D Salpeter equations\cite{yang,hluf16,bhatnagar18,gebrehana19,bhatnagar20}.
We start with a 4D BSE for quark- anti quark system with quarks of
constituent masses, $m_{1}$ and $m_{2}$, written in a $4\times 4$
representation of 4D BS wave function $\Psi(P,q)$ as:
The Bethe-Salpeter equation that describes the quark-anti quark bound state of momenta $p_1$ and $p_2$, relative
momentum $q$, and meson momentum $P$ is
\begin{equation}
S_{F}^{-1}(p_{1})\Psi(P,q)S_{F}^{-1}(-p_{2}) =
i\int \frac{d^{4}q'}{(2\pi)^{4}}K(q,q')\Psi(P,q'),
\end{equation}
where $K(q,q')$ is the interaction kernel, and $S_{F}^{-1}(\pm p_{1,2})=\pm i{\not}p_{1,2}+ m_{1,2}$ are the quark/antiquark propagators, where the momenta of quarks can be expressed as,
\begin{equation}
p_{1,2}=\hat{m}_{1,2}P \pm q,
\end{equation}
where $\hat{m}_{1,2}=1/2[1\pm (m_1^2-m_2^2)/M^2]$ act as momentum partitioning parameters. We now make use of the Covariant Instantaneous Ansatz, where,
$K(q,q')=K(\widehat{q},\widehat{q}')$ on the BS kernel, where the BS kernel depends entirely on the variable,
$\widehat{q}_\mu= q_\mu- \frac{q.P}{P^2}P_\mu$. Here, $\widehat{q}$ the transverse component of
internal momentum of the hadron, that is orthogonal to the total
hadron momentum ($\widehat{q}.P=0$), and $\sigma
P_\mu=\frac{q.P}{P^2}P_\mu$ is the longitudinal component of $q$, that is parallel
to $P$. Here, the 4-dimensional volume element is,
$d^4q=d^3\widehat{q}Md\sigma$. Now working on the right side of Eq.(1), and making use of the fact that
\begin{equation}
\psi(\hat{q}')=\frac{i}{2\pi}\int Md\sigma' \Psi(P,q'),
\end{equation}
and the fact that the longitudinal component of $Md\sigma$ of $q$ does not appear in $K(\hat{q}, \hat{q}')$, carrying out integration over $Md\sigma$ on right side of Eq.(1), we obtain,
\begin{equation}
S_{F}^{-1}(p_{1})\Psi(P,q)S_{F}^{-1}(-p_{2})=\int \frac{d^3\hat{q}'}{(2\pi)^3}K(\hat{q}, \hat{q}')\psi(\hat{q}'),
\end{equation}
We can express the 4D BS wave function, $\Psi(P,\hat q)$ as,
\begin{equation}
\Psi(P,\hat q)=S_1(p_1)\Gamma(\hat q)S_2(-p_2),
\end{equation}
Here the 4D hadron-quark vertex, that enters into the definition of the 4D BS wave function in the previous equation, that be identified as,
\begin{equation}\label{6a}
\Gamma(\hat q)=\int\frac{d^3\hat q'}{(2\pi)^3}K(\hat q,\hat q')\psi(\hat q').
\end{equation}
Thus, it can be observed that $\Gamma(\hat{q})$, as seen from the Eqs.(4), (5), is directly related to the 4D wave function, $\Psi(P,q)$, and one can express the 4D BS wave function $\Psi(P,q)$ in terms of $\Gamma(\hat{q})$.
Following a sequence of steps outlined in \cite{hluf16}, we get four Salpeter equations,
\begin{eqnarray}
&&\nonumber(M-\omega_1-\omega_2)\psi^{++}(\hat{q})=\Lambda_{1}^{+}(\hat{q})\Gamma(\hat{q})\Lambda_{2}^{+}(\hat{q})\\&&
\nonumber(M+\omega_1+\omega_2)\psi^{--}(\hat{q})=-\Lambda_{1}^{-}(\hat{q})\Gamma(\hat{q})\Lambda_{2}^{-}(\hat{q})\\&&
\nonumber \psi^{+-}(\hat{q})=0.\\&&
\psi^{-+}(\hat{q})=0\label{fw5}
\end{eqnarray}
Now, from the first two of the Salpeter equations above that are used for the mass spectral calculations, one can see the appearance of the hadron-quark vertex function, $\Gamma(\hat{q})$ that is employed for the transition amplitude calculations in 4D basis on their right hand sides. This gives an interconnection between the 3D wave function, $\phi(\hat{q})$ that satisfies the Salpeter equations and the 4D hadron-quark vertex $\Gamma(\hat{q})$, This provides an important link between the (low energy) spectra and (high energy) transition amplitudes, which is an important feature about this BSE framework.
The BSE interaction kernel with spin, colour and orbital parts is written as,
\begin{equation}\label{cf0}
K(\hat q',\hat q)=(\frac{1}{2}\vec\lambda_1.\frac{1}{2}\vec\lambda_2)(\gamma_\mu\otimes\gamma_\mu)V(\hat q',\hat q).
\end{equation}
The hadron-quark vertex function can be expressed as \cite{bhatnagar18},
\begin{equation}\label{6aa}
\Gamma(\hat q)=\int\frac{d^3\hat q'}{(2\pi)^3}V(\hat q,\hat q')\gamma_\mu\psi(\hat q')\gamma_\mu.
\end{equation}
Here, the 3D BS wave function,
$\psi(\widehat{q})$ is flanked by two $\gamma_{\mu}$s. And the scalar part of the kernel,
$V=V_{OGE}+ V_{Confinement}$, whose expression is,
\begin{eqnarray}\label{fr1}
&&\nonumber V(\hat q,\hat q')=\frac{4\pi\alpha_s}{(\hat q-\hat
q')^2}
+\frac{3}{4}\omega^2_{q\bar q}\int d^3r\bigg(\kappa r^2-\frac{C_0}{\omega_0^2}\bigg)e^{i(\hat q-\hat q').\vec r},\\&&
\kappa=(1+4\hat m_1\hat m_2A_0M^2r^2)^{-\frac{1}{2}}.
\end{eqnarray}
The QCD motivation to the kernel is provided by the dependence of the flavour dependent spring constant $\omega_{q\bar{q}}^2$ on the running QCD coupling constant, $\alpha_s$. The smooth transition from nearly harmonic (for $c\bar{u}$) to almost linear (for $b\bar{b}$)} is guaranteed by the algebraic form of the confining potential employed in this work.
The structure of the confinement part $V_{c}(\hat q,\hat q')$ in terms of $\bar{V}_c$, and its structure of is taken from \cite{hluf16,gebrehana19}.
The framework is quite general so far. To evaluate the mass spectral equations, we have to use the four Salpeter equations in Eqs.(7).\\
\section{Mass spectral equation for heavy-light $1^{+-}$ quarkonia}
We start with the general form of 4D BS wave function for axial
meson ($1^{+-}$) in \cite{smith,alkofer01}. Taking its dot product with $\epsilon_{\mu}$, the polarization vector of axial vector meson, we get,
\begin{equation}
\Psi_{A^-}(P,q)=\gamma_5(q.\epsilon)[g_1(q,P)+i\not{P} g_2(q,P)-i\not{q} g_3(q,P)+[\not{P},\not{q}]g_4(q,P)].
\end{equation}
Then, making use of the 3D
reduction and making use of the fact that $\widehat{q}.P=0$, we
can write the general decomposition of the instantaneous BS wave
function for scalar mesons $(J^{pc}=1^{+-})$, of dimensionality
$M^0$ being composed of various Dirac structures that are multiplied
with scalar functions $g_i(\hat q)$ and various powers of the
meson mass $M$ as \cite{bhatnagar18}
\begin{equation}\label{uw1}
\psi_{A^-}(\hat q)=\gamma_5 \frac{(\epsilon.\hat{q})}{M}[g_1(\hat{q})+i\frac{{\not}P}{M}g_2(\hat{q})-i\frac{{\not} \hat{q}}{M}g_3(\hat{q})+2\frac{{\not} P{\not} \hat{q}}{M^2}g_4(\hat{q})].
\end{equation}
Till now these amplitudes $g_{1},...,g_{4}$ in equation above
are all independent, and as per the power counting rule
\cite{bhatnagar06,bhatnagar14} proposed by us earlier, the $g_1$,
and $g_2$ are the amplitudes associated with the leading Dirac
structures, namely $\gamma_5I$ and $\gamma_5{\not}P/M$, while $f_3$ and $f_4$ will
be the amplitudes associated with the sub-leading Dirac
structures, namely, $\gamma_5{\not}\hat{q}/M$, and
$\gamma_5\frac{2{\not}P{\not}\hat{q}}{M^2}$.
We now use the last two Salpeter equations $\psi^{+-}(\hat q)=
\psi^{-+}(\hat q)=0$ in Eq.(\ref{fw5}), that can be used to obtain the
constraint relations between the scalar functions for unequal mass
mesons. We wish to mention that due to the two constraint equations, the
scalar amplitudes, $g_i(\widehat{q}) (i= 1,...,4)$ are no longer all
independent, but are tied together by the relations.
\begin{eqnarray}
&&\nonumber g_4 =\frac{M(m_1\omega_2-m_2\omega_1)}{2(\omega_1+\omega_2)\hat{q}^2}g_2,\\&&
g_3=\frac{(\hat{q}^2+\omega_1\omega_2-m_1m_2)M}{\hat{q}^2(m_1+m_2)}g_1.
\end{eqnarray}
Making use of the above relations between amplitudes, we can write the complete 3D Salpeter wave function, $\psi_{A^-}(\hat{q})$ as,
\begin{equation}
\psi_{A^-}(\hat{q})=\gamma_5 \frac{\epsilon.\hat{q}}{M}\bigg[g_1\bigg(1- i\not{\hat{q}\frac{(\hat{q}^2+\omega_1 \omega_2-m_1 m_2)}{\hat{q}^2 (m_1+m_2)}\bigg)+g_2\bigg(i\frac{\not{P}}{M}+\frac{(m_1\omega_2-m_2\omega_1)}{(\omega_1+\omega_2)\hat{q}^2}\frac{{\not}P{\not}\hat{q}}{M}}\bigg)\bigg].
\end{equation}
We proceed in the same way as, \cite{bhatnagar18}, where on the right side of these equations, we
first work with the confining interaction, $V_c(\widehat{q})$ alone.
The coupled integral equations that result from the first two Salpeter equations are:
\begin{eqnarray}
&&\nonumber (M-\omega_1-\omega_2)[2g_1 +g_2 L]= \int \frac{d^3\hat{q}'}{(2\pi)^3}V_c(\hat{q}')[g_1 H'_1 +g_2 H'_2]\\&&
\nonumber (M+\omega_1+\omega_2)[2g_1 -g_2 L] = \int \frac{d^3\hat{q}'}{(2\pi)^3}V_c(\hat{q}')[g_1 H'_1 -g_2 H'_2]\\&&
\nonumber L=\frac{m_1}{\omega_1}+\frac{m_2}{\omega_2}+\frac{(m_1\omega_2-m_2\omega_1)}{\omega_1+\omega_2}(\frac{1}{\omega_2}-\frac{1}{\omega_2})\\&&
\nonumber H'_1=-4-4\frac{m_1m_2+\hat{q}'^2}{\omega'_1\omega'_2}+2\frac{(m_1-m_2)}{m_1+m_2}(\hat{q}'^2+\omega'_1\omega'_2-m_1m_2)\\&&
H'_2=2(\frac{m_1}{\omega'_1}-\frac{m_2}{\omega'_2}),
\end{eqnarray}
where, $\omega'^2_{1,2}=m^2_{1,2}+\hat{q}'^2$, and $H'_{1,2}$ involve $\hat{q}'$. Now, making use of the structure of confining interaction, $\bar{V}_c(\hat{q}')=\bar{V}_c(\hat{q}\delta^3(\hat{q}-\hat{q}')$ in the model, we can express the above two coupled integral equations into two coupled algebraic equations,
\begin{eqnarray}
&&\nonumber (M-\omega_1-\omega_2)[2g_1 +g_2 L]= V_c(\hat{q})[g_1 H_1 +g_2 H_2]\\&&
(M+\omega_1+\omega_2)[2g_1 -g_2 L] = V_c(\hat{q})[g_1 H_1 -g_2 H_2],
\end{eqnarray}
where $H_{1,2}$ now involve $\hat{q}$. To decouple the above algebraic equations, we first add these equations, and substract the second equation from the first. We thus get two algebraic equations that are again coupled in $g_1$, and $g_2$. Eliminating $g_1$ in terms of $g_2$ from the first equation, and putting in the second equation, and similarly, eliminating $g_2$ in terms of $g_1$ from the second equation, and putting in the first equation, we get two identical decoupled equations in $g_1$, and $g_2$ as:
\begin{equation}
\begin{split}
\bigg[\frac{M^2}{4}-\frac{1}{4}(m_1+m_2)^2-\hat q^2\bigg]g_1(\hat q)&=-\frac{1}{2}(m_1+m_2)\overline{ V}_{c}(\hat q)g_1(\hat q)\\
\bigg[\frac{M^2}{4}-\frac{1}{4}(m_1+m_2)^2-\hat q^2\bigg]g_2(\hat q)&=-\frac{1}{2}(m_1+m_2)\overline{ V}_{c}(\hat q)g_2(\hat q).
\end{split}
\end{equation}
Since the two equations are of
the same form in scalar functions $g_1(\hat q)$ and $g_2(\hat q)$,
that are the solutions of identical equations, we can take,
$g_1(\hat q)\approx g_2(\hat q)(=\phi_A(\hat q))$. Thus, we can write the complete wave function for $1^{+-}$ meson as,
\begin{equation}
\psi_{A^-}(\hat{q})=\gamma_5 \frac{\epsilon.\hat{q}}{M}\bigg[\bigg(1- i\not{\hat{q}\frac{(\hat{q}^2+\omega_1 \omega_2-m_1 m_2)}{\hat{q}^2 (m_1+m_2)}\bigg)+\bigg(i\frac{\not{P}}{M}+\frac{(m_1\omega_2-m_2\omega_1)}{(\omega_1+\omega_2)\hat{q}^2}\frac{{\not}P{\not}\hat{q}}{M}}\bigg)\bigg]\phi_{A^-}(\hat{q}).
\end{equation}
Using the expression for $\overline{V}_c(\hat q)$ given above, we get the
equation,
\begin{equation}\label{s23}
E_A\phi_{A^-}(\hat q)=[-\beta_{A^-}^4 \vec \nabla^2_{\hat q} +\hat q^2]\phi_{A^-}(\hat q),
\end{equation}
where the inverse range parameter $\beta_A^-$ can be expressed as,
\begin{equation}\label{be}
\begin{split}
\beta_{A^-}&=(\frac{2}{3}(m_1+m_2)\omega_{q\bar{q}}^2)^{\frac{1}{4}},\\
\omega_{q\bar q}&=(4M\hat m_1\hat m_2\omega_0^2\alpha_s(M))^{1/2},\\
\alpha_s&=\frac{12\pi}{33-2N_f}\log\bigg(\frac{M^2}{\Lambda_{QCD}^2}\bigg)^{-1}
\end{split}
\end{equation}
The solutions of Eq.(\ref{s23}) are calculated by using the power series method. We assume the solutions of Eq.(19) are of the form, $\phi(\hat{q})=\xi(\hat{q})e^{-\frac{\hat{q}^2}{2\beta_{A^-}^2}}$. Then Eq.(19) can be expressed as,
\begin{equation}
\xi''(\hat{q})+(\frac{2}{\hat{q}}-\frac{2\hat{q}}{\beta_{A^-}^2})\xi'(\hat{q})+(\frac{E}{\beta_{A^-}^4}-\frac{3}{\beta_{A^-}^2}-\frac{l(l+1)}{\hat{q}^2})\xi(\hat{q})=0.
\end{equation}
The energy eigen values of this equation obtained using the power series method are:
\begin{eqnarray}
&&\nonumber E_N= 2\beta_{A^-}^2 (N+\frac{3}{2});\\&&
N=2n+l
\end{eqnarray}
with the quantum number $n$ taking values, $n=0,1,2,...$, and the orbital quantum number $l=1$ that corresponds to $P$ wave states. This leads to the mass spectral equation for axial vector ($1^{+-})$ quarkonia as,
\begin{equation}\label{mse0}
\frac{1}{4}\bigg[M^2-(m_1+m_2)^2\bigg]+\frac{C_0\beta_{A^-}^4}{\omega_0^2}\sqrt{1+8\hat
m_1\hat
m_2A_0(N+\frac{3}{2})}=2\beta_{A^-}^{2}(N+\frac{3}{2}),~~~N=1,3,5,...,
\end{equation}
It can further be checked that for each value of $n=0,1,2,...$, would thus correspond a polynomial, $\xi(\hat{q})$ of order $2n+1$ in $\hat{q}$. These are obtained as solutions of Eq.(22). The normalized odd-parity eigen functions derived as solutions of Eq.(19) are:
\begin{equation}\label{wv1}
\begin{split}
\phi_{A^-}(1P,\hat q)&=\sqrt{\frac{2}{3}}\frac{1}{\pi^{3/4}}\frac{1}{\beta_{A^-}^{5/2}} \hat qe^{-\frac{\hat q^2}{2\beta_{A^-}^2}}\\
\phi_{A^-}(2P,\hat q)&=\sqrt{\frac{5}{3}}\frac{1}{\pi^{3/4}}\frac{1}{\beta_{A^-}^{5/2}}
\hat q\bigg(1-\frac{2\hat q^2}{5\beta_{A^-}^2}\bigg)e^{-\frac{\hat q^2}{2\beta_{A^-}^2}}\\
\phi_{A^-}(3P,\hat q)&=\sqrt{\frac{35}{12}}\frac{1}{\pi^{3/4}}\frac{1}{\beta_{A^-}^{5/2}}
\hat q\bigg(1-\frac{4\hat q^2}{5\beta_{A^-}^2}+\frac{4\hat q^4}{35\beta_{A^-}^4}\bigg)e^{-\frac{\hat q^2}{2\beta_{A^-}^2}}\\
\phi_{A^-}(4P,\hat q)&=\sqrt{\frac{35}{8}}\frac{1}{\pi^{3/4}}\frac{1}{\beta_{A^-}^{5/2}}
\hat q\bigg(1-\frac{6\hat q^2}{5\beta_{A^-}^2}+\frac{12\hat q^4}{35\beta_{A^-}^4}-\frac{8\hat q^6}{315\beta_{A^-}^6}\bigg)e^{-\frac{\hat q^2}{2\beta_{A^-}^2}},
\end{split}
\end{equation}
Now, we treat the mass spectral equation in Eq.(\ref{s23}), which
is obtained by taking only the confinement part of the kernel, as
an unperturbed spectral equation with the unperturbed wave
functions in Eq.(\ref{wv1}). We then incorporate the one gluon
exchange term in the interaction kernel perturbatively (as in
\cite{bhatnagar18}) and solve to first order in perturbation
theory. The complete mass spectra of ground and excited states of
heavy-light axial ($1^{+-}$) quarkonia is
\begin{equation}\label{mse01}
\frac{1}{8\beta_{A^-}^2}\bigg[M^2-(m_1+m_2)^2\bigg]+\frac{C_0\beta_{A^-}^2}{2\omega_0^2}\sqrt{1+8\hat
m_1\hat m_2A_0(N+\frac{3}{2})} +\gamma\langle V_{coul}^{A^-}\rangle
=N+\frac{3}{2},~~~N=1,3, 5,...,
\end{equation}
where $\langle V_{coul}^A\rangle$ is the expectation value of
$V_{coul}^A$ between the unperturbed states of the axial vector mesons ($1^{+-}$)
with $l=1$ and $n=0,1,2,...$, and $\gamma$ is introduced as a weighting factor to have the Coulomb term
dimensionally consistent with the harmonic term, with $\gamma$ expressed in units of $\omega_0^4/(C_0\beta_A^2)$, and it also acts as
a measure of the strength of the perturbation. The expectation value of the Coulomb term associated with the OGE term for axial $1^{+-}$
quarkonia is a single elegant expression for all states, $|nP>$, (where, $n=1,2,3,...)$,
\begin{equation}
\langle nP\mid V^{A^-}_{coul}\mid nP\rangle =-\frac{32\pi
\alpha_s}{9\beta_{A^-}^2}.
\end{equation}
The results of our model for mass spectrum for $1^{+-}$
$Q\overline{q}$ states along with data \cite{zyla2020}, and
other models is given in Table 1. It was observed in our previous works \cite{bhatnagar18, gebrehana19} that the mass
spectra of mesons of various $J^{PC}$ ($0^{++}, 0^{-+}$, and
$1^{--}$) is somewhat insensitive to a small range of variations
of parameter $\omega_0$, as long as $\frac{C_0}{\omega_0^2}$ is a
constant. The input parameters of our model obtained by best fit
to the spectra of ground states of scalar, pseudoscalar and vector
$Q\overline{q}$, and $Q\overline{Q}$ quarkonia are: $C_0$= 0.69,
$\omega_0$= 0.22 GeV, $\Lambda_{QCD}$= 0.250 GeV, and $A_0$=
0.01, with input quark masses $m_u$= 0.300 GeV, $m_s$= 0.430 GeV.,
$m_c$= 1.490 GeV, and $m_b$= 4.690 GeV. Using these set of input
parameters, we do the mass spectral calculations of both ground
and excited states of heavy-light axial vector ($1^{+-}$) mesons.
The numerical values of $\gamma$ multiplying $V_{coulomb}$ that gave reasonable agreement with data and other models are given in Table 1. These can at best be expressed in units of $\omega_0^4/(C_0\beta^2)$.
\begin{table}[hhhhh]
\begin{center}
\begin{tabular}{|l|l|}
\hline
Mesons & $\gamma$ \\
\hline
$h_c(nP), \chi_{c1}(nP)$, & 0.085 \\
\hline
$c\bar{b}(nP)$ & 0.34 \\
\hline
$s\bar{b}(nP)$& 0.26 \\
\hline
$u\bar{b}(nP)$ & 0.26\\
\hline
$s\bar{c}(nP)$, & 0.051 \\
\hline
$u\bar{c}(nP)$, & 0.051 \\
\hline
\end{tabular}
\caption{Values of strength of perturbation $\gamma$ in units of $GeV^2$}
\end{center}
\end{table}
We also calculated percentage contribution of coulomb term to the mass of each meson state, which are indeed small, as seen in Table 1, justifying the perturbative treatment of the coulomb term for these states. We see that for any $J^{PC}$, the contribution of coulomb term to meson mass for $b\bar{u}, b\bar{s}$, and $c\bar{b}$ mesons is larger than the corresponding contributions from $c\bar{u}, c\bar{s}$, and $c\bar{c}$ states. Also as we go to higher radial states of a given meson, the contribution of coulomb term to mass keeps decreasing from its corresponding contribution for ground states, This means that the radially excited states are loosely bound in comparison to the ground states, which is similar to the case of atoms. The mass spectra of $1^{+-}$ states are given in Table 2.
\begin{table}[h!]
\begin{center}
\begin{tabular}{p{1.2cm} p{1.7cm} p{2cm} p{2.4cm} p{2cm} p{2cm} p{2.6cm} p{1.6cm} }
\hline\hline
&\footnotesize{BSE-CIA}&\% contribution of OGE &\small Expt.\cite{zyla2020}&\small BSE&\small~~ PM &\small Lattice QCD &\small~~ RQM \\
\hline
\small $M_{h_c(1P_1)}$ &3.525&10.28\% &3.525$\pm$0.00001 &3.5244\cite{glwang} &3.581\cite{arxiv}&3.5059\cite{a1} &3.525\cite{vijaya17} \\
\small $M_{h_c(2P_1)}$&3.743&9.25\%&3.888$\pm$0.0025 &3.9358\cite{glwang} &3.934\cite{arxiv} & &3.927\cite{vijaya17} \\
\small $M_{h_c(3P_1)}$&3.963&8.12\%&$4.478^{+0.015}_{-0.018}$ & & & &4.337 \cite{vijaya17} \\
\small $M_{c\bar{b}(1P_1)}$ &6.843&8.63\%& &6.8451\cite{glwang} & & & \\
\small $M_{c\bar{b}(2P_1)}$&7.147&8.28\%& &7.2755\cite{glwang} & & & \\
\small $M_{c\bar{b}(3P_1)}$&7.478&7.78\%& & & & & \\
\small $M_{s\bar{b}(1P_1)}$ &5.827&11.08\%& &5.8364\cite{glwang} & & & \\
\small $M_{s\bar{b}(2P_1)}$&6.045&11.46\% & &6.2803\cite{glwang} & & & \\
\small $M_{s\bar{b}(3P_1)}$&6.299&11.27\%& & & & & \\
\small $M_{u\bar{b}(1P_1)}$&5.711&36.42\%& &5.7047\cite{glwang} & & &\\
\small $M_{u\bar{b}(2P_1)}$&5.916&11.38\% & &6.0355\cite{glwang} & & &\\
\small $M_{u\bar{b}(3P_1)}$& 6.159&11.35\% & & && &\\
\small $M_{s\bar{c}(1P_1)}$ & 2.442&14.83\% & &2.4498\cite{glwang} & & & \\
\small $M_{s\bar{c}(2P_1)}$&2.605&13.47\% & &2.8304\cite{glwang} & & & \\
\small $M_{s\bar{c}(3P_1)}$&2.748&12.03\%&& & & & \\
$M_{u\bar{c}}$(\footnotesize{$1P_0$})&2.316&16.83\%& &2.3025\cite{glwang} & & & \\
$M_{u\bar{c}}$(\footnotesize{$2P_0$})&2.454&15.48\%& &2.6511 \cite{glwang} && & \\
$M_{u\bar{c}}$(\footnotesize{$3P_0$})&2.601&13.88\% & & & & \\
\hline \hline
\end{tabular}
\end{center}
\caption{Masss spectra of ground and excited states of axial
$1^{+-}$ quarkonia (in GeV) in BSE-CIA (with the percentage contribution of the OGE to meson mass) along with data and results of other models}
\end{table}
\bigskip
We now give the plots of wave functions for $1^{+-}$ states for $h_c(nP),u\bar{c}(nP), u\bar{b}(nP)$ and $c\bar{b}(nP)$, as a function of internal momentum, $|\hat{q}|$.
\begin{figure}[h!]
\centering
\includegraphics[width=12cm,height=6cm]{Plots-hc.png}
\caption{Plots of radial wave functions $\phi_{A^-}(\hat{q})$ for $h_c(1P), h_c(2P)$, and $h_c(3P)$ versus $|\hat{q}|$}
\label{fig:2}
\end{figure}
\begin{figure}[h!]
\centering
\includegraphics[width=12cm,height=6cm]{Plots-uc-bar.png}
\caption{Plots of radial wave functions $\phi_{A^-}(\hat{q})$ for $u\bar{c}(1P), u\bar{c}(2P)$, and $u\bar{c}(3P)$ versus $|\hat{q}|$}
\label{fig:2}
\end{figure}
\begin{figure}[h!]
\centering
\includegraphics[width=12cm,height=6cm]{Plots-ub-bar.png}
\caption{Plots of radial wave functions $\phi_{A^-}(\hat{q})$ for $u\bar{b}(1P), u\bar{b}(2P)$, and $u\bar{b}(3P)$ versus $|\hat{q}|$}
\label{fig:2}
\end{figure}
\begin{figure}[h!]
\centering
\includegraphics[width=12cm,height=6cm]{Plots-cb-bar.png}
\caption{Plots of radial wave functions $\phi_{A^-}(\hat{q})$ for $c\bar{b}(1P), c\bar{b}(2P)$, and $c\bar{b}(3P)$ versus $|\hat{q}|$}
\label{fig:2}
\end{figure}
We have obtained the
general expressions of 3D forms of long distance (nonperturbative) Bethe-Salpeter wave functions for $1^{+-}$ heavy-light $Q\bar{q}$ mesons. We have
given the plots of these wave functions as a function of the
internal momentum, $|\hat{q}|$ in Figs. 1–4. For $Q\bar{q}$ systems, the
wave functions show a damped oscillatory behavior. For $1^{+-}$ mesons, the amplitude of the wave function is
$0$ at $|\hat{q}|=0$ (due to the wave functions being odd), then
with increase in $\hat{q}$, it reaches a maximum, executes a
damped oscillatory behavior, and finally becomes $0$. We wish to mention that a very similar behaviour is observed for the plots of $1^{++}$ mesons, due to which we give here only the plots of $1^{+-}$ mesons.
Further, as regards all the $1^{+-}$ mesons, we see that $1P$
states have zero nodes, followed by $2P$ states with one node
and $3P$ states with two nodes. Thus, these plots show that the 3D wave functions,
$\phi_{A^-}(nP)$ have $n-1$ nodes. This is a
general feature of all quantum mechanical systems forming a bound state. An
interesting feature of these plots is that as the mass of the
meson,$M$ increases, $\phi(\hat{q})\rightarrow 0$ at a higher value of $|\hat{q}|$.
As seen from the plots, the wave functions of heavier
mass $Q\bar{q}$ systems (such as $c\bar{b}$, $u\bar{b}$)
extend to a much shorter distance than the wave functions
of ($h_c$, $u\bar{c}$). This implies that
the heavier mesons comprising of $b$ quarks ($u\bar{b}$, $c\bar{b}$ etc.) are more tightly
bound than the comparatively lighter mesons comprising of $c$ quark ($h_c$, $u\bar{c}$ etc.).
This feature is also supported by the fact that in general,
the percentage contribution of $V_{coul}$ to meson mass, $M$, is
larger for $u\bar{b}$, than for $u\bar{c}$.
It is in this sense, the algebraic forms of 3D hadronic BS wave
functions can not only provide information about the long
range non-perturbative physics, they also tell us the shortest
distance to which they can penetrate in a hadron.
We now derive the mass spectral equations of$1^{++}$ quarkonia in the next section.
\section{Mass spectrum of $1^{++}$ quarkonia}
We start with the general form of 4D BS wave function for axial
meson ($1^{++}$) in \cite{smith,alkofer01}. Taking its dot product with $\epsilon_{\mu}$, the polarization vector of axial vector meson, and making use of the orthogonality relation, $P.\epsilon=0$, we get,
\begin{equation}
\Psi_{A+}(P,q)=\gamma_5 \not{\epsilon} [if_1(q,P)+\not P f_2(q,P)-\not{q} f_3(q,P)+i[\not{P},\not{q}]f_4(q,P)]+\gamma_5 (\epsilon.q)(f_3(q,P)+2i\not{P} f_4(q,P))
\end{equation}
Till now these amplitudes $f_{1},...,f_{4}$ in equation above
are all independent. We try to make these amplitudes dimensionless by pulling out various powers of M, and write the above expression as,
\begin{equation}
\Psi_{A+}(P,q)=\gamma_5 \not \epsilon [if_1(q,P)+\frac{\not P}{M} f_2(q,P)-\frac{\not q}{M} f_3(q,P)+i\frac{[\not q,\hat{P}]}{M^2}f_4(q,P)+\gamma_5 \frac{(\epsilon.q)}{M}(f_3(q,P)+2i\frac{\not P}{M} f_4(q,P))
\end{equation}
With the use of our power-counting rule \cite{bhatnagar06, bhatnagar11, bhatnagar14}, it can be verified that the Dirac structures associated with the
amplitudes $f_1$ and $f_2$ are $O(M)$, and are leading, and thus they would contribute the most to any axial-vector meson
calculation. Following a similar procedure as in the case of scalar mesons, we can write the Salpeter wave function in terms
of only two Dirac amplitudes: $f_1$ and $f_2$. Plugging this wave function together with the projection operators into the first two
Salpeter equations, and taking the trace of both sides and following the same steps as for the $1^{+-}$
meson case, we get the coupled integral equations in the amplitudes $f_1$ and $f_2$:
\begin{eqnarray}
&&\nonumber (M+\omega_1+\omega_2)\bigg[\frac{(m_1-m_2)}{\omega_1\omega_2}(\hat{q}.\epsilon)f_1(\hat{q})+ (\frac{1}{\omega_1}+\frac{1}{\omega_2})\hat{q}.\epsilon f_2(\hat{q})\bigg]\\&&
\nonumber =-\frac{4}{3}\int \frac{d^3\hat{q}'}{(2\pi)^3}V(\hat{q},\hat{q}')2\frac{m_1-m_2}{\omega_1\omega_2}\hat{q}'.\epsilon f_1(\hat{q}')],\\&&
\nonumber (M-\omega_1-\omega_2)\bigg[-\frac{(m_1+m_2)}{\omega_1\omega_2}(\hat{q}.\epsilon)f_1(\hat{q})+(\frac{1}{\omega_1}-\frac{1}{\omega_2})\hat{q}.\epsilon f_2(\hat{q})\bigg]\\&&
=\frac{4}{3}\int \frac{d^3\hat{q}'}{(2\pi)^3}V(\hat{q},\hat{q}')[2\frac{m_1+m_2}{\omega_1\omega_2}\hat{q}'.\epsilon f_1(\hat{q}')
\end{eqnarray}
Making use of the fact that $V(\hat{q},\hat{q}')=\overline{V}(\hat{q},\hat{q}')\delta^3(\hat{q}-\hat{q}')$ on the RHS of the two coupled equations, they convert into two algebraic equations. Following a similar procedure as in case of $1^{+-}$, the two above equations will get decoupled in amplitudes, $f_1$ and $f_2$ that are listed below.
\begin{equation}
\begin{split}
\bigg[\frac{M^2}{4}-\frac{1}{4}(m_1+m_2)^2-\hat q^2\bigg]g_1(\hat q)&=-\frac{1}{2}(m_1+m_2)\overline{ V}_{c}(\hat q)g_1(\hat q)\\
\bigg[\frac{M^2}{4}-\frac{1}{4}(m_1+m_2)^2-\hat q^2\bigg]g_2(\hat q)&=-\frac{1}{2}(m_1+m_2)\overline{ V}_{c}(\hat q)g_2(\hat q).
\end{split}
\end{equation}
Thus it can be checked that $f_1$, and $f_2$ satisfy the same equation for unequal mass $1^{++}$ meson, and thus, $f_1(\hat{q})\approx f_2(\hat{q})\approx \phi_{A^+}(\hat{q})$, where $\phi_{A^+}(\hat{q})$ can be shown to satisfy the mass spectral equation,
\begin{eqnarray}
&&\nonumber E_{A^+} \phi_{A^+}(\hat{q})=[-\beta_{A^+}^2\vec{\nabla}_q^2 +\hat{q}^2]\phi_{A^+}(\hat{q}),\\&&
\beta_{A^+}=(\frac{2}{3}M\omega_{q\bar{q}}^2)^{\frac{1}{4}}
\end{eqnarray}
The spectrum of $1^{++}$ is again of the $N+\frac{3}{2}$ type, with $N=2n+l$ with $n=0,1,2,...$, and $l=1$ as in the $1^{+-}$ case. The normalized odd parity energy eigen functions of Eq.(31) that are obtained by solutions of this equation are similar to $1^{+-}$, with expressions in Eq.(24), with the replacement, $ \phi_{A^-}(\hat{q})\Rightarrow \phi_{A^-}(\hat{q})$, and $\beta_{A^-} \Rightarrow \beta_{A^+}$, with the inverse range parameter, $\beta_{A^+}$ given in Eq.(31).
The perturbative incorporation of the coulomb term into the mass spectral equation, leads to the equation,
\begin{equation}
E_{A^+} \phi_{A^+}(\hat{q})=[-\beta_{A^+}^2\vec{\nabla}_q^2 +\hat{q}^2+V_{coul}^{A^+}]\phi_{A^+}(\hat{q}),
\end{equation}
The solutions of the above spectral equation is,
\begin{equation}\label{mse01}
\frac{1}{8\beta_{A^+}^2}\bigg[M^2-(m_1+m_2)^2\bigg]+\frac{C_0\beta_{A^+}^2}{2\omega_0^2}\sqrt{1+8\hat
m_1\hat m_2A_0(N+\frac{3}{2})} +\gamma\langle V_{coul}^{A^+}\rangle
=N+\frac{3}{2},~~~N=1,3, 5,...,
\end{equation}
which leads to the mass spectra. Here, $l=1$, where $V_{coul}$ is the expectation value of $V_{coul}$ between the unperturbed states of a given quantum number, $n$ (with $l=1$) for axial mesons, with value,
\begin{equation}
<nP|V_{coul}^{A^+}|nP> =-\frac{64}{9}\frac{\pi \alpha_s}{\beta_{A^+}^2},
\end{equation}
for $1P, 2P, 3P,...$ states. The mass spectra can be calculated numerically by inverting this equation, and is given in Table 3.
\begin{table}[h!]
\begin{center}
\begin{tabular}{p{1.2cm} p{1.7cm} p{2cm} p{2.4cm} p{2cm} p{2cm} p{2.6cm} p{1.6cm} }
\hline\hline
&\footnotesize{BSE-CIA}&\% contribution of OGE &\small Expt.\cite{zyla2020}&\small BSE&\small~~ PM &\small Lattice QCD &\small~~ RQM \\
\hline
\small $M_{\chi_{c1}(1P_1)}$ &3.527&10.01\% &3.510$\pm$0.00005 &3.5244\cite{glwang} &3.581\cite{arxiv}&3.4845\cite{a1} &3.510\cite{vijaya17} \\
\small $M_{\chi_{c1}(2P_1)}$&3.811&9.23\%&3.871$\pm$0.00017 &3.9358\cite{glwang} &3.934\cite{arxiv} & &3.872\cite{vijaya17} \\
\small $M_{\chi_{c1}(3P_1)}$&4.147&8.41\%& 4.146$\pm$ 0.0024 & & & &4.312\cite{vijaya17} \\
\small $M_{c\bar{b}(1P_1)}$ &6.841&8.70\%& &6.8451\cite{glwang} & & & \\
\small $M_{c\bar{b}(2P_1)}$&7.171&8.54\%& &7.2755\cite{glwang} & & & \\
\small $M_{c\bar{b}(3P_1)}$&7.553&8.20\%& & & & & \\
\small $M_{s\bar{b}(1P_1)}$ &5.829&12.08\%& &5.8364\cite{glwang} & & & \\
\small $M_{s\bar{b}(2P_1)}$&6.085&11.40\% & &6.2803\cite{glwang} & & & \\
\small $M_{s\bar{b}(3P_1)}$&6.415&11.27\%& & & & & \\
\small $M_{u\bar{b}(1P_1)}$&5.713&35.44\%& &5.7047\cite{glwang} & & &\\
\small $M_{u\bar{b}(2P_1)}$&5.961&12.56\% & &6.0355\cite{glwang} & & &\\
\small $M_{u\bar{b}(3P_1)}$& 6.282&12.42\% & & && &\\
\small $M_{s\bar{c}(1P_1)}$ & 2.460&14.23\% &2.459$\pm$0.0009 &2.4498\cite{glwang} & & & \\
\small $M_{s\bar{c}(2P_1)}$&2.746&13.23\% & &2.8304\cite{glwang} & & & \\
\small $M_{s\bar{c}(3P_1)}$&3.042&12.00\%&& & & & \\
$M_{u\bar{c}}$(\footnotesize{$1P_0$})&2.313&17.83\%& &2.3025\cite{glwang} & & & \\
$M_{u\bar{c}}$(\footnotesize{$2P_0$})&2.592&16.22\%& &2.6511 \cite{glwang} && & \\
$M_{u\bar{c}}$(\footnotesize{$3P_0$})&2.874&13.97\% & & & & \\
\hline \hline
\end{tabular}
\end{center}
\caption{Masss spectra of ground and excited states of axial vector
$1^{++}$ quarkonia (in GeV) in BSE-CIA (with the percentage contribution of the OGE to meson mass) along with data and results of other models}
\end{table}
\bigskip
We now calculate the leptonic decay constants of $1^{+-}$, and $1^{++}$ mesons.
\section{Leptonic decays of $1^{+-}$ mesons}
The decay constants of $1^{+-}$ states are defined through the relation,
\begin{equation}
<0|\bar{q}_1 \gamma_{\mu}(1-\gamma_5)q_2|A^-> = (f_{A^-})M\epsilon_{\mu}.
\end{equation}
Now, this equation can be expressed as a quark-loop integral,
\begin{equation}
(f_{A^-})M\epsilon_{\mu}=\sqrt{3}\int \frac{d^3\hat{q}}{(2\pi)^3}Tr[\Psi_{A^-}(\hat{q})(1-\gamma_5)\gamma_{\mu}],
\end{equation}
with the wave function, $\Psi^{A^-}(\hat{q})$ given in Eq,(10) as,
\begin{equation}
\psi_{A^-}(\hat{q})=(N_{A^-})\gamma_5 \epsilon.\hat{q}\bigg[g_1\bigg(1- i{\not}\hat{q} \frac{(\hat{q}^2+\omega_1 \omega_2-m_1 m_2)}{\hat{q}^2 (m_1+m_2)}\bigg)+g_2\bigg(i\frac{\not{P}}{M}+\frac{(m_1\omega_2-m_2\omega_1)}{(\omega_1+\omega_2)\hat{q}^2}\frac{{\not}P{\not}\hat{q}}{M}\bigg)\bigg]\phi_{A^-}(\hat{q}).
\end{equation}
Putting the expression for $\psi^A(\hat{q})$ above, and evaluating trace over the gamma matrices, we obtain,
\begin{equation}
(f_{A^-})M\epsilon_{\mu}=\sqrt{3}\int \frac{d^3\hat{q}}{(2\pi)^3}4(\hat{q}.\epsilon)q_{\mu} \frac{(\hat{q}^2+\omega_1 \omega_2-m_1 m_2)}{\hat{q}^2 (m_1+m_2)}\phi_{A^-}(\hat{q}).
\end{equation}
Now, multiplying both sides of the above equation by the polarization vector, $\epsilon_{\mu}$, we get,
\begin{equation}
(f_{A^-})M=\sqrt{3}N_{A^-}\int \frac{d^3\hat{q}}{(2\pi)^3}4(\hat{q}.\epsilon)^2 \frac{(\hat{q}^2+\omega_1 \omega_2-m_1 m_2)}{\hat{q}^2 (m_1+m_2)}\phi_{A^-}(\hat{q}),
\end{equation}
where, the 4D BS normalizer of axial ($1^{+-}$) meson, $N_{A^-}$, can be obtained by solving the current conservation condition,
\begin{equation}
2iP_{\mu}=\int \frac{d^4 q}{(2\pi)^4} Tr\bigg[\overline{\psi}(P,q)[\frac{\partial}{\partial P_{\mu}}S_F^{-1}(p_1)]\psi(P,q)S_F^{-1}(-p_2)\bigg] +(1 \leftrightarrow 2)
\end{equation}
We make use of the fact that $S_F^{-1}(p_{1,2}=i(\pm i\not{p}_{1,2}+m_{1.2})$, where $p_{1,2}=\hat{m}_{1,2}P\pm q$. In the hadron rest frame, where $P=(\overrightarrow{0}, iM)$, and $q=(\hat{q}, i0)$, we can reduce the above equation to the 3D form,
\begin{equation}
2iP_{\mu}=\int \frac{d^3\hat{q}}{(2\pi)^3}Tr\bigg[\overline{\psi}(\hat{q})(-\hat{m}_1\gamma_{\mu})\psi(\hat{q})[-i(\hat{m}_2\not{P}+\not{q})+m_2]\bigg]+(1\leftrightarrow 2)
\end{equation}
We can express the decay constants as,
\begin{equation}
f_{A^-}=\frac{4\sqrt{3}}{M}N_{A^-}\int \frac{d^3\hat{q}}{(2\pi)^3}\frac{(\hat{q}^2+\omega_1 \omega_2-m_1 m_2)}{\hat{q}^2 (m_1+m_2)}\phi_{A^-}(\hat{q}).
\end{equation}
The values of these decay constants of $1^{+-}$ quarkonia are given in Table 4 below:
\begin{table}[htbp]
\begin{center}
\begin{tabular}{p{1.8cm} p{1.6cm} p{2.5cm} p{1.6cm} p{2.2cm} p{2.3cm} p{2.3cm} }
\hline\hline
&BSE-CIA&Expt.&BSE\cite{glwang}& QCD SR1 &QCD-SR2 \\
\hline
$f_{h_{c}(1P)}$&0.161& -- &0 & 0.176\cite{arxiv} & 0.490\cite{wang} &\\
$f_{h_{c}(2P)}$&0.094& -- &0 &0.244\cite{arxiv} & & \\
$f_{h_{c}(3P)}$&0.062& -- &0 & & & \\
$f_{c\bar{b}(1P)}$&0.112& &0.050 & & &\\
$f_{c\bar{b}(2P)}$&0.061& & 0.049 & & & \\
$f_{c\bar{b}(3P)}$&0.038 & & & & & \\
$f_{s\bar{b}(1P)}$&0.235 & &0.076 & & &\\
$f_{s\bar{b}(2P)}$&0.104 & & 0.071 & & & \\
$f_{s\bar{b}(3P)}$&0.059& & & & & \\
$f_{u\bar{b}(1P)}$&0.271& & 0.076 & & &\\
$f_{u\bar{b}(2P)}$&0.111& & 0.070 & & & \\
$f_{u\bar{b}(3P)}$&0.064& & & & &\\
$f_{s\bar{c}(1P)}$&0.133& &0.062 & & &\\
$f_{s\bar{c}(2P)}$&0.094& &0.050 & & & \\
$f_{s\bar{c}(3P)}$&0.073& & & & &\\
$f_{u\bar{c}(1P)}$&0.146& &0.072 & & & \\
$f_{u\bar{c}(2P)}$&0.110 & & 0.056 & & &\\
$f_{u\bar{c}(3P)}$&0.095& & & & & \\ \hline
\hline
\end{tabular}
\end{center}
\caption{Leptonic decay constants, $f_{A^-}$ of ground
state (1P) and excited state (2P) and (3P) of heavy-light
axial vector ($1^{+-}$) mesons (in GeV.) in present calculation (BSE-CIA)
along with experimental data, and their masses in other models.}
\end{table}
\bigskip
\section{Leptonic decays of $1^{++}$ mesons}
The decay constants of $1^{++}$ states are defined through the relation,
\begin{equation}
<0|\bar{q}_1 \gamma_{\mu}(1-\gamma_5)q_2|A^+> = (f_{A^+})M\epsilon_{\mu}.
\end{equation}
Now, this equation can be expressed as a quark-loop integral,
\begin{equation}
(f_{A^+})M\epsilon_{\mu}=\sqrt{3}\int \frac{d^3\hat{q}}{(2\pi)^3}Tr[\Psi_{A^+}(\hat{q})(1-\gamma_5)\gamma_{\mu}],
\end{equation}
where, the wave function, $\Psi^{A+}(\hat{q})$ is given as,
\begin{equation}
\Psi^{A+}(\hat{q})=N_{A^+}\gamma_5 [i\not \epsilon +\frac{\not \epsilon \not P}{M}]\phi^{A^+}(\hat{q})
\end{equation}
We put the above equation into Eq.(35) to calculate the decay constants, $f_{A^+}$, which is obtained as,
\begin{equation}
f_{A+}=\frac{4\sqrt{3}}{M}N_{A^+}\int \frac{d^3 \hat{q}}{(2\pi)^3}\phi_{A+}(\hat{q}),
\end{equation}
where, the 4D BS normalizer of axial meson ($1^{++}$), $N_{A^+}$, is again obtained by solving the current conservation conditions.
The leptonic decay constants for $1^{++}$ quarkonia are given in the Table 5 below.
\begin{table}[htbp]
\begin{center}
\begin{tabular}{p{1.8cm} p{1.6cm} p{2.5cm} p{1.6cm} p{2.2cm} p{2.3cm} p{2.3cm} }
\hline\hline
&BSE-CIA&Expt.&BSE\cite{glwang} & LFQM\cite{verma11} &QCD-SR2 \\
\hline
$f_{\chi_{c1}(1P)}$&0.211& -- &0.206 & -0.105 & 0.490 \cite{wang} &\\
$f_{\chi_{c1}(2P)}$&0.248& -- &-0.207 & & & \\
$f_{\chi_{c1}(3P)}$&0.250& -- &0.199 & & & \\
$f_{s\bar{b}(1P)}$&0.243 & &0.157 &-0.166 & &\\
$f_{s\bar{b}(2P)}$&0.173 & & -0.156 & & & \\
$f_{s\bar{b}(3P)}$&0.143& & & & & \\
$f_{s\bar{c}(1P)}$&0.159& &0.219 &-0.159 & &\\
$f_{s\bar{c}(2P)}$&0.137& &-0.204 & & & \\
$f_{s\bar{c}(3P)}$&0.160& & & & &\\
$f_{u\bar{c}(1P)}$&0.166& &0.211 &-0.177 & & \\
$f_{u\bar{c}(2P)}$&0.129 & &-0.143 & & &\\
$f_{u\bar{c}(3P)}$&0.117& & & & & \\ \hline
\hline
\end{tabular}
\end{center}
\caption{Leptonic decay constants, $f_{A^+}$ of ground
state (1P) and excited state (2P) and (3P) of heavy-light
axial vector ($1^{++}$) mesons (in GeV.) in present calculation (BSE-CIA)
along with experimental data, and their masses in other models.}
\end{table}
\bigskip
\section{Discussion}
We have calculated the mass spectrum and leptonic decay constants of heavy-light ($Q\bar{q}$) axial vector mesons, both $1^{+-}$, and $1^{++}$ in the framework of $4\times 4$ Bethe-Salpeter equation. We have employed a 3D reduction of the Bethe-Salpeter equation under
Covariant Instantaneous Ansatz (CIA) with an interaction kernel
consisting of both the confining and one gluon exchange terms, to
derive the algebraic forms of the 3D mass spectral equations, that are explicitly dependent on the principal quantum number, $N$. Analytical Solutions of these mass spectral equations not only leads to mass spectrum of ground and excited states of heavy-light axial vector ($1^{++}$) and ($1^{+-}$) quarkonia, but also the
eigen functions of heavy-light quarkonia in an approximate
harmonic oscillator basis. These wave functions
for heavy-light mesons so derived, are then used to calculate their
leptonic decay constants.
Exact treatment of the spin
structure $(\gamma_{\mu}\bigotimes\gamma_{\mu})$ is done in the
interaction kernel. We first derive analytically the mass spectral
equation using only the confining part of the interaction kernel
for $Q\overline{q}$ systems. Then treating this mass spectral equation as
the unperturbed equation, we introduce the One-Gluon-Exchange
(OGE) perturbatively, and obtain the mass spectra for heavy-light $1^{++}$, and $1^{+-}$ quarkonia, treating the wave
functions derived above as the unperturbed wave functions. The parameters used were fit from the mass spectrum of pseudoscalar, vector and scalar heavy-light quarkonia and are given in Section 3 in this paper.
Mass spectral calculation is an important element to study dynamics of hadrons. Further, the analytic solutions of the spectral equations also lead to
hadronic wave functions that play an important role in the calculation of various processes involving $Q\overline{Q}$, and $Q\overline{q}$ hadrons. In our calculations, the wave functions were analytically derived from the mass spectral equations in approximate harmonic oscillator basis, and were recently used to calculate the leptonic decays of heavy-light $P$ and $V$ quarkonia\cite{gebrehana19}, two photon decays of $P$ and $S$ quarkonia\cite{bhatnagar18}, and single photon radiative $M1$, and $E1$ transitions through the processes, $V\rightarrow P\gamma$, $V\rightarrow S\gamma$, and $S\rightarrow V\gamma$ \cite{bhatnagar20}. In the present work, the wave functions derived from the mass spectral equations are used to calculate the leptonic decay constants of heavy-light $1^{+-}$, and $1^{++}$ quarkonia for which there is no experimental data presently available, and can be used as a guide for experiments.
We studied the plots of hadronic
Bethe-Salpeter wave functions calculated analytically in this
work. We studied the long distance
(nonperturbative) wave functions of $1^{+-}$ mesons
as a function of the internal momentum, $|\hat{q}|$ in
Figs. 1-4. For $1^{+-}$ mesons, the amplitude is
$0$ at $|\hat{q}|=0$ (since wave functions are odd), then
with increase in $|\hat{q}|$, it reaches a maximum. After this the amplitude shows a
damped oscillatory behavior, and finally becomes $0$. We wish to mention that very similar behaviour of plots is observed for $1^{++}$ mesons, due to which we give here only the plots of $1^{+-}$ mesons.
These plots show that the wave functions,$\phi(\hat{q})(nP)$ have $n-1$ nodes, which is a general
feature of quantum mechanical systems forming a bound state. An interesting
feature of these plots is that as the mass of the meson, $M$
increases, $\phi(\hat{q}) \rightarrow 0$ at a higher value of $|\hat{q}|$. As further seen from the plots, the wave functions of heavier mass $Q\bar{q}$ systems (such as $c\bar{b}, u\bar{b}$) extend to a
much shorter distance than the wave functions of ($h_c, u\bar{c}$), implying thereby that the heavier mesons
(comprising of $b$ quarks are more tightly bound than the comparatively lighter mesons
comprising of $c$ quark.
This feature is also supported by the fact that in general, the percentage contribution of $V_{coulomb}$ to
meson mass, $M$, is larger for $u\bar{b}$, than for $u\bar{c}$. Thus, the long distance wave functions of axial vector mesons can act as a bridge between the long distance
non-perturbative physics, and the short distance perturbative
physics. Thus the
wave functions calculated analytically by us can lead to studies
on a number of processes involving $Q\overline{Q}$, and
$Q\overline{q}$ states. These algebraic forms of wave functions are then
used to calculate the leptonic decay constants of axial vector (both $1^{+-}$, and $1^{++}$) quarkonia in this work as a test of these
wave functions.
We have first obtained the numerical values of masses for ground
and excited states of various heavy-light mesons and made
comparison of our results with experimental data and other models using the same input parameters that were used for calculation of mass spectra of scalar, vector and pseudoscalar heavy-light quarkonia, and their transitions\cite{gebrehana19,bhatnagar20}.
We then obtained the numerical values of leptonic
decay constants for these heavy-light axial vector
quarkonia with the same set of input parameters. \\
Our results of masses for ground and excited states of heavy-light axial ($1^{+-}$ and $1^{++}$) quarkonia which are in reasonable agreements with experimental data and other models. The experimental data\cite{zyla2020} for leptonic decay constants of axial vector mesons is not yet currently available, though they have been studied in some models.
We will be using the analytical forms of eigen functions for ground and excited states
of heavy-light $1^{+-}$, and $1^{++}$ quarkonia to evaluate the various transition
processes involving these quarkonia such as, $A^+\rightarrow V\gamma$, $A^-\rightarrow P\gamma$, $V\rightarrow A^+\gamma$, and $P\rightarrow A^-\gamma$ ($A^+/ A^-= 1^{++}/1^{+-}$ (axial vector), $V=1^{--}$ (vector), $P=0^{-+}$ (pseudoscalar), and $S=0^{++}$ (scalar) quarkonia) for further work.
|
\section{Introduction}
The $k$-means clustering algorithm is a simple yet powerful algorithm, which has been widely used in various application areas including, for example, computer vision, statistic, robotics, bioinformatics, machine learning, signal processing and medical image engineering. The standard Euclidean $k$-means algorithm proposed by Lloyd \cite{Lloyd_IEEEST_1982_s} minimizes the total squared distances between all data samples and their assigned cluster {\it centroids}. This algorithm consists of two iterative steps, the assignment step and the update step, when clustering $q$ data samples into $k$ clusters. Because the assignment step requires calculation cost $\mathcal{O}(qk)$, this step becomes prohibitively expensive when $q$ is larger. For this issue, many authors have proposed efficient approaches \cite{Alsabti_IPPS_1998, Pelleg_KDD_1999, Kanungo_PAMI_2002,Elkan_ICML_2003, Hamerly_SDM_2010, Drake_OPT_2012, Ding_ICML_2015,Bottesch_ICML_2016}.
It should be also noted that $k$-means algorithm is equivalent to non-negative matrix factorization (NMF) \cite{Chris_SDM_2005}, and NMF has been applied to many fields \cite{Innami_CMA_2012,Kasai_IEEEICASSP_2018,Kasai_EUSIPCO_2018,Hashimoto_ICASSP_2020}.
Regarding another direction of the research in the $k$-means clustering algorithm, some efforts have achieved improvement of the clustering quality. Some of them address the point that the $k$-means clustering algorithm ignores {\it latent} structure of data samples, such as {\it histogram} data \cite{Bottesch_ICML_2016}. One approach in this category achieves better performances than the standard algorithm in terms of the clustering quality by exploiting the {\it Wasserstein} distance \cite{Ye_2017_IEEETSP_s}, a metric between probability distributions of histograms which respects their latent geometry of the space. This is called the {\it Wasserstein $k$-means} algorithm hereinafter. The Wasserstein distance, which originates from {\it optimal transport} theory \cite{Peyre_2019_OTBook}, has many favorable properties \cite{Villani_2008_OTBook}. Therefore, it is applied for a wide variety problems in machine learning \cite{Kasai_ICASSP_2020}, statistical learning and signal processing. Nevertheless, calculation of the Wasserstein distance requires much higher computational costs than that of the standard Euclidean $k$-means algorithm because it calculates an optimization problem every iteration, which makes the Wasserstein $k$-means infeasible for a larger-scale data.
To this end, this paper presents a proposal of a faster Wasserstein $k$-means algorithm for histogram data by reducing the Wasserstein distance computations exploiting {\it sparse simplex projection}. More concretely, we shrink data samples, centroids, and the ground cost matrix, which drastically reduces computations to solve linear programming optimization problems in optimal transport problems without loss of clustering quality. Furthermore, we dynamically reduce the computational complexity by removing lower-valued histogram elements and harnessing the sparse simplex projection while maintaining degradation of the clustering quality lower. We designate this proposed algorithm as sparse simplex projection based Wasserstein $k$-means, or SSPW $k$-means. Numerical evaluations are then conducted against the standard Wasserstein $k$-means algorithm to demonstrate the effectiveness of the proposed SSPW $k$-means for real-world datasets.
The source code will be made available at \url{https://github.com/hiroyuki-kasai}.
\section{Preliminaries}
This section first presents the notation used in the remainder of this paper. It then introduces the optimal transport problem, followed by explanation of the Wasserstein $k$-means algorithm.
\subsection{Notation}
We denote scalars with lower-case letters $(a, b, \ldots)$, vectors as bold lower-case letters $(\vec{a}, \vec{b}, \ldots)$, and matrices as bold-face capitals $(\mat{A}, \mat{B}, \ldots)$. The $i$-th element of \vec{a} and the element at the $(i,j)$ position of \mat{A} are represented as $\vec{a}_i$ and $\mat{A}_{ij}$, respectively. $\vec{1}_d$ is used for the $d$-dimensional vector of ones. Operator $(\cdot)^T$ stands for the matrix transpose. Operator $[\vec{a}_i]_+$ represents $\mathrm{max}(a,0)$ that outputs $a$ when $a\! \geq\! 0$, and $0$ otherwise. Given a set $\mathcal{S} \subseteq \mathcal{N} = \{1, \ldots, n\}$, the complement $\mathcal{S}^c$ is defined with respect to $\mathcal{N}$, and the cardinality is $|\mathcal{S}|$. The support set of \vec{a} is ${\rm supp}(\vec{a}) = \{i : \vec{a}_i \neq 0\}$. $\vec{a}_{| \mathcal{S}}$ extracts the elements of $\mathcal{S}$ in \vec{a}, of which size is $|\mathcal{S}|$. $\mathbb{R}_{+}^{n \times m}$ represents a nonnegative matrix of size ${n \times m}$. The unit-simplex, simply called {\it simplex}, is denoted by $\Delta_n$, which is the subset of $\mathbb{R}^n$ comprising all nonnegative vectors whose sums is 1. $\lfloor a \rfloor$ represents the floor function, which outputs the greatest integer less than or equal to $a$.
\subsection{Euclidean $k$-means and speed-up methods}
\label{sec:kmeans}
The goal of the standard Euclidean $k$-means algorithm is to partition given $q$ data $\mat{X} = \{\vec{x}_1, \ldots, \vec{x}_q\} \subset \mathbb{R}^d$ into $k$ separated groups, i.e., $k$ {\it clusters}, as $\mathcal{C}= \{C_1, \ldots, C_k\}$ such that the following $k$-means cost function is minimized:
\begin{eqnarray}
\label{Eq:KmeansObj}
f(\mat{C}, \mat{X}) & = & \sum_{j=1}^k \sum_{\vec{x}_i \in C_j} \| \vec{x}_i - \vec{c}_j \|_2^2,
\end{eqnarray}
where $\mat{C}=\{\vec{c}_1, \ldots, \vec{c}_k\}\subset \mathbb{R}^d$ is a set of $k$ cluster centers, designated as centroids hereinafter. Also, $ \| \cdot \|_2^2$ represents the squared Euclidean distance. Consequently, our aim is to find $k$ cluster centroids $\mat{C}$. It is noteworthy that the problem defined in (\ref{Eq:KmeansObj}) is {\it non-convex}. It is known to be an NP-hard problem \cite{Dasgupta_TR_2007, Mahajan_WALCOM_2009}. Therefore, many efforts have been undertaken to seek a {\it locally} optimized solution of (\ref{Eq:KmeansObj}). Among them, the most popular but simple and powerful algorithm is the one proposed by Lloyd \cite{Lloyd_IEEEST_1982_s}, called Lloyd's $k$-means.
This algorithm consists of two iterative steps where the first step, called the {\it assignment} step, finds the closest cluster centroid $\vec{c}_j (\in [k])$ for each data sample $\vec{x}_i (\in [q])$. It then updates the cluster centroids $\mat{C}$ at the second step, called the {\it update} step. These two steps continue until the clusters do not change anymore. The algorithm is presented in {\bf Algorithm \ref{LoydAlgorithm}}.
\begin{algorithm}
\caption{Lloyd's algorithm for $k$-means \cite{Lloyd_IEEEST_1982_s}}
\label{LoydAlgorithm}
\begin{algorithmic}[1]
\Require{data $\mat{X}\!=\!\{\vec{x}_1, \ldots, \vec{x}_q\} \!\subset\! \mathbb{R}^d$, cluster number $k \in \mathbb{N}$.}
\State{Initialize randomly centroids $\mat{C}=\{\vec{c}_1, \ldots, \vec{c}_k\}\subset \mathbb{R}^d$.}
\Repeat
\State{Find closest centroids (assignment step):\\
\hspace*{1cm} $s_i= \text{argmin}_{j=1, \ldots, k}\ \|\vec{x}_i-\vec{c}_j\|_2^2, \forall i \in [q].$}
\State{Update centroids (update step):\\
\hspace*{1cm} $\vec{c}_j = {\rm mean}(\vec{x} \in \mat{X} | s_i=j\}), \forall j \in [k].$}
\Until {cluster centroids stop changing.}
\Ensure{cluster centers $\mat{C}=\{\vec{c}_1, \ldots, \vec{c}_k\}$.}
\end{algorithmic}
\end{algorithm}
Although Lloyd's $k$-means is simple and powerful, the obtained result is not guaranteed to reach a {\it global} optimum because the problem is not convex. For that reason, several efforts have been launched to find good initializations of Lloyd's algorithm \cite{Arthur_SODA_2007, Ostrovsky_FOCS_2006, Bahmani_VLDB_2012}.
Apart from the lack of the global guarantee, Lloyd's algorithm is adversely affected by high computation complexity. The highest complexity comes from the assignment step, where the Euclidean distances among all the data samples and all cluster centroids must be calculated.
This cost of complexity is $\mathcal{O}(qk)$, which is infeasible for numerous data samples or clusters. It is also problematic for higher dimension $d$. For this particular problem, many authors have proposed efficient approaches. One category of approaches is to generate a hierarchical tree structure of the data samples and to make the assignment step more efficient \cite{Alsabti_IPPS_1998, Pelleg_KDD_1999, Kanungo_PAMI_2002}. However, this also entails high costs to maintain this structure. It becomes prohibitively expensive for larger dimension data samples. Another category is to reduce {\it redundant} calculations of the distance at the assignment step. For example, if the assigned centroid changes closer to a data sample $\vec{x}$ in {\it successive} iterations, then it is readily apparent that all other centroids that did not change cannot move to $\vec{x}$. Consequently, the distance calculations to the corresponding centroids can be omitted. In addition, the triangle inequality is useful to skip the calculation. This category includes, for example, \cite{Elkan_ICML_2003, Hamerly_SDM_2010, Drake_OPT_2012, Ding_ICML_2015,Bottesch_ICML_2016}. However, it remains unclear whether these approaches are applicable to Wasserstein $k$-means described later in {Section \ref{sec:Wkmeans}}.
\subsection{Optimal transport \cite{Peyre_2019_OTBook}}
\label{Sec:OT}
Let $\Omega$ be an arbitrary space, $d(\cdot, \cdot)$ a {\it metric} on that space, and $P(\Omega)$ the set of Borel {\it probability measures} on $\Omega$. For any point $\nu \in \Omega$ is the Dirac unit mass on $\nu$. Here, we consider two families $\vec{\nu}=(\nu_1, \ldots, \nu_m)$ and $\vec{\mu}=(\mu_1, \ldots, \mu_n)$ of point in $\Omega$, where $\vec{a}$ and $\vec{b}$ respectively satisfy $\vec{a}\!=\!(a_1 \ldots, a_m)^T \in \mathbb{R}_+^m$ and $\vec{b}\!=\!(b_1 \ldots, b_n)^T \in \mathbb{R}_+^n$ with $\sum_i^m a_i=\sum_j^n b_j = 1$. The {\it ground cost matrix} $\mat{C}_{\scriptsize \vec{\nu \mu}}$, or simply \mat{C}, represents the distances between elements of \vec{\nu} and \vec{\mu} raised to the power $p$ as
$\mat{C}_{{\scriptsize{\vec{\nu \mu}}}} \ =\ \mat{C} := [d(\nu_u, \mu_v)^p]_{uv} \ \ \in \mathbb{R}_+^{m \times n}$.
The cost {\it transportation polytope} $\mathcal{U}_{mn}$ of $a \in \Delta_m$ and $b \in \Delta_n$ is a feasible set defined as the set of $m \times n$ nonnegative matrices such that their row and column {\it marginals} are respectively equal to $a$ and $b$. It is formally defined as
\begin{eqnarray*}
\mathcal{U}_{mn} &:=&
\{
\mat{T} \in \mathbb{R}^{m\times n}_+ : \mat{T} \vec{1}_n = \vec{a}, \mat{T}^T \vec{1}_m = \vec{b}
\}.
\end{eqnarray*}
Consequently, the {\it optimal transport matrix} $\mat{T}^*$ is defined as a solution of the following {\it optimal transport} problem \cite{Peyre_2019_OTBook}
\begin{eqnarray}
\label{Eq:optimal_transport_problem}
\mat{T}^* &=& \mathop{\rm arg~min}\limits_{\scriptsize \mat{T}\ \in\ \mathcal{U}_{mn}}\ \langle \mat{T}, \mat{C}\rangle.
\end{eqnarray}
\subsection{Wasserstein distance and Wasserstein $k$-means \cite{Ye_2017_IEEETSP_s}}
\label{sec:Wkmeans}
The Wasserstein $k$-means algorithm replaces the distance metric $\|\vec{x}_i-\vec{c}_j\|_2^2$ in (\ref{Eq:KmeansObj}) with the following the $p$-Wasserstein distance $W_p(\vec{\mu}, \vec{\nu})$, which is formally defined as shown below.
\noindent
{\bf Definition 1}\ ($p$-Wasserstein distance){\bf .}
For $\vec{\mu}$ and $\vec{\nu}$, the Wasserstein distance of order $p$ is defined as
\begin{eqnarray*}
W_p(\vec{\mu}, \vec{\nu})
& = & \min_{\scriptsize \mat{T}\ \in\ \mathcal{U}_{mn}}\ \langle \mat{T}, \mat{C}\rangle
= \langle \mat{T}^*, \mat{C} \rangle.
\end{eqnarray*}
In addition, the calculation in Step 2 in {\bf Algorithm \ref{LoydAlgorithm}}, i.e., the update step, is replaced with the Wasserstein barycenter calculation, which is defined as presented below.
\noindent
{\bf Definition 2}\ (Wasserstein barycenter \cite{Benamou_2015_SIAMJSC}){\bf .}
A Wasserstein barycenter of $q$ measures $\{\vec{\nu}_1, \ldots, \vec{\nu}_q\} \in \mathcal{P} \subset P(\Omega) $ is a minimizer of $g(\vec{\mu})$ over $\mathcal{P}$ as
\begin{eqnarray*}
g(\vec{\mu}) &:=& \frac{1}{n} \sum_{i=1}^q W_p(\vec{\mu}, \vec{\nu}_i).
\end{eqnarray*}
Addressing that $m=n$ holds in this case, we assume $\{\mat{T}, \mat{C}\} \subset \mathbb{R}^{n\times n}_+$ hereinafter. Then, the overall algorithm is summarized in {\bf Algorithm \ref{Alg:Wkmeans}}.
\begin{algorithm}[t]
\caption{Wasserstein $k$-means}
\label{Alg:Wkmeans}
\begin{algorithmic}[1]
\Require{data $\{\vec{\nu}_1, \ldots, \vec{\nu}_q\}$, cluster number $k \in \mathbb{N}$, ground cost matrix $\mat{C} \in \mathbb{R}^{n \times n}$.}
\State{Initialize centroids $\{{\vec{c}}_1, \ldots, {\vec{c}}_k\}$.}
\Repeat
\State{Find closest centroids (assignment step):\\
\hspace*{1cm} $s_i = \text{argmin}_{j=1, \ldots, k}\ W_p({\vec{\nu}}_i, {\vec{c}}_j), \forall i \in [q].$}
\State{Update centroids (update step):\\
\hspace*{1cm} $\vec{c}_j = \text{barycenter}(\{\vec{\nu}|s_i=j\}), \forall j \in [k].$}
\Until {cluster centroids stop changing.}
\Ensure{cluster centers $\{\vec{c}_1, \ldots, \vec{c}_k\}$.}
\end{algorithmic}
\end{algorithm}
The computation of the Wasserstein barycenters has recently gained increasing attention in the literature because it has a wide range of applications. Many fast algorithms have been proposed, and they include, for example, \cite{Cuturi_ICML_2014,Bonneel_JMIV_2015,Anderes_MMOR_2016,Ye_2017_IEEETSP_s,Claici_ICML_2018,Puccetti_JMA_2020}. Although they are effective at the update step in the Wasserstein $k$-means algorithm, they do not directly tackle the computational issue at the assignment step that this paper particularly addresses. \cite{Staib_CI_2017} proposes a mini-batch algorithm for the Wasserstein $k$-means. However, it is not clear whether it gives better performances than the original Wasserstein $k$-means algorithm due to the lack of comprehensive experiments. Regarding another direction, the direct calculation of a Wasserstein barycenter of sparse support may give better performances on the problem of interest in this paper. However, as suggested and proved in \cite{Borgwardt_arXiv_2019}, the finding such a sparse barycenter is a hard problem, even in dimension $2$ and for only $3$ measures.
\section{Sparse simplex projection-based Wasserstein $k$-means: SSPW $k$-means}
After this section describes the motivation of the proposed method, it presents elaboration of the algorithm of the proposed sparse simplex projection based Wasserstein $k$-means.
\subsection{Motivation}
The optimal transport problem in (\ref{Eq:optimal_transport_problem}) described in {Section \ref{Sec:OT}} is reformulated as
\begin{align}
\label{Eq:optimal_transport_LP_problem}
\mat{T}^* &= \mathop{\rm arg~min}\limits_{\scriptsize \mat{T}\ \in\ \mathcal{U}_{mn}}\ [\mat{T}]_{uv} \| \nu_u - \mu_v \|_p^p,\notag\\
{\rm s.t.} & \quad \sum_{u=1}^m [\mat{T}]_{uv} = b_v, v \in [n],\sum_{j=1}^n [\mat{T}]_{uv} = a_u, u \in [m].
\end{align}
Consequently, this problem is reduced to the {\it linear programming} (LP) problem with $(m+n)$ {\it linear} equality constraints. The LP problem is an optimization problem with a linear objective function and linear equality and inequality constraints. The problem is solvable using general LP problem solvers such as the simplex method, the interior-point method and those variants. The computational complexity of those methods, however, scales at best {\it cubically} in the size of the input data. Here, if the measures have $ n (=m)$ bits, then the number of unknowns $[\mat{T}]_{uv}$ is $n^2$, and the computational complexities of the solvers are at best $\mathcal{O}(n^3 \log n)$ \cite{Cuturi_2013_NIPS,RUBNER_IJCV_2000}. To alleviate this difficulty, the entropy-regularized algorithm, known as {\it Sinkhorn algorithm}, is proposed under the entropy-regularized Wasserstein distance. This algorithm regularizes the Wasserstein metric by the entropy of the transport plan and enables much faster numerical schemes with complexity $\mathcal{O}(n^2)$ or $\mathcal{O}(n \log n)$. It is nevertheless difficult to obtain a higher-accuracy solution. In addition, it can be unstable if the regularization parameter is reduced to a smaller value to improve the accuracy.
Subsequently, this paper continues to describe the original LP problem in (\ref{Eq:optimal_transport_LP_problem}). We attempt to reduce the size of the measures. More specifically, we adopt the following approaches:
(i) we make the input data samples $\vec{\nu}$ and the centroids $\vec{c}$ sparser than the original one by projecting them onto sparser simplex, and
(ii) we shrink the projected data sample $\vec{\nu}$ and centroid $\vec{c}$ and the corresponding ground cost matrix $\mat{C}_{\vec{\nu c}}$ by removing their zero elements.
Noteworthy points are that the first approach enables to speed-up the computation while maintaining degradation of the clustering quality as small as possible. The second approach yields no degradation.
\begin{algorithm}[t]
\caption{Proposed sparse simplex projection Wasserstein $k$-means (SSPW $k$-means)}
\label{Alg:SSPWkmeans}
\begin{algorithmic}[1]
\Require{data $\{\vec{\nu}_1,\! \ldots,\! \vec{\nu}_q\}$, cluster number $k\! \in\! \mathbb{N}$, ground cost matrix $\mat{C} \in \mathbb{R}^{n \times n}$, maximum number $T_{\rm max}$, $\gamma_{\rm min}$.}
\State{Initialize centroids $\{\tilde{\vec{c}}_1, \ldots,\tilde{\vec{c}}_k\}$, set $t=1$.}
\Repeat
\State{Update sparsity ratio $\gamma(t)$.}
\State{Project $\vec{\nu}_i$ to $\hat{\vec{\nu}}_i$ on sparse simplex $\Delta_p$:\\
\hspace*{1cm} $\hat{\vec{\nu}}_i = \text{Proj}^{\gamma(t)}(\vec{\nu}_i)\ \forall i \in [q]$}.
\State{Shrink $\hat{\vec{\nu}}_i$ into $\tilde{\vec{\nu}}_i$: $\tilde{\vec{\nu}}_i =\text{shrink}(\hat{\vec{\nu}}_i)$.}
\State{Project $\vec{c}_j$ into $\hat{\vec{c}}_j$ on sparse simplex $\Delta_p$: \\
\hspace*{1cm} $\hat{\vec{c}}_j = \text{Proj}^{\gamma}(\vec{c}_j)\ \forall j \in [k]$.}
\State{Shrink $\hat{\vec{c}}_j$ into $\tilde{\vec{c}}_j$: $\tilde{\vec{c}}_j =\text{shrink}(\hat{\vec{c}}_j)$.}
\State{Shrink ground cost matrix $\mat{C}$ into $\tilde{\mat{C}}$: $\tilde{\mat{C}}=\text{Shrink}(\mat{C})$}
\State{Find closest centroids (assignment step):\\
\hspace*{1cm} $s_i = \text{argmin}_{j=1, \ldots, k}\ W_p(\tilde{\vec{\nu}}_i, \tilde{\vec{c}}_j), \forall i \in [q].$}
\State{Update centroids (update step):\\
\hspace*{1cm} $\vec{c}_j = \text{barycenter}(\{\vec{\nu}|s_i=j\}), \forall j \in [k].$}
\Until {cluster centroids stop changing.}
State{Update the iteration number $t$ as $t=t+1$.}
\Ensure{cluster centers $\{\vec{c}_1, \ldots, \vec{c}_k\}$.}
\end{algorithmic}
\end{algorithm}
\subsection{Sparse simplex projection}
\label{Sec:SSP}
We first consider the sparse simplex projection $\text{Proj}^{\gamma(t)}(\cdot)$, where $\gamma(t) \in (0,1]$ is the control parameter of the sparsity, which is described in {Section \ref{sec:gamma}}. $\text{Proj}^{\gamma(t)}(\cdot)$ projects the $i$-th data sample $\vec{\nu}_i$ and the $j$-th centroid $\vec{c}_j$, respectively, into sparse $\hat{\vec{\nu}}_{i}$ and $\hat{\vec{c}}_j$ on $\Delta_n$. For this purpose, we exploit the projection method proposed in \cite{Kyrillidis_ICML_2013}, which is called GSHP.
More concretely, denoting the original $\vec{\nu}_i$ or $\vec{c}_j$ as $\vec{\beta} \in \Delta_n$, and the projected $\hat{\vec{\nu}}_{i}$ or $\hat{\vec{c}}_j$ as $\hat{\vec{\beta}}\in \Delta_n$, then $\hat{\vec{\beta}}$ is generated as
\begin{eqnarray*}
\label{Eq:SparseProjection}
\hat{\vec{\beta}} = \text{Proj}^{\gamma(t)}(\vec{\beta})
= \left\{
\begin{array}{lrl}
\hat{\vec{\beta}}_{| \mathcal{S}^{\star}} &\!\!=\!\! & \mathcal{P}_{\Delta_{\kappa}}(\vec{\beta}_{|\mathcal{S}^{\star}})\\
\hat{\vec{\beta}}_{| (\mathcal{S}^{\star})^c} &\!\! =\!\! & 0,
\end{array}
\right.
\end{eqnarray*}
where $\kappa=\lfloor n\cdot \gamma(t)\rfloor$, and where $\mathcal{S}^{\star}$ is defined as
$\mathcal{S}^{\star} = {\rm supp}(\mathcal{P}_{\kappa}(\vec{\beta}))$,
where $\mathcal{P}_{\kappa}(\vec{\beta})$ is the operator that keeps the $\kappa$-largest elements of \vec{\beta} and sets the rest to zero. Additionally, the $v (\in [n])$-th element of $\mathcal{P}_{\Delta_{\kappa}}(\vec{\beta}_{|\mathcal{S}^{\star}})$ is defined as
\begin{eqnarray*}
\label{Eq:Plambda}
(\mathcal{P}_{\Delta_{\kappa}}(\vec{\beta}_{|\mathcal{S}^{\star}}))_v &=& [(\vec{\beta}_{| \mathcal{S}^{\star}})_v + \tau]_+,
\end{eqnarray*}
where $\tau$ is defined as
\begin{eqnarray*}
\tau &:=& \frac{1}{\kappa}\left( 1 + \sum^{|\mathcal{S}^{\star}|} \vec{\beta}_{| \mathcal{S}^{\star}} \right).
\end{eqnarray*}
This computational complexity is $ \mathcal{O}(n \min(\kappa, \log(n)))$.
\begin{center}
\begin{table*}[t]
\caption{Averaged clustering performance results on COIL-100 dataset dataset (5 runs). The best result in each $\gamma_{\rm min}$ is shown in bold. The best in all settings is shown in bold with underline.}
\begin{center}
\label{tabl:COIL100_dataset}
\begin{tabular}{c|c|c|c||c|c|c|c|c|c|c|c}
\hline
method & shrink& \multicolumn{2}{|c||}{projection} & \multicolumn{2}{|c|}{Purity} & \multicolumn{2}{|c|}{NMI}
& \multicolumn{2}{|c|}{Accurarcy}& \multicolumn{2}{|c}{Time } \\
\cline{3-4}
&oper. & $\tilde{\vec{\nu}}_i$ & $\tilde{\vec{c}}_j$ & \multicolumn{2}{|c|}{[$\times 10^{2}$]} & \multicolumn{2}{|c|}{[$\times 10^{2}$]} & \multicolumn{2}{|c|}{[$\times 10^{2}$]}& \multicolumn{2}{|c}{[$\times 10^{2}$sec]} \\
\hline
\hline
$k$-means & & & & \multicolumn{2}{|c|}{{38.0}} & \multicolumn{2}{|c|}{{41.2}} & \multicolumn{2}{|c|}{{35.4}}& \multicolumn{2}{|c}{{$1.49 \times 10^{-4}$}}\\
\hline
\hline
baseline & & & & \multicolumn{2}{|c|}{59.2} & \multicolumn{2}{|c|}{65.5} & \multicolumn{2}{|c|}{58.2}& \multicolumn{2}{|c}{6.51}\\
\cline{1-4}
\cline{11-12}
shrink & $\checkmark$ && & \multicolumn{2}{|c|}{} & \multicolumn{2}{|c|}{} & \multicolumn{2}{|c|}{} & \multicolumn{2}{|c}{5.01} \\
\hline
\hline
--& -- &\multicolumn{2}{|c||}{$\gamma_{\rm min}$} & 0.7 & 0.8 & 0.7 & 0.8 &0.7 & 0.8 &0.7 & 0.8 \\
\hline
\hline
& $\checkmark$& & $\checkmark$&
56.5&57.7&
65.2&64.4&
55.0&55.9&
2.50&3.28\\
\cline{2-12}
FIX & $\checkmark$& $\checkmark$&&
61.3&60.9&
66.0&66.6&
59.1&59.7&
2.73&3.60\\
\cline{2-12}
& $\checkmark$& $\checkmark$& $\checkmark$ &
60.7&57.3&
66.8&65.5&
59.0&55.8&
\underline{\bf 1.62}&{\bf 2.40}\\
\hline
& $\checkmark$& & $\checkmark$&
59.5&59.7&
65.0&65.6&
58.4&58.6&
2.62&3.43\\
\cline{2-12}
DEC & $\checkmark$& $\checkmark$& &
60.7&59.1&
66.7&65.5&
59.7&58.0&
4.15&4.00\\
\cline{2-12}
& $\checkmark$& $\checkmark$ & $\checkmark$&
60.0&59.5&
66.0&65.4&
59.0&58.5&
2.83&3.45\\
\hline
& $\checkmark$& & $\checkmark$&
58.4&58.5&
65.0&65.5&
57.0&57.3&
6.20&6.65\\
\cline{2-12}
INC & $\checkmark$& $\checkmark$& &
\underline{\bf 63.5}&{\bf 61.2}&
\underline{\bf 68.1}&{\bf 66.8}&
\underline{\bf 62.5}&{\bf 59.9}&
6.27&6.76\\
\cline{2-12}
& $\checkmark$& $\checkmark$ & $\checkmark$&
58.3&57.2&
65.4&64.5&
56.5&55.9&
5.12&5.82\\
\hline
\end{tabular}
}
\end{center}
\end{table*}
\end{center}
\begin{figure*}[t]
\begin{center}
\begin{minipage}[b]{.48\linewidth}
\centering
\includegraphics[width=1\linewidth]{results/COIL100_Purity.eps}
{\small (a) Purity}\medskip
\end{minipage}
\begin{minipage}[b]{.48\linewidth}
\centering
\includegraphics[width=1\linewidth]{results/COIL100_NMI.eps}
{\small (b) NMI}\medskip
\end{minipage}
\begin{minipage}[b]{.48\linewidth}
\centering
\includegraphics[width=1\linewidth]{results/COIL100_ACC.eps}
{\small (c) Accuracy}\medskip
\end{minipage}
\begin{minipage}[b]{.48\linewidth}
\centering
\includegraphics[width=1\linewidth]{results/COIL100_Time_Reverse.eps}
{\small (d) Computation time}\medskip
\end{minipage}
\end{center}
\caption{Performance results of 1-D histogram data on the COIL100 dataset.}
\label{fig:COIL100_clustering_results}
\end{figure*}
\subsection{Shrinking operations according to zero elements}
The sparse simplex projection in the previous section increases the number of zeros in the centroid and data samples. We reduce the computational complexity by harnessing this sparse structure. The {\it vector shrinking} operator, denoted as $\text{shrink}(\cdot)$, removes the zero elements from the projected sample $\hat{\vec{\nu}}_{i}$ and centroid $\hat{\vec{c}}_{i}$, and generates $\tilde{\vec{\nu}}_i$ and $\tilde{\vec{c}}_j$, respectively. It should be noted that this operation does not produce any degradations in terms of the solution of the LP optimization problem. More specifically, $\hat{\vec{\nu}}_{i}$ can be calculated as
\begin{eqnarray*}
\tilde{\vec{\nu}}_{i}
& = & \text{shrink}(\hat{\vec{\nu}}_{i})
\ =\ (\hat{\vec{\nu}}_{i})_{| \mathcal{S}_{\rm samp}} \ \ \in \mathbb{R}^{|\mathcal{S}_{\rm samp}|},
\end{eqnarray*}
where $\mathcal{S}_{\rm samp} = {\rm supp}(\tilde{\vec{\nu}}_{i})$. Similarly to this, we calculate
\begin{eqnarray*}
\tilde{\vec{c}}_{i} & = & \text{shrink}(\hat{\vec{c}}_{i}) \ =\ (\hat{\vec{c}}_{i})_{| \mathcal{S}_{\rm cent}} \ \ \in \mathbb{R}^{|\mathcal{S}_{\rm cent}|},
\end{eqnarray*}
where $\mathcal{S}_{\rm cent} = {\rm supp}(\tilde{\vec{c}}_{i})$.
Accordingly, we must also shrink the ground cost matrix $\mat{C}_{\vec{\nu c}}$ based on the change of the size of $\tilde{\vec{c}}_{i}$ and $\tilde{\vec{\nu}}_{i}$. For this purpose, we newly introduce the {\it matrix shrinking} operator $\text{Shrink}(\cdot)$, which removes the row and the column vectors from $\mat{C}_{\vec{\nu c}}$. The removal is performed against $(\mathcal{S}_{\rm cent})^c$ and $(\mathcal{S}_{\rm samp})^c$. Consequently, $\mat{C}_{\vec{\nu c}}$ is compressed into $\tilde{\mat{C}}$ using $\text{Shrink}(\cdot)$ as
\begin{eqnarray*}
\tilde{\mat{C}} = \text{Shrink}(\mat{C}_{\vec{\nu c}})
= \mat{C}_{{\rm supp}(\tilde{\vec{\nu}}_{i}),{\rm supp}(\tilde{\vec{c}}_{i})} \ \in \mathbb{R}^{ |\mathcal{S}_{\rm samp}| \times |\mathcal{S}_{\rm cent}|}.
\end{eqnarray*}
It should also be noted that the size of $\tilde{\mat{C}}$ is $ |\mathcal{S}_{\rm samp}| \times |\mathcal{S}_{\rm cent}|$. Those sizes change according to the control parameter of the sparse ratio $\gamma(t)$, which is described in the next subsection.
\subsection{Control parameter of sparse ratio $\gamma(t)$}
\label{sec:gamma}
As described in {Section \ref{Sec:SSP}}, the control parameter of the sparsity is denoted as $\gamma(t)$, where $t$ represents the iteration number $t$. We also propose three $\gamma(t)$ control algorithms, which are denoted respectively as `FIX' (fixed), `DEC' (decrease), and `INC'(increase). They are mathematically formulated as
\begin{equation*}
\gamma(t):=\left\{
\begin{array}{lrl}
\displaystyle{\gamma_{\rm min}}&\quad& \text{({FIX})} \\
\displaystyle{1-\frac{(1 - \gamma_{\rm min})}{T_{\rm max}}t }&& \text{({DEC})} \\
\displaystyle{\gamma_{\rm min} + \frac{(1 - \gamma_{\rm min})}{T_{\rm max}}t} && \text{({INC})},
\end{array}
\right.
\end{equation*}
where $\gamma_{\rm min} \in \mathbb{R}$ is the minimum value, and where $T_{\rm max} \in \mathbb{N}$ is the maximum number of the iterations. The overall algorithm of the proposed SSPW $k$-means is presented in {\bf Algorithm \ref{Alg:SSPWkmeans}}.
\begin{landscape}
\begin{table*}[htbp]
\caption{Averaged clustering performance results on USPS dataset dataset (10 runs). The best result in each $\gamma_{\rm min}$ is shown in bold. The best in all settings is shown in bold with underline.}
\begin{center}
{\small
\label{tabl:USPS_dataset}
\begin{tabular}{c|c|c|c||c|c|c|c|c|c|c|c|c|c|c|c|c|c|c|c}
\hline
\!\!\!method\!\!\! & \!\!\!shrink\!\!\! & \multicolumn{2}{|c||}{\!\!\!projection\!\!\!} & \multicolumn{4}{|c|}{Purity} & \multicolumn{4}{|c|}{NMI} & \multicolumn{4}{|c|}{Accuracy} & \multicolumn{4}{|c}{Time } \\
\cline{3-4}
&\!\!\!oper.\!\!\! & $\tilde{\vec{\nu}}_i$ & $\tilde{\vec{c}}_j$ & \multicolumn{4}{|c|}{[$\times 10^{2}$]} & \multicolumn{4}{|c|}{[$\times 10^{2}$]} & \multicolumn{4}{|c|}{[$\times 10^{2}$]}& \multicolumn{4}{|c}{[$\times 10^{2}$sec]} \\
\hline
\hline
\!\!\!\!\!\!\!\!{$k$-means}\!\!\!\!\!\!\!\! & & & & \multicolumn{4}{|c|}{{65.5}} & \multicolumn{4}{|c|}{{65.8}} & \multicolumn{4}{|c|}{{64.1}}& \multicolumn{4}{|c}{{$2.13 \times 10^{-4}$}}\\
\cline{1-4}
\hline
\hline
\!\!\!\!\!\!\!\!baseline\!\!\!\!\!\!\!\! & & & & \multicolumn{4}{|c|}{66.6} & \multicolumn{4}{|c|}{65.0} & \multicolumn{4}{|c|}{65.5}& \multicolumn{4}{|c}{8.29}\\
\cline{1-4}
\cline{17-20}
shrink & $\checkmark$ && & \multicolumn{4}{|c|}{} & \multicolumn{4}{|c|}{} & \multicolumn{4}{|c|}{}& \multicolumn{4}{|c}{7.02} \\
\hline
\hline
--& -- &\multicolumn{2}{|c||}{$\gamma_{\rm min}$} & 0.5 & 0.6 & 0.7 & 0.8 & 0.5 & 0.6 & 0.7 & 0.8& 0.5 & 0.6 & 0.7 & 0.8& 0.5 & 0.6 & 0.7 & 0.8 \\
\hline
\hline
& $\checkmark$& &$\checkmark$&
67.8 &67.0&{\bf 66.9}&66.8&
66.2&65.5&{\bf 65.9}&65.2&
66.4&65.8&{\bf 65.8}&65.8&
3.11&3.25&3.99&5.04
\\
\cline{2-20}
fix & $\checkmark$& $\checkmark$& &
66.0&{\bf 67.2}&66.2&66.4&
64.6&65.4&65.0&64.9&
65.0&{\bf 66.1}&65.1&65.3&
1.87&2.98&3.91&4.60
\\
\cline{2-20}
& $\checkmark$& $\checkmark$& $\checkmark$ &
\underline{\bf 68.1} &{\bf 67.2}&66.3&66.6&
\underline{\bf 66.3}&{\bf 65.6}&65.0&65.0&
\underline{\bf 67.0}&65.9&65.2&65.5&
\underline{\bf 0.98}&{\bf 1.68}&{\bf 2.48}&{\bf 3.46}
\\
\hline
& $\checkmark$& &$\checkmark$ &
66.8&66.8&66.8&66.8&
65.4&65.4&65.3&{\bf 65.3}&
65.7&65.7&65.7&65.7&
4.12&4.45&5.65&6.29
\\
\cline{2-20}
dec & $\checkmark$& $\checkmark$ & &
67.0&67.0&66.8&66.6&
65.3&65.3&65.3&65.0&
65.8&65.8&65.7&65.5&
5.22&5.82&6.13&7.37
\\
\cline{2-20}
& $\checkmark$& $\checkmark$ & $\checkmark$&
66.8&66.8&66.8&66.8&
65.4&65.4&65.4&{\bf 65.3}&
65.7&65.7&65.7&65.7&
3.51&3.91&4.89&5.62
\\
\hline
& $\checkmark$& & $\checkmark$&
66.3&65.7&{\bf 66.9}&{\bf 66.9}&
65.0&64.8&65.4&65.2&
65.1&64.6&65.7&{\bf 65.9}&
9.74&\!\!10.47&\!\!11.29&\!\!12.04
\\
\cline{2-20}
inc & $\checkmark$& $\checkmark$ & &
66.8&66.4&66.3&66.2&
65.3&65.0&64.9&65.0&
65.6&65.3&65.2&65.1&
7.11&6.64&6.97&6.63
\\
\cline{2-20}
& $\checkmark$& $\checkmark$ & $\checkmark$&
66.8&65.8&66.3&66.5&
65.4&64.8&65.2&64.9&
65.5&64.7&65.2&65.5&
6.06&7.05&7.48&9.71
\\
\hline
\end{tabular}
}
\end{center}
\end{table*}
\end{landscape}
\begin{figure*}[t]
\begin{center}
\begin{minipage}[b]{.48\linewidth}
\centering
\includegraphics[width=1\linewidth]{results/USPS_Purity.eps}
{\small (a) Purity}\medskip
\end{minipage}
\begin{minipage}[b]{.48\linewidth}
\centering
\includegraphics[width=1\linewidth]{results/USPS_NMI.eps}
{\small (b) NMI}\medskip
\end{minipage}
\begin{minipage}[b]{.48\linewidth}
\centering
\includegraphics[width=1\linewidth]{results/USPS_ACC.eps}
{\small (c) Accuracy}\medskip
\end{minipage}
\begin{minipage}[b]{.48\linewidth}
\centering
\includegraphics[width=1\linewidth]{results/USPS_Time_Reverse.eps}
{\small (d) Computation time}\medskip
\end{minipage}
\end{center}
\caption{Performance results of 2-D histogram data on the USPS dataset.}
\label{fig:USPS_clustering_results}
\end{figure*}
\begin{figure*}[t]
\begin{center}
\begin{minipage}[b]{.48\linewidth}
\centering
\includegraphics[width=1\linewidth]{results/time_acc_dec_sample.eps}
{\small (a) projection of sample}\medskip
\end{minipage}
\begin{minipage}[b]{.48\linewidth}
\centering
\includegraphics[width=1\linewidth]{results/time_acc_dec_cent.eps}
{\small (b) projection of centroid}\medskip
\end{minipage}
\begin{minipage}[b]{.48\linewidth}
\centering
\includegraphics[width=1\linewidth]{results/time_acc_dec_cent_sample.eps}
{\small (c) projection of centroid and sample}\medskip
\end{minipage}
\end{center}
\caption{Convergence performance results for different projection data with different $\gamma_{\rm min}=\{0.5, 0.6, 0.7, 0.8\}$.}
\label{fig:USPS_diff_gamma}
\end{figure*}
\section{Numerical evaluation}
We conducted numerical experiments with respect to computational efficiency and clustering quality on real-world datasets to demonstrate the effectiveness of the proposed SSPW $k$-means. Regarding the Wasserstein barycenter algorithm, we use that proposed in \cite{Benamou_2015_SIAMJSC}. The initial centroid is calculated using the Euclidean $k$-means with {\sf litekmeans}\footnote{\url{http://www.cad.zju.edu.cn/home/dengcai/Data/code/litekmeans.m}.}. {\sf linprog} of Mosek \cite{MOSEK_2000}\footnote{\url{https://www.mosek.com/}} is used to solve the LP problem. Throughout the following experiment, the standard Wasserstein $k$-means described in {Section \ref{sec:Wkmeans}} is referred as {\it baseline} method. {The Euclidean $k$-means algorithm is also compared to evaluate the clustering quality metrics although its computation is much lower than the Wasserstein one.} We set $T_{\rm max}=10$. {The experiments were performed on a four quad-core Intel Core i5 computer at 3.6 GHz, with 64 GB DDR2 2667 MHz RAM. All the codes are implemented in MATLAB.}
\subsection{1-D histogram evaluation}
We first conducted a preliminary experiment using the COIL-100 object image dataset\footnote{http://www1.cs.columbia.edu/CAVE/software/softlib/coil-100.php} \cite{COIL-100}, which includes $7,200$ images of $100$ objects. From this dataset, we randomly select $10$ classes and $10$ images per class. We first convert the pixel information into intensity with the range of $0$ to $255$. Then we generate a one-dimensional histogram of which the bin size is $255$ by removing the intensity of zero. We set $\gamma_{\rm min}=\{0.7, 0.8\}$.
The averaged clustering performances on Purity, NMI and Accuracy over $5$ runs are summarized in TABLE \ref{tabl:COIL100_dataset}. For ease of comparison, the difference values against the baseline method are presented in {Fig. \ref{fig:COIL100_clustering_results}}, of which panels (a), (b) and (c) respectively show results of Purity, NMI, and Accuracy. Here, {\it positive} values represent improvements against the baseline method. Additionally, {Fig. \ref{fig:COIL100_clustering_results}} (d) presents the speed-up ratio of the computation time against that of the baseline method, where the value more than than $1.0$ indicate faster computations than that of the baseline. The figures specifically summarize the results in terms of the combinations of different $\gamma(t)$ algorithms and different $\gamma_{\rm min}$. They also show the differences among the different projection types, i.e., the projection of the centroid, data sample, and both the centroid and data sample. From {Fig. \ref{fig:COIL100_clustering_results}}, one can find that the case with the centroid projection stably outperforming other cases. Especially, the INC algorithm with the centroid projection stably outperforms others. However, it requires a greater number of computations. Moreover, the effectiveness in terms of the computation complexity reduction is lower. On the other hand, the FIX algorithm with $\gamma_{\rm min}=0.7$ engenders comparable improvements while keeping the computation time much lower.
\subsection{2-D histogram evaluation}
\label{Sec:2D_histogram_evaluations}
In this experiment, comprehensive evaluations have been conducted. We investigate a wider range of $\gamma_{\rm min}$ than that of the earlier experiment, i.e., $\gamma_{\rm min}=\{0.5, 0.6, 0.7, 0.8\}$. For this purpose, we used the USPS handwritten dataset\footnote{\url{http://www.gaussianprocess.org/gpml/data/}}, which includes completely $9298$ handwritten single digits between $0$ and $9$, each of which consists of $16 \times 16$ pixel image. Pixel values are normalized to be in the range of $[-1, 1]$. From this dataset, we randomly select $10$ images per class. We first convert the pixel information into intensity with the range of $0$ to $255$. Then we generate a {\it two-dimensional} histogram for which the sum of intensities of all pixels is equal to one.
The averaged clustering qualities over $10$ runs are presented in {TABLE \ref{tabl:USPS_dataset}}. As shown there, the FIX algorithm outperforms others in terms of both the clustering quality and the computation time. Similarly to the earlier experiment, for ease of comparison, the difference values against the baseline method are also shown in {Fig. \ref{fig:USPS_clustering_results}}. It is surprising that the proposed algorithm maintains the clustering quality across all the metrics as higher than the baseline method does, even while reducing the computation time. Addressing individual algorithms, although the INC algorithm exhibits degradations in some cases, the DEC algorithm outperforms the baseline method in all settings. Furthermore, as unexpected, the performances of the algorithms with lower $\gamma_{\rm min}$, i.e., $\gamma_{\rm min}=\{0.5, 0.6\}$, are comparable with or better than those with $\gamma_{\rm min}=\{0.7, 0.8\}$.
Second, the computation time under the same settings is presented in {Fig. \ref{fig:USPS_clustering_results}}(d). From this result, it is apparent that the computation time is approximately proportional to $\gamma_{\rm min}$ in each $\gamma(t)$ control algorithm. In other words, the case with $\gamma_{\rm min}=0.5$ requires the lowest computation time among all. Moreover, with regard to the different projection types, the case in which the sparse simplex projection is performed onto both the centroid and data sample requires the shortest computation time, as expected.
\subsection{Convergence performance}
This subsection investigates the convergence performances of the proposed algorithm. The same settings as those of earlier experiments are used. We first address the convergence speed in terms of the computing time with respect to the different projection types as well as different $\gamma_{\rm min}$. For this purpose, we examine the DEC algorithm. However, the two remaining algorithms behave very similar. {Fig. \ref{fig:USPS_diff_gamma}} shows convergence of Accuracy in terms of computation time at the first instance of $10$ runs in the earlier experiment. {Fig. \ref{fig:USPS_diff_gamma}}(a)--{Fig. \ref{fig:USPS_diff_gamma}}(c) respectively show the results obtained when the projection is performed onto the data sample, centroid, and both the centroid and data sample. Regarding the different $\gamma_{\rm min}$, the case with the smaller $\gamma_{\rm min}$ indicates faster convergence. Apart from that, the convergence behaviors among three projection types are similar. However, the case with the which projection of both the centroid and data sample yields the fastest results among all. This is also demonstrated explicitly in {Fig. \ref{fig:USPS_diff_proj_type}} under $\gamma_{\rm min}=0.5$.
We also address performance differences in terms of the different algorithms of the $\gamma(t)$ control parameters. {Fig. \ref{fig:USPS_diff_alg_results}} presents the convergence speeds obtained when projecting both the centroid and data sample with $\gamma_{\rm min}=0.5$, where the plots explicitly show individual iteration. As might be readily apparent, the FIX control algorithm and the INC control algorithm require much less time than the others because these two algorithms can process much smaller centroids and data samples than others at the beginning of the iterations. However, the computation time of the INC control algorithm increases gradually as the iterations proceed, whereas that of the DEC control algorithm decreases gradually. Overall, the FIX control algorithm outperforms the other algorithms.
\begin{figure}[t]
\begin{center}
\includegraphics[width=0.6\linewidth]{results/time_acc_dec_method_comp.eps}
\caption{\!Convergence with different projection data using $\gamma_{\rm min}\!=\!0.5$.\!}
\label{fig:USPS_diff_proj_type}
\includegraphics[width=0.6\linewidth]{results/time_acc_control_method_comp.eps}
\caption{Convergence comparisons of different algorithms of $\gamma(t)$.}
\label{fig:USPS_diff_alg_results}
\end{center}
\end{figure}
\subsection{Performance comparison on different ratios}
Finally, we compared performances on different sparsity ratios $\{0.2, 0.3, 0.4, 0.5,0.6, 0.7,0.8,0.9\}$ of $\gamma_{\rm min}$ under the same configurations of the earlier experiment. We specifically address the FIX algorithm of $\gamma(t)$ and the case where the projection is performed onto both the centroid and sample. Regarding the time comparison, we use the same speed-up metric against the baseline method as the earlier experiment. Therefore, the range of the values is more than $0.0$, and the value more than $1.0$ means a speed-up against the baseline method. For this experiment, we have re-conducted the same simulation, thereby the obtained value are slightly different from those in the earlier experiment due to its randomness.
The results are summarized in {TABLE \ref{tabl:USPS_ratio_comparison_dataset}}. {Fig. \ref{fig:USPS_Ratio_comparison_results}} also demonstrates the results for ease of comparison. From both of the results, the cases with
$\gamma_{\rm min}=\{0.3, 0.4\}$ yield higher performances than other cases with respect to the clustering quality as well as the computation efficiency. Surprisingly, we obtained around $4$ points higher values in the clustering quality metrics with more than $20$-fold speed-up. On the other hand, $\gamma_{\rm min}=0.2$ results in the worst performance. Therefore, the optimization of $\gamma_{\rm min}$ to give best performances is one of the important topics in the future research.
\begin{table}[htbp]
\caption{Averaged clustering performance results on USPS dataset dataset (10 runs). The best result in each $\gamma_{\rm min}$ is shown in bold.}
\begin{center}
\label{tabl:USPS_ratio_comparison_dataset}
\begin{tabular}{c|c||c|c|c|c}
\hline
method & $\gamma_{\rm min}$ & Purity & NMI & Accuracy & Time\\
& & [$\times 10^{2}$] & [$\times 10^{2}$] & [$\times 10^{2}$] & [$\times 10^{2}$sec]\\
\hline
\hline
baseline & 0.00&69.7&69.6&66.9&7.98\\\cline{1-1}\cline{6-6}
shrink & &&&&6.77\\\hline\hline
&0.90&69.9&69.7&67.1&4.68\\\cline{2-6}
FIX&0.80&69.9&69.7&67.1&3.14\\\cline{2-6}
&0.70&69.9&69.3&67.0&2.34\\\cline{2-6}
with & 0.60&70.4&70.0&67.7&1.54\\\cline{2-6}
shrink \&& 0.50&71.8&71.8&69.4&0.88\\\cline{2-6}
projection&0.40&72.4&72.4&69.6&0.56\\\cline{2-6}
of $\tilde{\vec{\nu}}_i$\&$\tilde{\vec{c}}_j$&0.30&{\bf 73.9}&{\bf 72.7}&{\bf 71.4}&0.35\\\cline{2-6}
&0.20&68.8&67.6&65.8&0.23\\
\hline
\end{tabular}
\end{center}
\end{table}
\begin{figure}[htbp]
\begin{center}
\includegraphics[width=0.8\linewidth]{results/USPS_Ratio_Comparison.eps}
\caption{Performance comparison on different ratios on the USPS dataset.}
\label{fig:USPS_Ratio_comparison_results}
\end{center}
\end{figure}
\subsection{Discussions}
From the exhaustive experiments above, it can be seen that the proposed proposed SSPW $k$-means algorithm dynamically reduce the computational complexity by removing lower-valued histogram elements and harnessing the sparse simplex projection while maintaining degradation of the clustering quality lower. Although the performance of each setting of the proposed algorithm depends on the dataset, we conclude that the FIX algorithm with the projections of both the centroid and sample under lower sparsity ratios $\gamma_{min}$ is the best option because it gives stably better classification qualities with the fastest computing times among all the settings. In fact, this algorithm gives comparable performances to the best one in TABLE \ref{tabl:COIL100_dataset}, and outperforms the others in TABLE \ref{tabl:USPS_dataset}. The algorithm also yiedls around $4$ points higher values in the clustering quality metrics with more than $20$-fold speed-up as seen in {TABLE \ref{tabl:USPS_ratio_comparison_dataset}}.
\section{Conclusions}
This paper proposed a faster Wasserstein $k$-means algorithm by reducing the computational complexity of Wasserstein distance, exploiting sparse simplex projection operations. Numerical evaluations demonstrated the effectiveness of the proposed SSPW $k$-means algorithm. As for a future avenue, we would the proposed approach into a stochastic setting \cite{Kasai_JMLR_2018}.
\bibliographystyle{unsrt}
|
\section{Introduction}
This paper addresses the feedback motion planning problem by providing an algorithm that for every given system of ordinary differential equations with control inputs synthesizes a controller that asymptotically stabilizes the system on some given compact set that contains the equilibrium. Assuming that some cost is assigned to control, we additionally aim at minimization of this cost.
An important method for controller design uses the knowledge of a suitable control-Lyapunov function (CLF) \cite{Son:98}. From a CLF, a stabilizing controller can be given explicitly for control-affine systems using universal formulas \cite{Son:89,universal2}. However, the resulting controller usually does not take into account any cost~\cite{universal1}, even when the CLF was constructed using demonstrations that meet them~\cite{Rav:19}. Another drawback to consider is the fact, that the resulting controller is properly defined only on some sublevel set of the CLF that is fully contained in the set where the CLF was constructed. This sublevel set can be significantly smaller than the whole investigated set, leaving the rest to waste.
To alleviate the drawbacks of the construction of stabilizing controllers based on CLFs alone, we propose a natural extension of learning CLF from demonstrations~\cite{Rav:19} to learning a stabilizing controller from demonstrations, as well. If the demonstrator minimizes cost, the learned controller also inherits this property, at least asymptotically for an increasing number of demonstrations. We introduce a generic algorithm, and investigate more closely its instantiation with a controller based on LQR tracking~\cite{LQRtrees1,LQRtrees2}. Based on this, we propose a novel LQR switching controller whose stability is verified using the learned CLF on the whole investigated set, hence also dealing with the problem of sublevel sets.
We also do computational experiments on several examples of dimension up to twelve that demonstrate the practical applicability of the method. We compare the performance of the resulting controllers with the ones resulting from Sontag's universal formula~\cite{Son:89} and the run-time of the algorithm with an approach based fully on system simulations~\cite{LQRtrees2} (i.e. with no Lyapunov function learning). We demonstrate that the performance of the controllers constructed by our method is indeed better (between 10 and 50 percent) and that time savings are significant (at least 50 percent on average).
The structure of the paper is as follows. In Section~\ref{sec:problem}, we state the precise problem and discuss related work. In Section \ref{sec:generic}, we introduce a general layout of our algorithm. In Section~\ref{sec:LQR}, we concretize the general idea into a controller based on LQR tracking a explore its theoretical properties. We expand this topic further in Section \ref{sec:implementation}, where we describe the implementation itself. In Section \ref{sec:Examples} we provide the computational experiments. And finally, Sections~\ref{sec:discussion} and~\ref{sec:conclusion} contain a discussion and a conclusion. Proofs of all propositions are included in the appendix.
This work was funded by institutional support of the Institute of Computer Science (RVO:67985807).
\section{Problem Statement and Related Work}
\label{sec:problem}
Consider a control system of the form
\begin{equation}
\label{system}
\dot{x} = F(x,u)
\end{equation}
where $F\colon\mathbb{R}^n\times \mathbb{R}^m\mapsto\mathbb{R}^n$ is a smooth function. We assume that the system has a unique solution for any initial point $x_0$ and control input $u\colon[0, \infty]\rightarrow\mathbb{R}^m$. We denote this solution by $\Sol{x_0}{u}$, which is a function in $[0,\infty]\rightarrow\mathbb{R}^n$. We also use the same notation to denote the solution of the closed loop system resulting from a feedback control law $u\colon \mathbb{R}^n\times[0, \infty]\rightarrow\mathbb{R}^m$.
For any cost functional $V(x,u)$, where $u$ can again be either open loop control input or a feedback control law, we denote by $\Cost{V}{x_0}{u}$ the cost of the solution $\Sol{x_0}{u}$ and its corresponding control input (i.e., $u$ itself, if it is an open loop control input, and $u'\colon [0,\infty]\rightarrow \mathbb{R}^m$ with $u'(t)=u(\Sol{x_0}{u}(t), t)$, if $u$ is a feedback control law).
Let $\bar{x} = 0$ be the desired equilibrium point of the system \eqref{system}, $F(0) = 0$, and $D\subseteq\mathbb{R}^n$ our region of interest that is compact, and contains the equilibrium. We also assume an ${\epsilon_0}>0$ together with an asymptotically stabilizing controller on an ${\epsilon_0}$-neighbourhood $H^{\epsilon_0}$ of the equilibrium, with $H^{\epsilon_0}$ in the interior of $D$. Such a controller can, for example, be obtained using linearization of the system dynamics around the equilibrium (if this linearization is asymptotically stabilizable) and solving the appropriate algebraic Riccati equation~\cite{Lib:11}.
Our goal is to construct a feedback control law $u\colon \mathbb{R}^n\times [0,\infty]\rightarrow \mathbb{R}^m$ such that
\begin{itemize}
\item the resulting closed loop system $\dot{x}(t) = F(x(t), u(x,t))$ is \emph{asymptotically stable on $D$} in the sense that for every $x_0
\in D$, $\lim_{t\rightarrow+\infty} \Sol{x_0}{u}(t) = 0$, and that
\item for every $x_0\in D$, $\Cost{V}{x_0}{u}$ is minimal for the cost functional
\begin{equation}
\label{cost}
V(x,u) := \int_0^{+\infty} Q(x(t)) + R(u(x(t),t)) \;\mathrm{d}t.
\end{equation}
where $Q:\mathbb{R}^n\mapsto\mathbb{R}$ and $R:\mathbb{R}^m\mapsto\mathbb{R}$ are both smooth and positive definite.
\end{itemize}
Note that our presented approach does not inherently require the performance to be measured in terms of \eqref{cost}. However, finite cost \eqref{cost} necessarily implies asymptotic stability of the system, making the tasks stabilization and optimization compatible and not conflicting.
In the control-affine case, any smooth control-Lyapunov function~\cite{CLF1,Son:98} provides an explicit formula for a feedback control law for system \eqref{system} which is usually called Sontag's
universal formula~\cite{Son:89}. An alternative universal formula is a min-norm formula~\cite{universal2,universal3} which is inverse optimal (optimal according to some meaningful cost) \cite{inverse1}.
Unfortunately, if we fix a cost functional beforehand, there is no straightforward way how to choose a suitable formula.
Moreover, there is generally no way to express the cost of the control law as an explicit function of parameters of the formula other than solving the corresponding generalized Hamilton-Jacobi-Bellman equation \cite{Sar:97}. To address this issue, we construct a suitable CLF and a control law together.
Our approach is based on the concept of learning from demonstrations, which is well known in robotics~\cite{learningCLF1}. Learning a CLF from demonstrations already has been shown to be an attractive alternative to the SOS method~\cite{SOS1} for finding a CLF~\cite{Rav:19}.
Here, one can restrict the search for a CLF to candidates that are compatible with the given demonstrations~\cite{learningCLF2, learningCLF3, Rav:19}. But a demonstrator can also provide trajectories of exemplary performance in terms of cost \eqref{cost}. Hence, we use these trajectories to also learn a high-performance control law~\cite{LQRtrees2,LQRtrees1}. Note however, that we do \emph{not} require the demonstrator to provide optimal performance. Hence, our performance guarantees will only be \emph{relative} to the performance guarantees of the demonstrator.
Still, having a CLF and not just a set of exemplary trajectories eliminates the need to simulate whole system trajectories to check stability~\cite{LQRtrees2} or to investigate stability of each individual trajectory tracking system separately~\cite{LQRtrees1}. We also simplify the approach~\cite{LQRtrees2,LQRtrees1} by removing explicit estimation of control funnels, i.e. sets of points for which a constructed control law based on a chosen exemplary trajectory stabilizes the system. We will just assume that these trajectories are for each point chosen via some mapping. Such a mapping defines approximations of control funnels only implicitly and moreover, all points from the region of interest $D$ are in some control funnel by definition. Hence, it alleviates the problem of covering the whole region by aforementioned control funnels \cite{LQRtrees2,LQRtrees1}. It should be also noted that we explore the theoretical properties of the resulting algorithm more deeply and hence obtain stronger results for its successful construction of stabilizing control law on $D$, namely after finitely many iterations versus its construction only in the limit for the number of iterations tending to infinity~\cite{LQRtrees2,LQRtrees1}.
The usage of trajectory optimization for synthesizing feedback control laws is not new~\cite{Mordatch:14}. However, the resulting control laws are usually based on neural networks, whose precise behavior is difficult to understand and verify. This problem has been partially solved by recent approaches~\cite{neural,Abate:20} that use SMT (satisfiability modulo theories) solvers~\cite{SMT1} for verification. Indeed, it is possible to apply such formal verification techniques also to the control laws synthesized by our method. However, in contrast to techniques based on neural networks, we also have rigorous convergence proofs for our algorithms.
We will now describe the results in \cite{Rav:19} in greater detail, since the approach (see Figure \ref{orig_overview}) using a combination of a demonstrator (that provides demonstration for learning) and a verifier/falsifier (that provides counterexamples) is integral to our approach. First, let us assume a demonstrator that generates stabilizing open-loop control laws. Such a demonstrator could, for example be based on trajectory optimization \cite{Bet:10} or planning~\cite{RRT3,RRT7}. Then a set $\{L_p(x) \mid p\in P\}$ of a linearly parametrized system of functions is considered, where $P = \left[p_\mathrm{min}, p_\mathrm{max}\right]^d$, and it is supposed that $L_p(x)$ can be a CLF for the investigated system for some values of the parameters $p$. Suitable values for those parameters are determined by generating ordered pairs $(x,u)$ provided by the demonstrator and finding parameters $p$ that represent a candidate $L_p(x)$ that is strictly positive on those demonstrations, but whose value decreases along them. For a linearly parametrized system, these conditions translate to a system of linear inequalities for parameters $p$ and all solutions will lie in some polyhedron contained in $P$. The candidate is chosen as a centre of the maximum volume ellipsoid~\cite{Rav:19}. It can be shown that finding the centre is a convex optimization problem~\cite{Boyd}. The reason for this particular choice is the fact that the volume of the admissible set after adding a new constraint due to a new demonstration (assume we have not found a CLF) is decreases with a linear convergence rate \cite{Rav:19,mve}. As soon as a candidate has been chosen, a verifier based on semidefinite programming is used to check the validity of the CLF conditions and to provide counterexamples for further learning. Adding more and more counterexamples, the algorithm will (if some tolerance is given) terminate after finitely many iterations \cite{Rav:19}. More specifically, it either provides a CLF or ends up with an empty set of possible remaining values of parameters (up to a given tolerance).
\begin{figure}
\centering
\includegraphics[scale=0.35]{diagram1.pdf}
\caption{Overview of the learning algorithm for finding a CLF.}
\label{orig_overview}
\end{figure}
\section{Generic Algorithm}
\label{sec:generic}
In this section, we give a brief generic version of the algorithm. Later, we will narrow this generic version to a concrete algorithm using control laws based on linearization around precomputed trajectories, and study the properties of the resulting algorithm.
The algorithm will be based on a demonstrator that, for any given initial point $x_0$, generates control input that steers system~\eqref{system} from $x_0$ to the ${\epsilon_0}$-neighborhood $H^{\epsilon_0}$ of the equilibrium without leaving a set $S\supset D$ that is fixed for the given demonstrator. We will also assume for that all those demonstrations have some fixed finite length $T$. Although, some demonstrations visits ${\epsilon_0}$-neighbourhood sooner than others in practice and hence can be shortened in the implementation to reduce a number of states in a database of all computed demonstrations.
\begin{Definition}
\label{demonstration_def}
A \emph{continuous demonstration of length $T$} is a trajectory $(x,u)$ with $x\colon [0, T] \rightarrow \mathbb{R}^n$ and $u\colon [0, T]\rightarrow \mathbb{R}^m$ that satisfies the ODE~(\ref{system}), and for which for all $t\in [0, T]$, $(x(t),u(t))\in S$, and $x(T)\in H^{\epsilon_0}$.
\end{Definition}
The algorithm is illustrated schematically in Figure~\ref{overview}, and in more details as Algorithm~\ref{alg:generic}, below. In its first phase, demonstrations are used to learn a CLF for the system~\eqref{system} (see the left loop in Figure~\ref{overview} which corresponds to Figure~\ref{orig_overview}). This CLF behaves like a Lyapunov function along the given demonstrations in the following sense.
\begin{Definition}
\label{compatibility_def}
A function $L$ is \emph{compatible} with a continuous trajectory $(x,u)$ of length $T$ iff for all $t\in [0, T]$,
\begin{enumerate}
\item $L(x(t))>0$, and
\item $\nabla L(x(t))^T F(x(t), u(t)) <0$.
\end{enumerate}
\end{Definition}
\begin{figure}[htb]
\centering
\includegraphics[scale=0.25]{diagram2.pdf}
\caption{Overview of the algorithm.}
\label{overview}
\end{figure}
Next, such demonstrations are used to define a feedback control law. Then the CLF is used to check if this control law stabilizes the system (this corresponds to the right loop in Figure \ref{overview}). If a counterexample is found, a new trajectory is generated from the point where the problem was detected and the left loop starts anew. This procedure repeats until no new counterexamples are found. In this case, the procedure as a whole is successful and the CLF confirms stability of the obtained control law. Moreover, since the control law is based on the precomputed trajectories, we can ensure asymptotic optimality relative to the provided demonstrations.
\begin{algorithm}
\caption{Generic Controller Synthesis}
\label{alg:generic}
\begin{description}
\item[Input:] A control system $\dot{x} = F(x,u)$
\item[Output:] A control law that asymptotically stabilizes the given control system on $D$
\begin{enumerate}
\item Generate an initial set of demonstrations $\mathcal{T}$
\item While a stabilizing control law is not found
\begin{enumerate}
\item Learn a CLF $L$ using the demonstrations in $\mathcal{T}$ while adding the found counterexamples into $\mathcal{T}$.
\item Construct a feedback control law $u$ using the current set of demonstrations $\mathcal{T}$.
\item Test whether the control law $u$ is stabilizing using the CLF $L$. If a counterexample $x$ is found, generate a demonstration starting from $x$ and add it into $\mathcal{T}$.
\end{enumerate}
\end{enumerate}
\end{description}
\end{algorithm}
Earlier work~\cite{LQRtrees2, Rav:19} followed this generic algorithm only partially. In one case~\cite{LQRtrees2}, only the right loop (learning a control law) is present, while the left loop is omitted. Instead, full system simulations are used to check system stability. In the other case~\cite{Rav:19}, the left loop (learning a CLF) is used and it is the right loop that is skipped and replaced by Sontag's universal formula.
\section{Algorithm with LQR Tracking Control}
\label{sec:LQR}
In this section, we adapt the generic algorithm to a concrete instantiation based on LQR tracking. Namely, the control law will be constructed using time-varying LQR models along the generated demonstrations.
Moreover, we formulate stability conditions to check the generated control law and to identify counterexamples. These counterexamples are used as initial points for new demonstrations. The whole checking procedure is based on sampling and we prove asymptotic properties of the algorithm as the number of iterations tends to infinity. This approach of sampling is inspired by motion planning algorithms~\cite{LQRtrees2, LQRtrees1} in which the trajectories also provide a basis for the construction of a global stabilizing control law.
A key part of the algorithm is the set of trajectories provided by the demonstrator. We assume that the demonstrator somehow takes into account the cost functional \eqref{cost}, although the result does not necessarily have to be optimal.
The path to the resulting algorithms will be as follows. First, in Section~\ref{sec:control-LQR}, we revisit the construction of LQR tracking control laws that provides a basis for the definition of the resulting controller. Then, in Section~\ref{sec:control-switch}, we prove a stability condition that we use for proving the stability of the system with the controller. And finally, in Section~\ref{sec:algorithm}, we provide the algorithm and prove its asymptotic properties.
\subsection{Control Laws from Demonstrations using LQR Tracking}
\label{sec:control-LQR}
It would be possible to view the demonstrator itself as a feedback control law that periodically computes a demonstration from the current point and uses the corresponding control input for a certain time period. However, this has two disadvantages: First, the run-time of the demonstrator might be too long for real-time usage. Second, the control law provided by the demonstrator is defined implicitly using numerical optimization, which makes further analysis of the behavior (e.g., formal verification) of the resulting closed loop system difficult.
To define a control law that both allows for an efficient implementation, and is easier to analyze, we will use linearization along demonstrations, and more specifically, LQR tracking, for which we refer to reader to the literature~\cite{Kwakernaak:72,LQR1,LQRtrees1,LQRtrees2}.
Here, we just emphasize the assumption that the quadratic cost used for LQR tracking is positive definite to ensure that the optimal control problem is well posed.
For further reference, we establish the following notation. We denote the controller that asymptotically stabilizes the system around the ${\epsilon_0}$-neighborhood $H^{\epsilon_0}$ of the equilibrium by $u_\mathrm{LQR}^{\mathrm{eq}}$. We denote the LQR trajectory tracking control law, a function in $\mathbb{R}^n\times [0, \infty]\rightarrow\mathbb{R}^m$, by $\LQRTrack{(\tilde{x},\tilde{u})}$, where $(\tilde{x},\tilde{u})$ denotes the followed trajectory, which we will call \emph{target trajectory}.
We will now investigate some properties of LQR tracking control. Here we assume that the demonstrator computes, for a given state $x_0\in D$, a continuous demonstration $(x, u)$ with $x(0)=x_0$. We assume that for every $t$, the input $u$ at time $t$ is continuous as a function of the initial state $x_0$. This assumption will be necessary for the convergence guarantees of our algorithms, although the algorithms can also be used without it. The following proposition, whose proof the reader can find in the appendix, extends the assumed continuity of the demonstrator to LQR tracking trajectories.
\begin{Proposition}
\label{proposition3}
Every LQR tracking trajectory $\Sol{x_0}{\LQRTrack{(\tilde{x},\tilde{u})}}\colon [0, T]\rightarrow\mathbb{R}^n$ is, as a function of time, its initial state $x_0$ and the initial state $\tilde{x}(0)$ of its target trajectory $\tilde{x}$ uniformly continuous on $\left[0, T \right]\times D \times D$.
\end{Proposition}
The continuity of LQR tracking trajectories allows us to investigate their cost in comparison to the cost of the demonstrator. We mentioned earlier that we construct the controller based on demonstrations to reflect the chosen cost. Since demonstrations have finite length, we adapt the cost functional $V$ to the finite horizon case, by defining for a trajectory $(x,u)$ with $x\colon [0, T]\rightarrow\mathbb{R}^n$ and $u\colon [0, T]\rightarrow\mathbb{R}^m$, and for $t\in [0,T]$,
\begin{equation}
\label{cost_costproof}
V_t(x,u) := \int_{0}^{t} Q(x(\tau)) + R(u(\tau))\mathrm{d}\tau.
\end{equation}
This cost of any LQR tracking trajectory converges to the cost of the followed trajectory as their initial points converge (see the appendix for a proof).
\begin{Proposition}
\label{propositioncost}
Let $(\tilde{x},\tilde{u})$ be a continuous trajectory of length $T$. Then for all $t\in [0, T]$,
$$ \left|\Cost{V_t}{x_0}{\LQRTrack{(\tilde{x},\tilde{u})}} - \Cost{V_t}{\tilde{x}(0)}{\tilde{u}}\right| \rightarrow 0$$
as $x_0 \rightarrow \tilde{x}(0)$.
\end{Proposition}
Hence, if we choose a suitable demonstrator (in terms of its cost) and sample the state space with demonstrations thoroughly enough, we obtain the control law that will closely mimic the performance of the demonstrator. However, we can generate only finitely many demonstrations in practical terms. And thus, we need to determine when the set of demonstrations is sufficient to our needs. The minimum requirement on the set of demonstrations is stability of the system with LQR tracking based on these demonstrations. And this is the requirement that we will use for our algorithm.
\subsection{LQR Switching Control}
\label{sec:control-switch}
Assume that we have found a CLF $L$ on the investigated set $D$ that is compatible with the same set of demonstrations $\mathcal{T}$ that we use for the construction of LQR tracking. Our goal is to construct a continuous time feedback control law that exploits
\begin{itemize}
\item the presence of a whole \emph{set} of demonstrations instead of a single one, and
\item the knowledge of the CLF $L$.
\end{itemize}
Hence, instead of just following a single demonstration~\cite{LQRtrees2},
we will follow a given target trajectory only for some time period $t_{\mathrm{switch}}$, then re-evaluate whether the current target trajectory is still the most convenient one, and switch to a different one, if it is not.
Based on this, we will determine stability by relating the point $x(0)$ and the terminal point $x(t_\mathrm{switch})$ to the CLF $L$.
When switching trajectories, the question is, which new target trajectory to choose. One natural possibility is based on the standard Euclidean distance between the current point and the initial point of trajectories in $\mathcal{T}$. However this metric does not take the dynamics of the system and the cost into account. Another (computationally more expensive) possibility is to use the solution of the Riccati equation used for LQR tracking, since it represents the approximated cost of the tracking \cite{Ber:05}.
We will assume for the following considerations, that some predefined rule $\phi$ of the following form was chosen.
\begin{Definition}
\label{assignmentrule}
An \emph{assignment rule} $\phi$ is a function that for any set of demonstrations $\mathcal{T}$ and point $x\in D$ selects an element from $\mathcal{T}$. We will say that such an assignment rule is \emph{is dominated by the Euclidean norm} iff
for every $\alpha>0$ there is a $\beta>0$ such that for every set of demonstrations $\mathcal{T}$, for every $(\tilde{x}, \tilde{u})\in \mathcal{T}$ and $x_0\in D$ with $\norm{x_0-\tilde{x}(0)}<\beta$, there exists a $(\tilde{x}', \tilde{u}')\in \mathcal{T}$ s.t. $\phi(\mathcal{T}, x)= (\tilde{x}', \tilde{u}')$, and $\norm{x_0-\tilde{x}'(0)}<\alpha$, where $\norm{\cdot}$ denotes the Euclidean norm.
\end{Definition}
Now we can define a control law that switches the target trajectory to the one selected by an assignment rule in certain time intervals.
\begin{Definition}
\label{switchingcontrol}
Assume a set of demonstrations $\mathcal{T}$ of length $T$, and an assignment rule $\phi$, and let $t_\mathrm{min}>0$. An \emph{LQR switching control law based on $\mathcal{T}$, $\phi$, and $t_\mathrm{min}$} is a function $\LQRSwitch{\mathcal{T}}\colon \mathbb{R}^n\times [t_0, \infty)\rightarrow\mathbb{R}^m$ such that for every $x_0\in\mathbb{R}^n$ there are $t_1, t_2, \ldots$ (that we call \emph{switching times}) and corresponding target trajectories $(\tilde{x}_1,\tilde{u}_1), (\tilde{x}_2, \tilde{u}_2), \dots \in\mathcal{T}$ such that for every $j \geq 0$, $t_\mathrm{min} \leq t_{j+1}-t_j\leq T$, and for $t=0$, as well as for all $t\in\left(t_j,t_{j+1}\right]$,
\[
\LQRSwitch{\mathcal{T}}(x,t) = \LQRTrack{\phi(\mathcal{T},\Sol{x_0}{\LQRSwitch{\mathcal{T}}}(t_j))}(x,t-t_j),\]
with $t_0=0$.
\end{Definition}
Note that this definition is not circular, since $\LQRSwitch{\mathcal{T}}(x,t)$ on the left-hand side only depends on $\LQRSwitch{\mathcal{T}}(x,t')$ with $t'<t$ on the right-hand side of the equation. Also note that for a fixed initial point $x_0$, $\LQRSwitch{\mathcal{T}}(x_0,t)$ is piecewise continuous in $t$. And finally, observe that unlike LQR tracking, such an LQR switching control laws is \emph{not} unique due to the non-unique switching times.
Such a switching control law has the same asymptotic cost properties as pure LQR tracking (see the appendix for a proof).
\begin{Proposition}
\label{proposition8}
Let $(\tilde{x},\tilde{u})$ be a continuous trajectory of length $T$.
For every LQR switching control law $\LQRSwitch{\mathcal{T}}$ based on a set of demonstrations $\mathcal{T}$, an assignment rule $\phi$ dominated by the Euclidean metric, and $t_\mathrm{min}>0$, for all $t\in [0, T]$,
$$ \left|\Cost{V_t}{x_0}{\LQRSwitch{\mathcal{T}}} - \Cost{V_t}{\tilde{x}(0)}{\tilde{u}}\right| \rightarrow 0$$
as $x_0 \rightarrow \tilde{x}(0)$.
\end{Proposition}
Now we want to use the CLF $L$ to ensure stability of the resulting control law. For this, we will use a stability criterion similar to finite-time Lyapunov functions~\cite{Aeyels:98}. We chose constants
$1>\gamma>0$, $t_\mathrm{min}>0$ and define LQR switching control with Lyapunov function $L$ in such a way that we switch trajectories after the minimum time $t_\mathrm{min}$ elapsed, the system is in $\accentset{\circ}{D}$, and the following decrease condition is met.
\begin{Definition}
\label{switchingcontrolL}
An LQR switching control law $\LQRSwitch{\mathcal{T}}$ is \emph{sufficiently decreasing wrt. a function $L: D\rightarrow \mathbb{R}$} iff for every
$x_0$ with corresponding switching times $t_1,t_2,\dots$ and corresponding target trajectories $(\tilde{x}_1,\tilde{u}_1), (\tilde{x}_2,\tilde{u}_2), \dots$ of $\LQRSwitch{\mathcal{T}}$, for $x=\Sol{x_0}{\LQRSwitch{\mathcal{T}}}$,
for every $j\geq 0$, $x(t_{j+1})\in \accentset{\circ}{D}$, and
$$L(x(t_{j+1})) - L(x(t_j)) \leq \gamma\left[L(\tilde{x}_j(t_{j+1}-t_j)) - L(\tilde{x}_j(0))\right],$$
and for all $t \in [t_j, t_{j+1}]$, $(x(t),u(t))\in S$. Here $t_0=0$.
\end{Definition}
Since such a control law decreases $L$ at least by
$$\sup_{(\tilde{x},\tilde{u})\in \mathcal{T}} \gamma\left[L(\tilde{x}(t_\mathrm{min})) - L(\tilde{x}(0))\right]$$
over one trajectory switch, the system must visit $H^{\epsilon_0}$ after finitely many trajectory switches. This is formalized by the following proposition whose proof the reader will find in the appendix.
\begin{Proposition}
\label{prop:stable}
\label{proposition1}
\label{proposition2}
Let $L: D\rightarrow \mathbb{R}$ be continuously differentiable, positive on $D \setminus H^{\epsilon_0}$ and compatible with a set of demonstrations $\mathcal{T}$. Then any system trajectory wrt. an LQR switching control law that is sufficiently decreasing wrt. $L$ stays in $S$, and visits $H^{\epsilon_0}$ after finitely many trajectory switches.
\end{Proposition}
Since we assumed that the system \eqref{system} has an asymptotically stabilizing controller that we can use around the equilibrium, we can simply switch to this controller
around the equilibrium to gain a controller that is asymptotically stabilizing on $D$.
\begin{Corollary}
\label{Corollary_stab}
Let $L: D\rightarrow \mathbb{R}$ be continuously differentiable, positive on $D \setminus H^{\epsilon_0}$ and compatible with a set of demonstrations $\mathcal{T}$.
Then the system \eqref{system} with an LQR switching control law that is sufficiently decreasing wrt. $L$, and switches to $u_\mathrm{LQR,eq}$ when the system visit $H^{\epsilon_0}$, stays in $S$ and is asymptotically stable on $D$.
\end{Corollary}
\subsection{Controller Synthesis Algorithms and their Properties}
\label{sec:algorithm}
It is time to instantiate the general algorithm from Section~\ref{sec:generic} to the LQR switching control law from Definition~\ref{switchingcontrol} using Proposition~\ref{proposition1}. First, in Subsection~\ref{sec:knownCLF}, we present a simplified version of our algorithm that assumes that a CLF $L$ compatible with this demonstrator is known beforehand. We introduce this simplified algorithm first, to make it easier for the reader to understand the full algorithm that does not depend on a known CLF, and that we introduce in Subsection~\ref{sec:unknownCLF}.
\subsubsection{Controller Synthesis with Known Compatible CLF}
\label{sec:knownCLF}
Let us start with the case in which a suitable CLF compatible with the demonstrator is known beforehand. The result is Algorithm~\ref{alg:known} which represents the right loop of the generic algorithm in Figure~\ref{overview}. The left loop (CLF learning) disappeared since a suitable CLF is already provided. The algorithm concretizes the construction of a generic control law to a test whether the constructed LQR switching control law is sufficiently decreasing which, due to Corollary~\ref{Corollary_stab}, ensures stability.
\begin{algorithm}
\caption{Controller Synthesis with Known Compatible CLF}
\label{alg:known}
\begin{description}
\item[Input: ] ~
\begin{itemize}
\item a control system of the form stated in Section~\ref{sec:problem}
\item a compact set $D\subseteq\mathbb{R}^n$
\item a bounded open set $S$
\item a demonstrator generating demonstrations of minimal length $t_\mathrm{min}>0$
\item a CLF $L$ compatible with the trajectories that the demonstrator generates for initial points in $D \setminus H^{\epsilon_0}$
\end{itemize}
\item[Parameters: ] ~
\begin{itemize}
\item an assignment rule $\phi$ dominated by the Euclidean metric
\item $1>\gamma >0$
\end{itemize}
\item[Output:] A control law that asymptotically stabilizes the given control system on $D$ and optionally satisfies some additional performance requirements
\end{description}
\begin{enumerate}
\item Generate an initial set of demonstrations $\mathcal{T}$.
\item Choose a sequence $N$ of states in $D \setminus H^{\epsilon_0}$ that is dense in $D \setminus H^{\epsilon_0}$, and let $i = 1$.
\item Loop
\begin{enumerate}[label=(\Alph*)]
\item Let $x_0$ be the $i$-th sample $N_i$, and $x=\Sol{x_0}{\LQRTrack{(\tilde{x}, \tilde{u})}}$, and $(\tilde{x}, \tilde{u})= \phi(\mathcal{T}, x_0)$, let $T$ be the length of $\tilde{x}$, and check if there is a $t\in\left[ t_\mathrm{min}, T\right]$ s.t. $x(t)\in \accentset{\circ}{D}$, s.t. for all $\tau\in\left[ t_\mathrm{min}, t\right]$, $x(\tau)\in S$, and s.t.
$$L(x(t)) - L(x(0)) < \gamma\left[L(\tilde{x}(t)) - L(\tilde{x}(0))\right].$$ If this condition does not hold, generate a new demonstration starting from $x_0$ and add it to $\mathcal{T}$.
\item $i \rightarrow i+1$
\end{enumerate}
\item return an LQR switching control law based on $\mathcal{T}$
\end{enumerate}
\end{algorithm}
The loop in the algorithm does not state any termination condition. We will return to this issue later. For now, we will informally discuss why the algorithm produces a stabilizing control law after finitely many iterations---we will formalize the statement in~\ref{proposition6} whose proof the reader will find in the appendix.
We first observe that every demonstration reaches a point in $H^{\epsilon_0}$, and hence a point in the interior of $D$. Moreover, the algorithm requires that the given CLF $L$ is compatible with the trajectories that the demonstrator generates for initial points in $D \setminus H^{\epsilon_0}$. So, for every $x_0\in D \setminus H^{\epsilon_0}$, and demonstration $(x,u)$ of length $T$ generated by the demonstrator for $x(0)=x_0$, for all $t\in [0, T]$,
\begin{equation}
\label{compatible_con}
\nabla L(x(t))^T F(x(t), u(t)) <0.
\end{equation}
If we choose our assignment rule $\phi$ to be dominated by the Euclidean norm, necessarily $\phi(x_0,\mathcal{T}) = (x,u)$, thus $\Sol{x_0}{\LQRTrack{\phi(\mathcal{T},x_0)}} = x$, and therefore for any $t\in\left[t_\mathrm{min}, T\right]$
\begin{equation}
\label{eq:decreasing} L\left(\Sol{x_0}{\LQRTrack{\phi(\mathcal{T},x_0)}}(t)\right) - L\left(\Sol{x_0}{\LQRTrack{\phi(\mathcal{T},x_0)}}(0)\right) < \gamma\left[L(x(t)) - L(x(0))\right].
\end{equation}
Consequently, any initial point of any demonstration meets the condition checked in the algorithm. Thus if any counterexample $x_c$ is found, adding the demonstration starting from $x_c$ will remove it. Furthermore, due to the uniform continuity of LQR tracking as seen in Proposition~\ref{proposition3}, and due to the fact that $\phi$ is dominated by the Euclidean metric, all counterexamples in some neighbourhood of $x_c$ will be eliminated, as well.
Hence, if no further counterexamples exists, we can construct a control law as described in Definition~\ref{switchingcontrol} and switch trajectories, when the conditions of Definition~\ref{switchingcontrolL} are met. Thanks to Corollary~\ref{Corollary_stab}, such a controller will reach the ${\epsilon_0}$-neighbourhood $H^{\epsilon_0}$ of the equilibrium, where we assumed that a stabilizing controller exist. Putting everything together, the algorithm constructs (via finding a suitable system of demonstrations) a stabilizing control law. Moreover, the Algorithm~\ref{alg:known} does so in finitely many iterations, i.e. only finite number of trajectories are needed (see the appendix for the proof).
\begin{Proposition}
\label{proposition6}
Algorithm~\ref{alg:known} provides a stabilizing control law in finitely many iterations.
\end{Proposition}
The remaining questions is, how to detect that the number of loop iterations is already large enough. In industry, safety-critical systems are often verified by systematic testing. This can be reflected in the termination condition for the main loop by simply considering each loop iteration that does not produce a counter-example as a successful test. Based on this, one could terminate the loop after the number of loop iterations that produced a successful test without any intermediate reappearance of a counterexample exceeds a certain threshold. One could also require certain coverage of the set $D$ with successful tests. And for even stricter safety criteria, one can do formal verification of the resulting controller.
The user might also have additional performance requirements. For ensuring those, we can use the following corollary of Proposition~\ref{proposition8}.
\begin{Corollary}
\label{cor:optimality}
Let $x_0^1,x_0^2,\dots$ be a sequence of states in $D \setminus H^{\epsilon_0}$ that is dense in $D \setminus H^{\epsilon_0}$. Let $(\tilde{x}_1,\tilde{u}_1)$, $(\tilde{x}_2,\tilde{u}_2)$, $\dots$ be the sequence of corresponding demonstrations generated by the demonstrator for $\tilde{x}_1(0)= x_0^1, \tilde{x}_2(0)= x_0^2, \dots$. For $k= 1, \dots$, let $\mathcal{T}_k= \{ (\tilde{x}_i,\tilde{u}_i) \mid i\in \{ 1,\dots,k\}\}$, and $\LQRSwitch{\mathcal{T}_k}$ a corresponding LQR switching control law. Then
\[ \lim_{k\rightarrow \infty} \left|\Cost{V_t}{x_0}{\LQRSwitch{\mathcal{T}_k }} - \Cost{V_t}{x_0}{u}\right| \rightarrow 0 \]
\end{Corollary}
In particular, the limit converges to an optimal controller, if the demonstrator provides optimal demonstrations. Consequently, if we sample the state space thoroughly enough, the cost of the control law will approach the cost of the demonstrator, and hence we can ensure the additional performance requirements by stating the termination condition of the algorithm via performance comparison with the demonstrator. To ensure dense sampling, the algorithm the must continue to add demonstrations even in cases where the test for the condition $L(x(t)) - L(x(0)) < \gamma\left[L(\tilde{x}(t)) - L(\tilde{x}(0))\right]$ already succeeds.
\subsubsection{Controller Synthesis without Known Compatible CLF}
\label{sec:unknownCLF}
In the previous section, we assumed that a CLF compatible with the demonstrator was known. Now, we generalize the algorithm for the case in which a compatible CLF is not known and thus a suitable CLF candidate needs to be learned. The result is Algorithm~\ref{alg:unknown} which now corresponds to the full generic algorithm, as illustrated in Figure~\ref{overview}. In a similar way as in related work~\cite{Rav:19}, the algorithm works with a system of linearly parametrized CLF candidates $L_p(x)$ and finds parameter values $p$ such that the resulting function $L_p$ satisfies the necessary conditions. The set of candidates $\{ L_p(x) \mid p\in P \}$ needs to be large enough to contain a CLF compatible with the demonstrations that the demonstrator generates, otherwise, the algorithm may fail.
\begin{algorithm}
\caption{Controller Synthesis without Known Compatible CLF}
\label{alg:unknown}
\begin{description}
\item[Input: ] ~
\begin{itemize}
\item a control system of the form stated in Section~\ref{sec:problem}
\item a compact set $D\subseteq\mathbb{R}^n$
\item a demonstrator generating demonstrations of minimal length $t_\mathrm{min}>0$
\item a system of linearly parametrized CLF candidates $L_p(x), p\in P$
\end{itemize}
\item[Parameters: ] ~
\begin{itemize}
\item an assignment rule $\phi$ dominated by the Euclidean metric
\item $1>\gamma >0$, and
\end{itemize}
\item[Output:] A control law that asymptotically stabilizes the given control system on $D$ and optionally satisfies some additional performance requirements
\end{description}
\begin{enumerate}
\item Generate an initial set of trajectories $\mathcal{T}$.
\item Choose a sequence $N$ of states in $D \setminus H^{{\epsilon_0}}$ that is dense in $D \setminus H^{{\epsilon_0}}$ and let $i = 1$.
\item Loop
\begin{enumerate}[label=(\Alph*)]
\item While the CLF candidate $L_p$ is not positive on $D \setminus H^{{\epsilon_0}}$
\begin{enumerate}[label=(\alph*)]
\item Learn a CLF candidate $L_p$ on $D$ using trajectories $\mathcal{T}$ by finding parameter values $p$ such that for every demonstration $(x,u)\in\mathcal{T}$,
\begin{enumerate}[label=(\roman*)]
\item $L_p(x)>0$, and
\item $\nabla L_p(x)^T F(x,u) <0$.
\end{enumerate}
\item Find counterexamples to the condition
$$L_p(x) \text{ is positive on } D \setminus H^{{\epsilon_0}}$$
and add respective trajectories into $\mathcal{T}$
\end{enumerate}
\item Let $x_0$ be the $i$-th sample $N_i$, where $x=\Sol{x_0}{\LQRTrack{(\tilde{x}, \tilde{u})}}$, and $(\tilde{x}, \tilde{u})= \phi(\mathcal{T}, x_0)$, let $T$ be the length of $\tilde{x}$, and check if there is a $t\in\left[ t_\mathrm{min}, T\right]$ s.t. $x(t)\in \accentset{\circ}{D}$, s.t. for all $\tau\in\left[ t_\mathrm{min}, t\right]$, $x(\tau)\in S$, and s.t.
$$L_p(x(t)) - L_p(x(0)) < \gamma\left[L_p(\tilde{x}(t)) - L_p(\tilde{x}(0))\right].$$ If this condition does not hold, generate a new demonstration starting from $x_0$ and add it to $\mathcal{T}$.
\item $i \rightarrow i+1$
\end{enumerate}
\item return an LQR switching control law resulting from $\mathcal{T}$
\end{enumerate}
\end{algorithm}
The main difference to the algorithm from the previous section is the added line (A) and the new loop (a)--(b), which corresponds to the approach for learning control Lyapunov functions~\cite{Rav:19} that we already described in more detail in the section on related work. This part also represents the left loop of the general layout in Figure~\ref{overview}, i.e. a CLF learner and a chosen CLF verifier (or falsifier). The learner computes a CLF candidate by choosing one which is compatible with all demonstrations and the verifier (falsifier) checks that the given candidate is positive definite. If there is no such candidate, the algorithm fails. The positive definite candidate then serves the same role as a CLF in the first algorithm for falsification of the constructed control law.
In the proof of the variant of Proposition~\ref{proposition6} for Algorithm~\ref{alg:unknown}, we need to address the fact, that a CLF candidate can change during the run of algorithm. However, a key observation is that the number of these changes is inherently finite. Let $\mathcal{T}$ be a set of trajectories provided by the demonstrator starting from various initial points and let $\{L_p(x) \mid p\in P\}$ be a linearly parametrized system of continuously differentiable functions. First, we learn a candidate $L_p(x)$ from the linearly parametrized system of function $\{L_p(x) \mid p\in P\}$ that is compatible with all demonstrations in $\mathcal{T}$.
Proposition~\ref{prop:stable} also requires the function $L$ to be positive on $D \setminus H^{\epsilon_0}$, and this is the next condition the algorithm checks.
If there exists any counterexamples to this condition, we add corresponding trajectories starting from these into $\mathcal{T}$ (though it should be noted that only adding conditions $L_p(x)>0$ without generating any demonstrations suffices to make the algorithm work). As we already mentioned in the description of related work, these conditions translate to a system of linear inequalities for parameters $p$ and all solutions will lie in some polyhedron contained in $P$. Moreover, if we choose a candidate $L_p(x)$ as a centre of maximum volume ellipsoid, the volume of the set of admissible parameters decreases at least by a factor \cite{Rav:19,mve}
$$ V_\mathrm{new} \leq \left(1 - \frac{1}{d}\right)V_\mathrm{old},$$
where $d$ is number of parameters. Let us assume some terminal condition on the minimum volume of the admissible set of parameters. If we reach this condition, we terminate the learning algorithm. Hence, we will either find a candidate compatible with $\mathcal{T}$ or fail in finitely many iterations.
Consequently, we can assume that we have a candidate $L_p(x)$ compatible with $\mathcal{T}$, but that does not mean that the candidate is compatible with $\mathcal{T}_\mathrm{all}$, the set of all possible demonstrations. Nevertheless, as our algorithm progresses, more and more trajectories are added and it can happen, that an added trajectory is not compatible with the current candidate $L_p(x)$. Thus, we have to update our candidate by adding more constraints but again regardless of which new counterexample constraint is added, the admissible set of parameters decreases at least by the factor $\left(1 - \frac{1}{d}\right)$. Hence, we can add at most finitely many counterexample constraints until we learn a candidate $L_p(x)$ compatible with all trajectories generated during the run of the algorithm or fail. In other words, our candidate $L_p(x)$ can change during the run of the whole algorithm at most finitely many times. This observation allows us to state the following proposition (see the appendix for a detailed proof).
\begin{Proposition}
\label{proposition7}
Algorithm~\ref{alg:unknown} either fails or provides a stabilizing control law in finitely many iterations.
\end{Proposition}
In the same way as for Algorithm~\ref{alg:known}, we can again use Corollary~\ref{cor:optimality} to continue to add demonstrations even if the tests already succeed, in order to satisfy additional performance requirements.
Finally, notice that after enough iterations of the algorithm for any state $x_0$ from the sequence $N$ of states in $D \setminus H^{{\epsilon_0}}$ that is dense in $D \setminus H^{{\epsilon_0}}$, $\nabla L_p(x(t))^T F(x(t), u(t)) <0$ holds
for all $t$, where $(x, u)$ is the demonstration starting from $x_0$. Since $N$ is dense in $D \setminus H^{{\epsilon_0}}$, and demonstrations are assumed to be continuous with respect to their initial states, and $L_p$ is assumed to be continuous as well, inequality~\eqref{compatible_con} actually holds for any possible demonstration from $\mathcal{T}_\mathrm{all}$. Consequently, there is a control (the control provided by the demonstrator itself) that decreases the value of the positive function $L_p$ from any point of $D \setminus H^{{\epsilon_0}}$, thus $L_p$ is actually a CLF on $D \setminus H^{{\epsilon_0}}$. Moreover, it is a CLF that is compatible with the chosen demonstrator. It should be noted however that the algorithm can succeed in creating a stabilizing controller \emph{before} $L_p$ becomes a CLF, i.e. having a set of candidates that does not include a CLF compatible with the respective demonstrator does not inherently imply that the algorithm fails in creation of a stabilizing controller.
\section{Discrete Demonstrations and Implementation of LQR Algorithm}
\label{sec:implementation}
Up to now, all algorithms have been based on the ideal case of continuous system trajectories. However, computer simulations work with discrete approximations~\cite{Hai:93}. In Subsection~\ref{sec:switch_discr} we discuss, how to take this into account for the LQR switching control from Section~\ref{sec:control-switch} and present the consequences for our algorithms. In Subsection~\ref{sec:alg_impl} we discuss further details of the implementation of Algorithm~\ref{alg:unknown} that we used for the computational experiments that we will describe in the next section.
\subsection{Discrete Demonstrations and Discrete Time Conditions}
\label{sec:switch_discr}
Again we will assume a demonstrator, that now computes discrete demonstrations analogous to Definition~\ref{demonstration_def}.
\begin{Definition}
A \emph{discrete demonstration of length $T$} is a pair $(x,u)$, where both $x$ and $u$ are sequences of the form $x \colon \{ 1, \dots, T \} \rightarrow \mathbb{R}^n$ and $u\colon \{ 1,\dots, T\}\rightarrow \mathbb{R}^m$, and for which for all $t\in \{ 1,\dots, T\}$, $(x(t),u(t))\in S$, and $x(T)\in H^{\epsilon_0}$.
\end{Definition}
For simplicity's sake, we assume a constant $h$ that models the step length between two subsequent samples. Again, our convergence results will be based on the assumption that for every $t\in \{ 1,\dots, T\}$, the input~$u$ that the demonstrator computes for time $t$ is continuous as a function of the initial state $x_0$ which, of course, is a mathematical abstraction of a concrete implementation, where floating point computation is a fundamental obstacle to convergence in the precise mathematical sense.
Notice that there is a certain asymmetry with Definition~\ref{demonstration_def} of continuous demonstration. Namely, there is no equivalent to the fact that a continuous demonstration is a solution to ODE \eqref{system}. A discrete demonstration provided by demonstrator does not need to be a mere \emph{sampled} continuous demonstration. However, to use precomputed discrete controller on continuous system, we need to somehow reconstruct a continuous controller from this discrete demonstration.
Assume a discrete demonstration $(\tilde{x}_d,\tilde{u}_d)$. Since the discussed approach is based on LQR tracking, we choose to reconstruct a continuous demonstration $(\tilde{x}_c,\tilde{u}_c)$ via continuously (piecewise linearly) interpolated discrete LQR tracking \cite{OCtextbook}
\begin{equation}
\label{lin_interp}
\LQRTrack{(\tilde{x}_d,\tilde{u}_d)}(x,t):= \tilde{u}_{d,j} - K_j(x-\tilde{x}_j) \,+ \frac{\tilde{u}_{d,j+1} - \tilde{u}_{d,j} - K_{j+1}(x-\tilde{x}_{d,j+1}) + K_j(x-\tilde{x}_{d,j})}{h}(t-h(j-1)),
\end{equation}
for $t\in\langle h(j-1), hj\rangle, \, j = 1,2, \ldots$, where
\begin{align}
S_j &= Q_\mathrm{LQR} + A_j^T(S_{j+1}-S_{j+1}B_j(R_\mathrm{LQR}+B_k^TS_{j+1}B_j)^{-1}B_j^TS_{j+1})A_j \\
K_j &= (R_\mathrm{LQR}+B_j^TS_{j+1}B_j)^{-1}B_j^TS_{j+1}A_j
\end{align}
($Q_\mathrm{LQR}, R_\mathrm{LQR}$ are some chosen positive definite matrices) and
\begin{align}
A_j &= I+h\left.\frac{\partial F(x,u)}{\partial x} \right|_{x = \tilde{x}_{d,j}, u = \tilde{u}_{d,j}}\\
B_j &= h\left.\frac{\partial F(x,u)}{\partial u} \right|_{x = \tilde{x}_{d,j}, u = \tilde{u}_{d,j}}.
\end{align}
Hence for any discrete demonstration $(\tilde{x}_d,\tilde{u}_d)$ we have its continuous counterpart $(\tilde{x}_c,\tilde{u}_c)$ with $\tilde{x}_c(t) = \Sol{\tilde{x}_1}{\LQRTrack{(\tilde{x}_d,\tilde{u}_d)}}(t).$
In addition, the corresponding ODE
\begin{align}
\label{ODE_dis}
\dot{x}(t) &= F(x(t), \LQRTrack{(\tilde{x}_d,\tilde{u}_d)}(x(t),t))
\end{align}
has continuous right hand side in all arguments and is locally Lipschitz in $x$, uniformly in $t$ and $\tilde{x}_d(0)$. That holds due to our assumptions, since $F$ is assumed to be smooth and $\LQRTrack{(\tilde{x}_d,\tilde{u}_d)}$ is continuous as a function of time and initial state $\tilde{x}_d(0)$. Hence, the LQR tracking trajectory $\Sol{x_0}{\LQRTrack{(\tilde{x}_d,\tilde{u}_d)}}\colon [0, T]\rightarrow\mathbb{R}^n$ is, as a function of time, its initial state $x_0$ and the initial state of its target trajectory $\tilde{x}_d(0)$ uniformly continuous on $\left[0, T \right]\times D \times D$.
So, not only the continuous counterpart $(\tilde{x}_c,\tilde{u}_c)$ of the discrete demonstration $(\tilde{x}_d,\tilde{u}_d)$ meets our continuity assumptions with respect to initial states, but also this new interpolated one LQR tracking meets Proposition \ref{proposition3} as well. Hence, the discrete case can be converted to the continuous one with discrete demonstrations replaced by their continuous counterparts and LQR tracking replaced by its interpolated discrete time variant. Only one further assumptions must be added to make the conversion fully work. We must ensure that the continuous demonstrations $(\tilde{x}_c,\tilde{u}_c)$ meets our remaining criteria on continuous demonstrations, that is, they stay in $S$ and end in $H^{\epsilon_0}$. In the implementation itself, this can be checked simply via a simulation before the corresponding demonstration is added.
However, it is convenient to keep working in discrete time for the purpose of the implementation. This can be done easily by replacing the original compatibility condition from Definition~\ref{compatibility_def} with its discrete time counterpart that we describe next. Notice that in the case of discrete demonstrations, we will just need to know the original discrete demonstrations, their sampled continuous counterparts (not the whole continuous demonstrations) and the matrices that define discrete LQR tracking and hence, we need only discrete time objects.
Assume a continuous demonstration $(\tilde{x},\tilde{u})$ provided directly by a demonstrator or computed using a discrete demonstration using LQR tracking. We define discrete time compatibility with $L$ simply as
\begin{Definition}
\label{comptibled}
A function $L:\mathbb{R}^n\rightarrow\mathbb{R}$ is \emph{discretely compatible} with a continuous demonstration $(\tilde{x},\tilde{u})$ of length $T$ for $h>0$ iff
\begin{enumerate}
\item for all $t\in \{ 0, h, 2h, \dots, T\}$, $L(\tilde{x}(t))>0$, and
\item for all $t\in \{ 0,h, 2h, \dots, T-h\}$, $L(\tilde{x}(t+h)) - L(\tilde{x}(t)) <0$.
\end{enumerate}
\end{Definition}
We also easily adapt the LQR switching control (Definition~\ref{switchingcontrol}) for the discrete time compatibility case by requiring that the switching times are multiples of $h$. If our original demonstrations are discrete, we also use interpolated discrete LQR tracking instead of the continuous one. The next result immediately follows from Proposition \ref{prop:stable}.
\begin{Corollary}
\label{discrete_corollary}
Let $L: D\rightarrow \mathbb{R}$ be continuous, positive on $D \setminus H^{\epsilon_0}$, and discretely compatible with a set of continuous demonstrations $\mathcal{T}$ for some $h>0$. Then any system trajectory wrt. an LQR switching control law that has switching times that are multiples of $h$, and that is sufficiently decreasing wrt. $L$ stays in $S$, and visits $H^{\epsilon_0}$ after finitely many trajectory switches.
\end{Corollary}
According modifications of Algorithms~\ref{alg:known} and~\ref{alg:unknown} are also straightforward. The CLF learning conditions are replaced by the discrete ones from Definition~\ref{comptibled} and the compatibility condition is again evaluated for time instants that are multiples of $h$. The analogic propositions corresponding to Propositions~\ref{proposition6} and~\ref{proposition7} also holds (the proof is analogous to the continuous time conditions which is enclosed in the appendix).
\begin{Proposition}
Algorithm~\ref{alg:known} for discrete time conditions provides a stabilizing control law in finitely many iterations and Algorithm~\ref{alg:unknown} for discrete time conditions either fails or provides a stabilizing control law in finitely many iterations.
\end{Proposition}
\subsection{Implementation of Algorithm~\ref{alg:unknown} for Discrete Demonstrations}
\label{sec:alg_impl}
We comment on the implementation used for the case studies. The implementation is quiet similar to the original Algorithm~\ref{alg:unknown} with the modifications described in the previous subsection, i.e. demonstrations are discrete and compatibility is checked in the discrete-time sense. The LQR tracking control is based on the linearly interpolated discrete-time LQR control \eqref{lin_interp}, where cost matrices $Q_\mathrm{LQR}, R_\mathrm{LQR}$ are free parameters that depends on the particular problem.
Concerning the choice of an assignment rule $\phi$ from Definition \ref{assignmentrule}, we choose a combination of the Euclidean norm and the approximated cost of the LQR tracking gained from \eqref{lin_interp}. Namely, we narrow the search of the target trajectory via the Euclidean distance (we find 100 closest trajectories) and then choose the one with the smallest estimated tracking cost in order to reduce computation time for large sets of trajectories.
We should also mention that LQR switching control law is not defined uniquely due to the choice of the switching times. For our implementation, we always choose as the switching time the first allowed time instant within the interior of $D$. We also always check this time instant for the purpose of the falsifier. Hence, if the compatibility condition is not met in this time instant, we regard a simulation as a failure regardless of future states where the condition might be met.
Since we realize only a finite version of the algorithm, we will also assume a uniform random sampling of the state space for finding counterexamples to the compatibility condition in Definition~\ref{comptibled}. It should be noted that if we make sure that every infinite realization sampling is dense (except the realizations of the corresponding probability measure zero), we can easily state the probabilistic versions of Propositions~\ref{proposition6} and~\ref{proposition7}.
For the finite realizations of the algorithm, we use the following termination criterion: Finish the loop, accepting the current strategy as stabilizing, if the number of simulations without finding a counter-examples exceeds a certain threshold.
If we generate $N$ samples without finding any counterexample, by the rule of three, the estimate of a $95 \%$ confidence interval for the probability to generate a sample that fails the condition is $\left[1-\frac{1}{N}, 1\right]$.
Further, we do not generate demonstrations due to the existence of counterexamples with positive definiteness of CLF candidates, since they are not required. All that is need is to add inequality $L(x_c)>0$ for a counterexample $x_c$ into a current set of inequalities that is used for the generation of CLF candidates. On the subject of demonstrations, every discrete demonstration is interpreted as a set of discrete demonstrations from each point of the discrete demonstration to its end. This implies that with each added demonstration actually multiple trajectories are added into the set of current system of trajectories. Such a modification does have any influence on the inferred theoretical results whatsoever.
The whole implementation wasa done in MATLAB 2018b~\cite{MATLAB:2018}. We chose our demonstrator as a direct optimal control solver~\cite{Bet:10} that solves the nonlinear programming problem which is obtained from the optimal control problem by discretization of the system dynamics and the cost \cite{Bet:10}. The demonstrator is constructed using the toolbox CasADi~\cite{Andersson2018} with the internal non-linear optimization solver Ipopt~\cite{ipopt} (the discretization is done via the Hermite-Simpson collocation method \cite{Har:87}). The Lyapunov candidate learner is implemented in the toolbox YALMIP \cite{Lofberg2004} with the semidefinite programming solver SDPT3~\cite{SDPT3}. Positive definiteness of the Lyapunov candidate is checked via a falsifier based on the differential evolution algorithm best/1/bin~\cite{DE}. The initial solutions for the demonstrator is set as constant zero as all zero solution for both states and control with the exception of initial states. Otherwise, all solvers us their respective default settings.
\section{Examples}
\label{sec:Examples}
In this section, we provide computational experiments documenting the behavior of our algorithm and implementation on five typical benchmark problems. For each problem, we also provide a comparison of the resulting feedback controller with Sontag's formula, and with an algorithm using simulation based LQR trees~\cite{LQRtrees2}, that does not use trajectory switches and evaluates samples using full system simulations. However, we omitted the implementation of control funnels and based the trajectory assignment on the assignment rule that was used for our algorithm. Table~\ref{tab:comp} summarizes the latter comparison for later reference. Throughout, we will call our algorithm and implementation ``Lyapunov based approach''.
All computation was done on a PC with Intel Core i7-4820K, 3.7GHz and 16GB of RAM.
\begin{table}
\center
\fbox{
\begin{tabular}{l|ll|ll}
Case study & Total (pure sim.) & Last (pure sim.) & Total (Lyap.) & Last (Lyap.) \\
\hline
Pendulum & 90 & 87 & 42 & 41\\
Cart pendulum & 802 & 408 & 664 & 196 \\
RTAC & 42486 & 6019 & 1116 & 491\\
Acrobot & 10996 & 8723 & 6786 & 3981\\
Fan & 7337 & 4273 & 5803 & 1290\\
\end{tabular}
}
\caption{Simulations time (total time and time in the last iteration): Comparison of a pure simulation algorithm described in Example 1 and Algorithm~\ref{alg:unknown}.}
\label{tab:comp}
\end{table}
\subsection{Example 1: Inverted pendulum}
Consider the dynamics of the inverted pendulum
\begin{equation}
\ddot{\theta} = \frac{g}{l}\sin\theta - \frac{b\dot{\theta}}{ml^2} + \frac{u}{ml^2},
\end{equation}
where $m = 1, l = 0.5, g = 9.81, b = 0.1,$ and quadratic cost
\begin{equation}
\label{pendulum_cost}
V_t(x,u) = \int_0^t\theta(\tau)^2 + \dot{\theta}(\tau)^2 + u(\tau)^2 \;\mathrm{d}\tau
\end{equation}
and let the region of interest $D$ be $\left[-4, 4\right]\times\left[-6, 6\right]$ where the first interval corresponds to the angle $\theta$, the second one to the angular velocity $\dot{\theta}$. Moreover, we reduce the set $S$ for the angular velocity to $\dot{\theta}\in\left[ -8, 8\right]$. A controller based merely on linearization around the equilibrium does not satisfy our criteria, since it leaves the set~$S$. Hence, more trajectories are need to construct a suitable controller.
We chooe demonstrations that are $10 s$ long with time step $0.05 s$. The boundary $\dot{\theta}\in\left[ -8, 8\right]$ was added as an additional constraint.
We learned a LQR switching control law using our algorithm for the minimum switching time of $t_\mathrm{min} = 0.5 s$, $\gamma = 0.01$ and $\epsilon_0 = 0.05.$ The cost matrices $Q_\mathrm{LQR}, R_\mathrm{LQR}$ used for construction of LQR tracking was chosen the same as for the cost $V_t(x,u)$ itself. Note that sometimes a suitable quadratic candidate was not found on $D$ and thus we choose to use a polynomial of a higher order (4th order was sufficient) and choose parameters bounds as $\left[-10, 10\right]$. The control was accepted after 20000 successful subsequent simulations. In the end, we found the candidate
\begin{align*}
L &= -0.019\theta + 8.330\theta^2 - 4.689\theta^3 + 7.490 \theta^4 + 0.037\dot{\theta} + 4.326 \theta\dot{\theta} - 0.000 \theta^2\dot{\theta} +\\
& + 2.605 \theta^3\dot{\theta} + 1.888 \dot{\theta}^2 + 0.000 \theta\dot{\theta}^2 +4.492 \theta^2\dot{\theta}^2 - 0.721 \dot{\theta}^3 + 3.539 \theta\dot{\theta}^3 + 1.690 \dot{\theta}^4
\end{align*}
using eight trajectories.
\begin{table}
\center
\fbox{
\begin{tabular}{ll}
\# parameters of $L$ & $14$ \\
\# counterexamples (positive definiteness) & $8$\\
\# counterexamples (decrease condition) & $6$\\
\# demonstrations & $6$\\
\# states in all demonstrations & $252$\\
\# inequalities & $82$ \\
Demonstrator time & $0.84s$\\
Learner time &$10.58s$\\
Falsifier (positive definiteness) time& $28.69s$\\
Falsifier (decrease condition) time&$41.67s$\\
Falsifier (decrease condition) simulations& $20127$ \\
Total time&$88.40 s$\\
\end{tabular}
}
\caption{The run of the algorithm for the inverted pendulum example}
\label{table_pendulum}
\end{table}
We make a cost comparison on $\left[-\pi, \pi\right]\times\left[-5, 5\right]$ between the control based on Sontag's formula for a system $\dot{x} = F(x) + G(x)u$ and our controller. Here, Sontag's formula takes the form \cite{Son:98,universal1}
\begin{equation}
\label{sontag_gen}
u = \left\{
\begin{array}{ll}
-\dfrac{ a + \sqrt{a^2 + x^TQxb^2 }}{b}G(x)^T\nabla L(x) & \text{if}\ b \neq 0\\
\phantom{-}0 & \text{otherwise},
\end{array}\right.
\end{equation}
where $a = \nabla L(x)^TF(x),$ $b = \nabla L(x)^T G(x)G(x)^T \nabla L(x),$ and $q:\mathbb{R} \mapsto \mathbb{R}$ such that $q(0) = 0$, and $bq(b) > 0$ for any non-zero $b$, and $Q = I$ in our example.
We learned a quadratic CLF on $\left[-10, 10\right]\times\left[-10, 10\right]$ using demonstrations from the same demonstrator as the one we used for our algorithm and checked its properties via falsification through optimization via a differential evolution algorithm that is also used in our algorithm, as described in Subsection~\ref{sec:alg_impl}. The resulting CLF was
$$ L = 7.50\theta^2 + 3.43\dot{\theta}^2 + 1.74\theta\dot{\theta}.$$ Sontag's formula provides an optimal control law only if the used CLF and the optimal cost have the same level sets~\cite{universal1}. As can be seen from histogram~\ref{pendulum_histogram}, this is definitely not the case for the Lyapunov function we learned.
In the comparison with the approach based on full simulations we used the same threshold for acceptance of the strategy, that is, 20000 subsequent successful simulations.
Three trajectories were added in the simulation-only approach. Moreover, the simulations in the simulation-only approach took 90.3 seconds and 87.0 seconds was needed in the last iteration. The simulations in the Lyapunov approach took 41.7 seconds in total, and the successful iteration took a mere 40.7 seconds with the same number of required simulations. This shows the benefit of learning a Lyapunov-like function to significantly decrease the required simulation time for one whole iteration.
\begin{figure}
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{pendulum_article_contour_L-eps-converted-to.pdf}
\caption{Lyapunov-like function}
\end{subfigure}%
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{pendulum_article_assign-eps-converted-to.pdf}
\caption{Trajectory assignment}
\end{subfigure}
\caption{Pendulum: polynomial (4th order) Lyapunov-like function compatible with the learned control for the pendulum (logarithmic scale) and trajectory assignment (colours corresponds to each respective demonstration)}
\end{figure}
\begin{figure}
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{article_pendulum_traj_x-eps-converted-to.pdf}
\caption{States}
\end{subfigure}%
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{article_pendulum_traj_u-eps-converted-to.pdf}
\caption{Control}
\end{subfigure}
\caption{Pendulum: LQR switching control trajectory, red dashed line denotes target trajectories}
\end{figure}
\begin{figure}
\includegraphics[width=\linewidth]{pendulum_article_hist-eps-converted-to.pdf}
\caption{Pendulum: value of Sontag's formula (blue, mean value is 35,2) and the LQR switching control (red, mean value is 20,5) }
\label{pendulum_histogram}
\end{figure}
\subsection{Example 2: Inverted pendulum on a cart}
Assume the model
\begin{align}
\ddot{x} &= \frac{4u + 4ml\dot{\theta}^2\sin\theta-3mg\sin\theta\cos\theta}{4(M+m)-3m\cos^2\theta}\\
\ddot{\theta} &= \frac{(M+m)g\sin\theta - u\cos\theta - ml\dot{\theta}^2\sin\theta\cos\theta}{l(\frac{4}{3}(M+m)-m\cos^2\theta)}\nonumber,
\end{align}
that describes an inverted pendulum on a cart. The state $x$ corresponds to the position of the cart and $\theta$ is the angle between pendulum and the vertical axis. The goal is to bring the pendulum into vertical position by moving the cart and to keep it there. Hence, we again choose the quadratic cost
\begin{equation}
\label{cart_cost}
V_t(y,u) = \int_0^t y(\tau)^TQy(\tau) + u(\tau)^TRu(\tau)\;\mathrm{d}\tau,
\end{equation}
for $Q = R = I,$ where $y = (x,\theta,\dot{x},\dot{\theta})^T$.
Let the parameter values of be $m = 0.21, M = 0.815$ a $l = 0.305$ and let the region of interest $D$ be $\left[-2.5, 2.5\right] \times \left[-2, 2\right] \times \left[-2.5, 2.5\right] \times \left[-2.5, 2.5\right]$ (the order of intervals is $x,\theta,\dot{x},\dot{\theta}$). We also added a constraint $x\in\left[-6, 6\right]$ that both to the demonstrator and the strategy falsifier take into account.
We set demonstrations to be $10 s$ long with a time step $0.05 s$ and set the minimum switching time $t_\mathrm{min}$ to 0.5 seconds, $\gamma = 10^{-2}$ and $\epsilon = 0.1.$ The LQR tracking cost was chosen also as identity matrices. A quadratic CLF candidate with even powers only (parameters bounded to $P = \left[-10, 10\right]^{10}$) was sufficient for this example. The algorithm constructed the candidate
$$L = 0.923 x^2 + 3.031 x\theta + 9.091 \theta^2 + 0.888 x\dot{x} + 3.724 \theta\dot{x} + 0.808 \dot{x}^2 + 0.527x\dot{\theta} + 3.252 \theta\dot{\theta} + 0.984 \dot{x}\dot{\theta} + 0.525 \dot{\theta}^2$$
after adding 29 trajectories when it reached the required 50000 simulations without finding a counterexample.
To make a comparison with Sontag's formula \eqref{sontag_gen}, we also learned the CLF using demonstrations checked its properties via falsification as in the previous example
$$L = 0.54 x^2 + 1.46 x\theta + 9.09 \theta^2 + 0.49 x\dot{x} + 3.72 \theta\dot{x} + 0.90 \dot{x}^2 + 0.40x\dot{\theta} + 3.58 \theta\dot{\theta} + 1.35 \dot{x}\dot{\theta} + 0.85 \dot{\theta}^2$$
on $\left[-2.5, 2.5\right] \times \left[-2, 2\right] \times \left[-10, 10\right] \times \left[-10, 10\right]$ and used it to compare the cost of the respective control laws on $\left[-1, 1\right]^4,$ see the histogram in Figure~\ref{cart_histogram}.
The simulation-only approach needed fifteen trajectories and simulations took 802 seconds. However, 408 seconds were needed in the last iteration (the control was accepted after 50000 successful simulations). The simulations in the Lyapunov approach took 664 seconds, while the successful iteration took a mere 196 seconds with the same number of required simulations. This again shows a benefit of learning the Lyapunov-like function to significantly decrease the required simulation time.
\begin{table}
\center
\fbox{
\begin{tabular}{ll}
\# parameters of $L$ & $10$ \\
\# counterexamples (positive definiteness) & $2$\\
\# counterexamples (decrease condition) & $29$\\
\# demonstrations & $29$\\
\# states in all demonstrations & $3407$\\
\# inequalities& $235$ \\
Demonstrator time & $58.5 s$\\
Learner time &$16.0 s$\\
Falsifier (positive definiteness) time& $89.1 s$\\
Falsifier (decrease condition) time&$663.8 s$\\
Falsifier (decrease condition) simulations& $179800$ \\
Total time&$494.7 s$\\
\end{tabular}
}
\caption{The run of the algorithm for the pendulum on a cart example}
\label{table_pendulum_cart}
\end{table}
\begin{figure}[h!]
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{cart_article_contour_L-eps-converted-to.pdf}
\caption{Lyapunov-like function: $\dot{x} = \dot{\theta} = 0$}
\end{subfigure}%
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{cart_article_contour_dL-eps-converted-to.pdf}
\caption{Decrease criterion: $\dot{x} = \dot{\theta} = 0$}
\end{subfigure}
\caption{Pendulum on a cart: polynomial (4th order) Lyapunov-like function compatible with the learned control for the pendulum on a cart}
\end{figure}
\begin{figure}[h!]
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{article_cart_traj_x-eps-converted-to.pdf}
\caption{States}
\end{subfigure}%
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{article_cart_traj_u-eps-converted-to.pdf}
\caption{Control}
\end{subfigure}
\caption{Pendulum on a cart: LQR switching control trajectory, red dashed line denotes target trajectories}
\end{figure}
\begin{figure}
\includegraphics[width=\linewidth]{cart_article_hist-eps-converted-to.pdf}
\caption{Pendulum on a cart: value of Sontag's formula (blue, mean value is 44,7) and the LQR switching control (red, mean value is 31,0) }
\label{cart_histogram}
\end{figure}
\subsection{Example 3: RTAC (Rotational/translational actuator)}
Assume the control-affine model \cite{RTAC}
\begin{equation}
\dot{x} = F(x) + G(x)u,
\end{equation}
for
\begin{equation}
\begin{split}
F = \begin{pmatrix}
x_2\\
\frac{-x_1+0.2x_4^2\sin x_3}{1-0.04\cos^2 x_3}\\
x_4\\
0.2\cos x_3\frac{x_1-0.2x_4^2\sin x_3}{1-0.04\cos^2 x_3}\\
\end{pmatrix}
\end{split},
\qquad\qquad
\begin{split}
G = \begin{pmatrix}
0\\
\frac{-0.2\cos x_3}{1-0.04\cos^2 x_3}\\
0\\
0.2\cos x_3\frac{1}{1-0.04\cos^2 x_3}\\
\end{pmatrix}
\end{split}.
\end{equation}
What makes this example interesting is the fact that stabilization of the system is quite long (approximately 50 seconds). This makes full simulations to check stability largely ineffective.
For the purpose of this example, we choose the region of interest $D$ as $\left[-5, 5\right]^4$. Demonstrations were $150 s$ long with a time step of $0.05 s$. We set the minimum switching time $t_\mathrm{min}$ to 4 seconds, $\gamma = 10^{-2}$, and $\epsilon = 0.05.$ The LQR tracking cost $Q_\mathrm{LQR}, R_\mathrm{LQR}$ are identity matrices. A polynomial CLF of fourth order candidates with even powers only (45 parameters bounded to $P = \left[-10, 10\right]^{45}$) was sufficient for this case. The algorithm
returned the CLF
\begin{align*}
L &= 3.822x_1^4 - 1.229x_1^3x_2 - 2.878x_1^3x_3 - 5.13x_1^3x_4 + 7.145x_1^2x_2^2 + 6.577x_1^2x_2x_3 + 1.782x_1^2x_2x_4 + \\
&+ 8.322x_1^2x_3^2 + 4.4x_1^2x_3x_4 + 5.178x_1^2x_4^2 + 8.546x_1^2 - 1.345x_1x_2^3 - 2.646x_1x_2^2x_3 - 2.242x_1x_2^2x_4 + \\
&+ 1.956x_1x_2x_3^2 + 0.929x_1x_2x_3x_4 - 0.285x_1x_2x_4^2 + 0.744x_1x_2 - 3.882x_1x_3^3 + 4.123x_1x_3^2x_4 + \\
&+ 2.415x_1x_3 + 2.383x_1x_4^3 - 5.434x_1x_4 + 3.662x_2^4 + 5.029x_2^3x_3 + 2.073x_2^3x_4 + 6.457x_2^2x_3^2 + 7.72x_2^2x_3x_4 +\\
&+ 4.319x_2^2x_4^2 + 8.45x_2^2 + 0.703x_2x_3^3 - 5.95x_2x_3^2x_4 + 0.724x_2x_3x_4^2 + 6.304x_2x_3 + 3.079x_2x_4^3 + \\
&+ 6.08x_2x_4 + 7.118x_3^4 - 2.218x_3^3x_4 + 3.189x_3^2x_4^2 + 4.276x_3^2 - 0.317x_3x_4^3 + 3.835x_3x_4 + 2.554x_4^4 + 4.355x_4^2
\end{align*}
when reaching the required number of 100000 simulations without finding a counterexample. At this point, 23 trajectories have been added.
To make a comparison with Sontag's formula \eqref{sontag_gen}, we also learned the CLF using demonstrations, and checked it via falsification as in the previous example. We used the resulting CLF
\begin{align*}
L &= 5.635x_1^4 - 1.623x_1^3x_2 - 2.324x_1^3x_3 - 3.651x_1^3x_4 + 9.745x_1^2x_2^2 + 2.230x_1^2x_2x_3 + 2.396x_1^2x_2x_4 + \\
& + 7.704x_1^2x_3^2 + 0.9607x_1^2x_3x_4 - 0.274x_1^2x_4^2 + 9.745x_1^2 - 0.023x_1x_2^3 + 4.722x_1x_2^2x_3 - 0.848x_1x_2^2x_4 +\\
& + 8.8805x_1x_2x_3^2 + 9.7446x_1x_2x_3x_4 + 2.3132x_1x_2x_4^2 - 1.6718x_1x_2 - 9.7446x_1x_3^3 + 9.7446x_1x_3^2x_4 + 8.7411x_1x_3x_4^2 - \\
& - 1.296x_1x_3 + 4.927x_1x_4^3 - 7.681x_1x_4 + 5.779x_2^4 + 6.761x_2^3x_3 + 4.158x_2^3x_4 + 9.745x_2^2x_3^2 + 8.530x_2^2x_3x_4 + \\
& + 4.539x_2^2x_4^2 + 9.745x_2^2 + 3.338x_2x_3^3 - 9.745x_2x_3^2x_4 + 5.668x_2x_3x_4^2 + 9.089x_2x_3 + 9.745x_2x_4^3 + \\
& + 6.945x_2x_4 + 9.745x_3^4 + 5.141x_3^3x_4 + 9.745x_3^2x_4^2 + 4.597x_3^2 + 9.745x_3x_4^3 + 5.546x_3x_4 + 7.041x_4^4 + 3.982x_4^2\\
\end{align*}
on $D = \left[-5, 5\right]^4$ to compare the cost of the respective control laws on $\left[-2, 2\right]^4,$ see the histogram in figure \ref{RTAC_histogram}. Here, computation took $42486$ seconds, where $6019$ seconds were spent in the last iteration. This in stark contrast to our approach, which took 1116 seconds, and were the successful last iteration took a mere 491 seconds with the same termination criterion. So our approach was twelve times faster, here.
\begin{table}
\center
\fbox{
\begin{tabular}{ll}
\# parameters of $L$ & $45$ \\
\# counterexamples (positive definiteness) & $3$\\
\# counterexamples (decrease condition) & $23$\\
\# demonstrations & $23$\\
\# states in all demonstrations & $36428$\\
\# inequalities & $1667$ \\
Demonstrator time & $326.2 s$\\
Learner time &$3478.7s$\\
Falsifier (positive definiteness) time& $85.6 s$\\
Falsifier (decrease condition) time&$1115.5 s$\\
Falsifier (decrease condition) simulations& $223924$ \\
Total time&$ 5316.1 s$\\
\end{tabular}
}
\caption{The run of the algorithm for the RTAC example}
\label{table_RTAC}
\end{table}
\begin{figure}
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{RTAC_article_contour_L-eps-converted-to.pdf}
\caption{Lyapunov-like function: $x_2 = x_4 = 0$}
\end{subfigure}%
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{RTAC_article_contour_dL-eps-converted-to.pdf}
\caption{Decrease criterion: $x_2 = x_4 = 0$}
\end{subfigure}
\caption{RTAC: polynomial (4th order) Lyapunov-like function compatible with the learned control for the RTAC}
\end{figure}
\begin{figure}[h!]
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{article_RTAC_traj_x-eps-converted-to.pdf}
\caption{States}
\end{subfigure}%
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{article_RTAC_traj_u-eps-converted-to.pdf}
\caption{Control}
\end{subfigure}
\caption{RTAC: LQR switching control trajectory, red dashed line denotes target trajectories}
\end{figure}
\begin{figure}
\includegraphics[width=\linewidth]{RTAC_article_hist-eps-converted-to.pdf}
\caption{RTAC: value of Sontag's formula (blue, mean value is 64,0) and the LQR switching control (red, mean value is 58,2) }
\label{RTAC_histogram}
\end{figure}
\subsection{Example 4: Inverted double pendulum}
The inverted double pendulum (or acrobot) is a simple model used for a humanoid robot balancing. The system of ordinary differential equations can be written as \cite{acrobot}
\begin{equation}
M(\theta)\ddot{\theta} + C(\theta,\ddot{\theta})\dot{\theta} + G(\theta) = \begin{pmatrix} 0\\u\\ \end{pmatrix},
\end{equation}
where
\begin{align*}
M &= \begin{pmatrix} a+b+2c\cos{\theta_2} & b +c\cos{\theta_2}\\ b +c\cos{\theta_2} & b\\\end{pmatrix},\\
C &= \begin{pmatrix} -c\sin{\theta_2}\dot{\theta}_2 & -c\sin{\theta_2}(\dot{\theta}_1+\dot{\theta}_2)\\ c\sin{\theta_2}\dot{\theta_1} & 0\\\end{pmatrix},\\
G &= -\begin{pmatrix} d\sin{\theta_1}+e\sin{(\theta_1+\theta_2)}\\e\sin{(\theta_1+\theta_2)}\end{pmatrix},\\
\end{align*}
with
\begin{align*}
a &= m_1l_1^2 + m_2l_2^2 & b &= m_2l_2^2,\\
c & = m_2l_1l_2 & d &= gm_1l_1 + gm_2l_2,\\
e & = gm_2l_2.&&
\end{align*}
The system can be rewritten to the usual control-affine form
\begin{equation}
\ddot{\theta} = \begin{pmatrix} \dot{\theta}\\-M^{-1}(C\dot{\theta}+G)\end{pmatrix} + \begin{pmatrix} 0\\M^{-1}\begin{pmatrix}0\\1\end{pmatrix}\end{pmatrix}u.
\end{equation}
The states of the system are the angles $\theta_1$ and $\theta_2$ and the angular velocities $\dot{\theta}_1$ and $\dot{\theta}_2$. The lengths of pendula are denoted as $l_1$ and $l_2$, their weights as $m_1$ and $m_2$ and $g$ denotes the gravitational acceleration. The linearization of the acrobot around its unstable equilibrium $\theta_1 = \theta_2 = \dot{\theta}_1 = \dot{\theta}_2 = 0$ (upward position) is controllable \cite{acrobot}.
We will use the same values of parameters as in \cite{acrobot}, i.e.
\begin{align*}
m_1 &= 7, & m_2 &= 8,\\
l_1 &= \frac{1}{2}, & l_2 &= \frac{3}{4}.\\
\end{align*}
We again assumed quadratic cost \ref{cart_cost} with $Q = R = I$. However, the tracking cost was chosen as $Q_\mathrm{LQR} = 1000I$ to obtain suitable tracking performance. One interesting remark to mention is the fact that elements of the gain matrix $K$ of the linearized model around the equilibrium are quite large
$$ K = -1000\cdot\begin{pmatrix} 1.58 & 0.70 & 0.52 & 0.26 \end{pmatrix}$$
and thus we chose the norm tolerance $\epsilon_0$ where the control is switched to the LQR regulation as $10^{-5}$. Also we set the time step of demonstrations to $0.01$ to achieve sufficiently accurate tracking. We chose the set where we want the stabilizing controller as $D = \left[-0.15, 0.15\right]^4$ and we set the minimum target trajectory switch time to $1.5$, the maximum time span of the demonstrations as $8$ seconds, and $\gamma$ as $0.01$.
A polynomial of the 4th order (with even powers only, $P = \left[-100, 100\right]^{45}$) was enough to find a suitable candidate and 67 trajectories were added during the run of the algorithm. The control was accepted after 200000 subsequent successful simulations. The time required for the whole run of the algorithm was $10169$ seconds.
\begin{align*}
L &= 85.335\theta_1\theta_2 + 83.130\theta_1\dot{\theta}_1+ 42.601\theta_1\dot{\theta}_2 + 4.332\theta_2^4 + 2.693\theta_2^3\dot{\theta}_2 +\\
&+ 20.117\theta_2^2 - 2.278\theta_2\dot{\theta}_1^2\dot{\theta}_2 + 41.777\theta_2\dot{\theta}_1 + 0.23975\theta_2\dot{\theta}_2^3 + 21.397\theta_2\dot{\theta}_2 -\\
& - 16.102\dot{\theta}_1^2\dot{\theta}_2^2 + 64.656\dot{\theta}_1^2 + 22.669\dot{\theta}_1\dot{\theta}_2^3 + 65.411\dot{\theta}_1\dot{\theta}_2 + 15.862\dot{\theta}_2^4 +\\
&+ 16.564\dot{\theta}_2^2
\end{align*}
\begin{table}
\center
\fbox{
\begin{tabular}{ll}
\# parameters of $L$ & $45$ \\
\# counterexamples (positive definiteness) & $6$\\
\# counterexamples (decrease condition) & $67$\\
\# demonstrations & $67$\\
\# states in all demonstrations & $31894 $\\
\# inequalities & $1569$ \\
Demonstrator time & $375.7 s$\\
Learner time &$ 2667.3s$\\
Falsifier (positive definiteness) time& $226.6 s$\\
Falsifier (decrease condition) time&$6786.2 s$\\
Falsifier (decrease condition) simulations& $521260$ \\
Total time& $10169s$\\
\end{tabular}
}
\caption{The run of the algorithm for the acrobot example}
\label{table_acrobot}
\end{table}
\begin{figure}
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{acrobot_article_contour_L-eps-converted-to.pdf}
\caption{Lyapunov-like function: $\dot{\theta_1} = \dot{\theta_2} = 0$}
\end{subfigure}%
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{acrobot_article_contour_dL-eps-converted-to.pdf}
\caption{Decrease criterion: $\dot{\theta_1} = \dot{\theta_2} = 0$}
\end{subfigure}
\caption{Acrobot: polynomial (4th order) Lyapunov-like function compatible with the learned control for the acrobot}
\end{figure}
\begin{figure}[h!]
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{article_acrobot_traj_x-eps-converted-to.pdf}
\caption{States}
\end{subfigure}%
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{article_acrobot_traj_u-eps-converted-to.pdf}
\caption{Control}
\end{subfigure}
\caption{Acrobot: LQR switching control trajectory, red dashed line denotes target trajectories}
\label{acrobot_traj}
\end{figure}
\begin{figure}
\includegraphics[width=\linewidth]{acrobot_article_hist-eps-converted-to.pdf}
\caption{Acrobot: value of LQR around the equilibrium (blue, mean value is 7675) and the LQR switching control (red, mean value is 4698) }
\label{acrobot_histogram}
\end{figure}
We can again compare the algorithm with the simulation only approach. The simulations in the simulation-only approach took $10996$ seconds, with added 12 trajectories. If we look at the last successful run of the falsifier, it is $8723 s$ (simulation only) versus $3981 s$ (Lyapunov). Again, the difference is quite noticeable. However, this difference could be even bigger if it was not the for the fact that the stabilizing trajectories leave the set $D$ considerably (see Figure ~\ref{acrobot_traj}). Finally, we provide a comparison of the cost of the gained LQR switching controller on $D$ with the cost of the LQR controller around the equilibrium which for the most part stabilizes the system (we do not give a comparison with Sontag's formula again due to the expansive nature of the system that translates to the requirement of finding a CLF on a much larger set than $D$ to generate a control law that stabilizes the system on $D$).
\subsection{Example 5: Caltech ducted fan}
We assume the planar model of a fan in hover mode
\begin{align}
m\ddot{x} &= -d_c\dot{x} + u_1\cos\theta - u_2\sin\theta \nonumber\\
m\ddot{y} &= -d_c\dot{y} + u_2\cos\theta + u_1\sin\theta - mg\\
J\ddot{\theta} &= ru_1,\nonumber
\end{align}
where $m = 11.2, g = 0.28, J = 0.0462, r = 0.156$ a $d_c = 0.1$. The variables $x$ a $y$ denote the position of the centre of the mass of the fan ($y$ denotes the height), $\theta$ is the orientation of the fan, $J$ is its moment of the inertia, $d_c$ is the friction coefficient, $m$ is its mass of the fan, $u_1$ denotes the force perpendicular to the axis of the fan and $u_2$ is the force that is parallel, both acting at the distance $r$ from the centre of the mass of the fan \cite{fan}.
We again used the quadratic cost~\eqref{cart_cost} with $Q = R = I$ (the cost of LQR tracking is also the same) and set the tolerance $\epsilon_0$ where the control is switched to LQR around the equilibrium to $0.01$. We use demonstrations that are $40$ seconds long, with the time step of the demonstrator being $0.05$. The investigated set was chosen as $D = \left[-1, 1\right]^6$, $\gamma$ as $0.01,$ and the minimum target trajectory switch time as $t_\mathrm{min} = 1.5s$. For $P = \left[-100, 100\right]^{21}$, the quadratic candidate
\begin{align*}
L &= 9.591x^2 + 1.424xy - 7.087x\theta + 19.822x\dot{x} + 5.497x\dot{y} - 1.636x\dot{\theta} + 2.318y^2 - 0.215y\theta +\\
&+ 0.6208y\dot{x} + 1.588y\dot{y} - 0.113y\dot{\theta} + 4.217\theta^2 - 16.116\theta\dot{x} - 2.128\theta\dot{y} + 2.331\theta\dot{\theta} + \\
&+ 47.061\dot{x}^2 + 8.411\dot{x}\dot{y} - 5.203\dot{x}\dot{\theta} + 40.935\dot{y}^2 - 0.279\dot{y}\dot{\theta} + 0.399\dot{\theta}^2\\
\end{align*}
was found after adding $73$ trajectories. The whole run took $6972 s$, where tthe control law was accepted after successful 200000 simulations.
\begin{table}
\center
\fbox{
\begin{tabular}{ll}
\# parameters of $L$ & $21$ \\
\# counterexamples (positive definiteness) & $10$\\
\# counterexamples (decrease condition) & $73$\\
\# demonstrations & $73$\\
\# states in all demonstrations & $35149$\\
\# added inequalities & $1042$ \\
Demonstrator time & $161.0 s$\\
Learner time &$568.2 s$\\
Falsifier (positive definiteness) time& $328.9 s$\\
Falsifier (decrease condition) time&$5803 s$\\
Falsifier (decrease condition) simulations& $907696$ \\
Total time&$6972 s$\\
\end{tabular}
}
\caption{The run of the algorithm for the fan example}
\label{table_fan}
\end{table}
We also provide a cost comparison with Sontag's formula \eqref{sontag_gen} on $\left[-0.5, 0.5\right]^6$, using the learned quadratic CLF
\begin{align*}
L &= 9.241x^2 + 0.759xy - 10.022x\theta + 29.314x\dot{x} + 8.172x\dot{y} - 2.659x\dot{\theta} + 4.519y^2 - 0.248y\theta - \\
& - 1.020y\dot{x} + 9.036y\dot{y} + 0.402y\dot{\theta} + 6.635\theta^2 - 27.597\theta\dot{x} - 2.791\theta\dot{y} + 4.030\theta\dot{\theta} +\\
& + 47.312\dot{x}^2 + 12.093\dot{x}\dot{y} - 10.604\dot{x}\dot{\theta} + 34.910\dot{y}^2 - 0.861\dot{y}\dot{\theta} + 1.168\dot{\theta}^2.
\end{align*}
Finally, we ran the simulation only approach. The simulations in the simulation-only approach took $7337 s$, adding $12$ trajectories, and the last successful run of the falsifier took $4273 s$ in comparison to $1290 s$ of the Lyapunov based approach.
\begin{figure}
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{fan_article_contour_L-eps-converted-to.pdf}
\caption{Lyapunov function: $x = \dot{x} = \dot{y} = \dot{\theta}$}
\end{subfigure}%
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{fan_article_contour_dL-eps-converted-to.pdf}
\caption{Decrease criterion: $x = \dot{x} = \dot{y} = \dot{\theta}$}
\end{subfigure}
\caption{Fan: quadratic Lyapunov-like function compatible with the learned control for the fan}
\end{figure}
\begin{figure}
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{article_fan_traj_x-eps-converted-to.pdf}
\caption{States}
\end{subfigure}%
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{article_fan_traj_u-eps-converted-to.pdf}
\caption{Control}
\end{subfigure}
\caption{Fan: LQR switching control trajectory, red dashed line denotes target trajectories}
\label{fan_traj}
\end{figure}
\begin{figure}
\includegraphics[width=\linewidth]{fan_article_hist-eps-converted-to.pdf}
\caption{Fan: value of Sontag's formula (blue, mean value is 18.4) and the LQR switching control (red, mean value is 11.6) }
\label{fan_histogram}
\end{figure}
\subsection{Example 6: Quadcopter}
Let us consider a problem in slightly higher dimensions. We assume the quadcopter model
\begin{align}
m\ddot{x} &= u_1(\sin\phi\sin\psi + \cos\phi\cos\psi\sin\theta)\nonumber\\
m\ddot{y} &= u_1(\cos\phi\sin\theta\sin\psi - \cos\psi\sin\phi)\nonumber\\
m\ddot{y} &= u_1\cos\theta\cos\phi -mg\\
m\ddot{\psi} &= u_2\nonumber\\
m\ddot{\theta} &=u_3\nonumber\\
m\ddot{\phi} &= u_4\nonumber.
\end{align}
with quadratic cost \eqref{cart_cost} for $Q = R = I$ (the same as the cost of the used LQR tracking).
First, we considered the set $D = \left[-1, 1\right]^{12}$ with $S = \left[-10, 10\right]^{12}$), and we set $\epsilon_0 = 0.01$, $\gamma = 0.01$, and $t_\mathrm{min} = 1.$ Demonstrations were $10$ seconds long with a time step of $0.05$. A quadratic polynomial candidate was sufficient for this setup ($P = \left[-100, 100\right]^{78}$). We found the result
\begin{align*}
L &= 3.450x^2 - 2.457xy + 5.741xz + 0.231x\phi - 3.018x\psi + 9.119x\theta + 3.116x\dot{x} + 1.108x\dot{y} + 3.505x\dot{z} -\\
&- 2.754x\dot{\phi} - 1.243x\dot{\psi} - 0.943x\dot{\theta} + 4.935y^2 + 2.361yz - 18.798y\phi - 10.064y\psi - 6.449y\theta + 0.928y\dot{x} + \\
&+ 3.809y\dot{y} + 0.483y\dot{z} - 1.416y\dot{\phi} - 5.876y\dot{\psi} + 2.438y\dot{\theta} + 15.587z^2 - 7.303z\phi - 18.477z\psi + \\
&+ 4.682z\theta - 2.040z\dot{x} - 3.7334z\dot{y} + 10.078z\dot{z} + 3.427z\dot{\phi} + 0.001z\dot{\psi} - 2.436z\dot{\theta} + 97.742\phi^2 + \\
&+ 22.628\phi\psi + 18.888\phi\theta - 9.006\phi\dot{x} - 20.905\phi\dot{y} + 6.422\phi\dot{z} + 37.618\phi\dot{\phi} - 12.402\phi\dot{\psi} - \\
&- 4.857\phi\dot{\theta} + 84.238\psi^2 + 5.952\psi\theta + 1.976\psi\dot{x} + 0.156\psi\dot{y} + 0.272\psi\dot{z} + 3.856\psi\dot{\phi} + \\
&+ 39.684\psi\dot{\psi} + 0.531\psi\dot{\theta} + 97.742\theta^2 + 32.264\theta\dot{x} - 3.445\theta\dot{y} + 4.141\theta\dot{z} + 6.366\theta\dot{\phi}-\\
&- 22.0\theta\dot{\psi} + 41.178\theta\dot{\theta} + 5.1505\dot{x}^2 + 0.93925\dot{x}\dot{y} + 2.6872\dot{x}\dot{z} - 0.73247\dot{x}\dot{\phi} -\\
&- 19.549\dot{x}\dot{\psi} + 9.474\dot{x}\dot{\theta} + 7.064\dot{y}^2 - 4.533\dot{y}\dot{z} - 15.665\dot{y}\dot{\phi} - 5.585\dot{y}\dot{\psi} + \\
&+ 0.571\dot{y}\dot{\theta} + 9.099\dot{z}^2 + 1.447\dot{z}\dot{\phi} - 4.352\dot{z}\dot{\psi} + 3.367\dot{z}\dot{\theta} + 14.492\dot{\phi}^2 - \\
&- 5.550\dot{\phi}\dot{\psi} + 0.004\dot{\phi}\dot{\theta} + 97.742\dot{\psi}^2 - 11.484\dot{\psi}\dot{\theta} + 8.626\dot{\theta}^2
\end{align*}
after 1000000 successful simulations. Note that in this example we used a linear programming learner based on the Chebyshev center~\cite{Rav:19} instead of a semidefinite programming learner based on the maximum volume ellipsoid, in order to save computation time.
\begin{table}
\center
\fbox{
\begin{tabular}{ll}
\# parameters of $L$ & $78$ \\
\# counterexamples (positive definiteness) & $692$\\
\# counterexamples (decrease condition) & $136$\\
\# demonstrations & $136$\\
\# states in all demonstrations & $35149$\\
\# added inequalities & $1811$ \\
Demonstrator time & $524.0 s$\\
Learner time &$129.8 s$\\
Falsifier (positive definiteness) time& $2683.1 s$\\
Falsifier (decrease condition) time&$95300 s$\\
Falsifier (decrease condition) simulations& $11176683$ \\
Total time&$98803 s$\\
\end{tabular}
}
\caption{The run of the algorithm for the quadcopter example}
\label{quad_fan}
\end{table}
\begin{figure}
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{quad_article_contour_L-eps-converted-to.pdf}
\caption{Lyapunov function}
\end{subfigure}%
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{quad_article_contour_dL-eps-converted-to.pdf}
\caption{Decrease criterion}
\end{subfigure}
\caption{Quadcopter: quadratic Lyapunov-like function compatible with the learned control for the quadcopter}
\end{figure}
\begin{figure}
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{article_quad_traj_x-eps-converted-to.pdf}
\caption{States}
\end{subfigure}%
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{article_quad_traj_u-eps-converted-to.pdf}
\caption{Control}
\end{subfigure}
\caption{Quadcopter: LQR switching control trajectory, red dashed line denotes target trajectories}
\end{figure}
\begin{figure}
\includegraphics[width=\linewidth]{quad_article_hist-eps-converted-to.pdf}
\caption{Quadcopter: value of LQR around the equilibrium (blue, mean value is 59.7) and the LQR switching control (red, mean value is 46.0) }
\end{figure}
It should be noted that on $\left[-1, 1\right]^{12}$, the quadcopter system is mostly (we detected 6 counterexamples in 100000 random samples due to leaving $S$) stabiliziable by its LQR around the equilibrium. However, adding more trajectories (136 in this examples) leads to a significant decrease of cost as seen in the cost comparison based on 100000 samples.
Next, we increased the set $D$ to $D = \left[-1.5, 1.5\right]^{12}$, to see how this influences the algorithm. We choose to stop it when $500000$ subsequent simulations were successful. As can be seen from Figure~\ref{quad_run} that describes the number of simulations during the run of the algorithm, this increases the number of required trajectories significantly. Still, if we investigate the number of added demonstrations to the dimensions of the problem, we still get quite a poor resolution ($468878$ total number of points, i.e. $462422^{\frac{1}{12}}\approx 3$ grid points per dimension).
We also observe the noticeable increasing trend of required simulations to find a new counterexample as the number of demonstrations increases, see Figure~\ref{quad_run}. Of course, this dependence is not monotonous, due to randomness and due to the fact that sometimes adding a new trajectory can increase the number of counterexamples. In Figure \ref{quad_run}, we can also see how the used candidate stabilizes during the run. It should be noted however, that the total number of simulations during this run is 61.8 millions which corresponds to approximately $206$ hours of computation time. This clearly shows the limitation the implementation based on pure sampling. Still, the total number of demonstrations is much more reasonable and shows that this method of constructing control laws has promise with a more efficient falsifier/verifier.
\begin{figure}
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{quad_article_eval-eps-converted-to.pdf}
\caption{Simulations till counterexample is found}
\end{subfigure}%
\begin{subfigure}{.5\textwidth}
\centering
\includegraphics[width=\linewidth]{quad_article_ineq-eps-converted-to.pdf}
\caption{Added inequalities}
\end{subfigure}
\caption{Quadcopter: the run of the algorithm for $D = \left[-1.5, 1.5\right]^{12}$}
\label{quad_run}
\end{figure}
\section{Discussion}
\label{sec:discussion}
We conclude this text with various observations we made in implementing the proposed algorithm and discuss possible extensions of the proposed algorithm to increase its efficiency.
\paragraph{Formal verification}\mbox{}\\
The fact that our approach does not only produce a feedback control law, but also a corresponding Lyapunov function, opens the possibility of formal verification of stability~\cite{neural,Abate:20}. While the formal verification of Definition~\ref{switchingcontrolL} still needs a rigorous ODE solver~\cite{Nedialkov:99}, as discussed at the end of Section~\ref{sec:unknownCLF} our algorithm will eventually produce a Lyapunov-like function that can be formally verified by purely algebraic solvers.
\paragraph{Selection of candidates}\mbox{}\\
In our implementation, we have selected candidates as centres of maximum volume ellipsoids. The motivation behind this selection lies in the guaranteed decrease of the admissible parameter space \cite{Rav:19,mve}
$$ V_\mathrm{new} \leq \alpha V_\mathrm{old}.$$
However from our experience, the candidate selection became a significant computational burden for high dimensional problems with non-quadratic polynomial candidates. An attractive variant is the Chebyshev centre which requires solving a linear program (in comparison to a semidefinite program needed for a centre of maximum volume ellipsoid) that offers significantly better scalability. However, for the Chebyshev centre we do not know of any similar inequality granting a guaranteed decrease~\cite{Rav:19}.
\paragraph{Other systems of candidates}\mbox{}\\
Our learning framework is built for linearly parametrised systems of candidates, where polynomials present a natural candidate for Lyapunov-like functions. However, there are nonlinear system for which no polynomial CLF exists~\cite{disc3,disc4}. The extension to other function approximations like neural networks is in this case quite obvious \cite{neural}. However, the issue of finding suitable candidates may deepen in this case.
\paragraph{Expanding the investigated set}\mbox{}\\
We have seen in the fourth example (acrobot) that the stabilizing control may leave the investigated set significantly. This phenomenon can severely decrease the performance of the algorithm, turning it mostly into the pure simulation approach. The solution could be to increase the investigated set dynamically. This would allow to fully eliminate the simulations outside of the set, where the Lyapunov candidate is defined.
\paragraph{Local CLFs}\mbox{}\\
We have tried to learn a CLF compatible with demonstrator. However, it may not be possible to find a single one for more complicated systems. A natural extension of our algorithm is to learn multiple Lyapunov functions each belonging to one trajectory \cite{LQRtrees1,disc1}. The noteworthy complication that is brought with CLFs for path tracking is the fact that they are generally time-dependent (since the tracking model itself varies in time). Moreover, the algorithm would have to decide in each iteration whether to add a new trajectory or to modify the CLF for the current trajectory in order to handle the founded counterexample.
\paragraph{Finding counterexamples}\mbox{}\\
Our implementation is driven by uniform random sampling to detect possible counterexamples. This is perfectly fine for a simulation-only approach, in which we de facto optimize a zero-one function.
However, the knowledge of such a candidate offers the possibility of using more advanced falsifiers. For example, there is a clear optimization criterion in the form of the difference of the values of the Lyapunov candidate at the beginning and at the end. Hence, it may be possible to find counterexamples using a global optimization algorithm. But it should be noted that the optimized function in question is discontinuous by definition.
\paragraph{Non-LQR control laws}\mbox{}\\
Although we concretized the generic algorithm from Section~\ref{sec:generic} using LQR tracking, it is not restricted to this particular choice. LQR control laws are attractive due to their ease of construction, but they limit the usage to systems for which LQR is properly defined and does not allow to use learned CLF candidates to directly participate in controller synthesis, which would, for example, be possible using certain MPC approaches~\cite{disc2}. However, even the widely used PID control would be a possible alternative.
\section{Conclusion}
\label{sec:conclusion}
We have proposed a framework for learning control Lyapunov functions and synthesizing control laws that inherits optimality with respect to a chosen cost functional from the given demonstrator. We have stated a specific LQR variant of the given framework and provided some asymptotic guarantees. We have also implemented the algorithm and tested it on various case studies. We have made a comparison in terms of cost between our synthesised control law and Sontag's formula and observed significant cost decrease. We have also made a time comparison with a simulation-only approach and have seen significant time savings in learning Lyapunov functions.
\bibliographystyle{plain}
|
\section{Introduction}
It is a standard result that a hyperbolic (in any sense of the term) compact manifold $X$ satisfies the following strong finiteness result: for any compact manifold $Y$, the set of surjective holomorphic maps $\Sur(Y,X)$ is finite. (See \cite{Kobayashi}[Chapter 6, Section 6]; the result is actually true for $X, Y$ complex spaces). In particular, the set of automorphisms $\Aut(X)$ is finite. In a different direction, a compact complex hyperbolic manifold $X$ satisfies the following remarkable extension property: for any compact complex manifold $Y$, and any $A \subsetneq Y$ closed complex subspace of $Y$, every holomorphic map
\[
f: Y \setminus A \rightarrow X
\]
extends holomorphically through $A$. (See \cite{Kobayashi}[Chapter 6, Section 3]; the result is actually valid for $X$ a complex space).
In \cite{eisenman1970intrinsic}, Eisenmann introduced the so-called \emph{Kobayashi-Einsenmann pseudo-metrics}, leading to weaker forms of hyperbolicity, namely \emph{$\ell$- analytic hyperbolicity}, $1 \leq \ell \leq \dim(X)$, that we sometimes refer to as ``intermediate hyperbolicity``. The case $\ell=1$ leads to the usual notion of hyperbolicity, and a special focus was first given to the weakest form (i.e. for $\ell=\dim(X)$), often called \emph{(strong)-measure hyperbolicity} (see Section \ref{section: basics} for definitions). Restricting ourselves to the realm of projective manifolds, it was proved by Kobayashi and Ochiai that a projective manifold $X$ of general type is (strongly-)measure hyperbolic (see e.g. \cite{Kobayashi}[Chapter 7, Section 4]), and they further conjectured that the converse should be true.
The finiteness property that we described above, valid for hyperbolic manifolds, turns out to be satisfied by projective manifolds of general type as well (See \cite{Kobayashi}[Chapter 7, Section 6]); as for the property of extension, the following weaker form is valid for projective manifolds of general type:
\begin{center}
(*) \ \ \ \
if $\dim(Y) \geq \dim(X)$, then any \emph{non-degenerate} holomorphic map $f: Y \setminus A \rightarrow X$ extends \emph{meromorphically} through $A$,
\end{center}
where $f$ is said to be non-degenerate if its differential is of a maximal rank at some point (see Section \ref{subs: pseudo} where we recall the definition of a meromorphic map).
In light of the conjecture we mentioned above, it is natural to expect that such finiteness and extension properties should be satisfied by measure hyperbolic projective manifold. As such kind of properties are actually satisfied by hyperbolic manifold, not necessarily projective, we may even be tempted to drop the projective hypothesis. In any case, this leads naturally to the following two conjectures. (See also \cite{graham1985}).
\begin{conjecture}[Finiteness property]
\label{conjecture: finiteness}
Let $X$ be a projective manifold $\dim(X)$-analytically hyperbolic. Then $\Aut(X)$ is finite.
\end{conjecture}
\begin{conjecture}[Extension property]
\label{conjecture: extension}
Let $X$ be a projective $\dim(X)$-analytically hyperbolic manifold, let $Y$ be a projective manifold of dimension $\dim(Y)\geq \dim(X)$, and let $H \subset Y$ be an hypersurface. Then any non-degenerate holomorphic map
\[
f: Y \setminus H \rightarrow X
\]
extends to a meromorphic map $f: Y \dashrightarrow X$.
\end{conjecture}
It is worth noting here that the usual notion of (pseudo-)hyperbolicity, defined for complex spaces, has its analogues in the algebraic and arithmetic worlds, and that such finiteness properties were investigated in these settings: see \cite{BKV} and \cite{JKa} for \emph{algebraic hyperbolicity}, and \cite{JAut, JXie} for \emph{pseudo algebraic hyperbolicity} and \emph{arithmetic hyperbolicity}.
\newline
In this paper, we investigate the finiteness properties for intermediate (analytic) hyperbolicities, and prove first the following theorem.
\begin{theorem}
\label{thm: mainthm1}
Let $X$ be a compact complex manifold which is $(\dim(X)-1)$-analytically hyperbolic. Then $\Aut(X)$ is finite.
\end{theorem}
Note that $X$ is not supposed projective, and that unfortunately we were not able to obtain the suspected optimal hypothesis, i.e. $\dim(X)$-analytic hyperbolicity.
Following Lang's terminology, each intermediate hyperbolicity has its \emph{pseudo}-version, where a closed degeneracy set is allowed for the Kobayashi-Eisenmann (pseudo-)metrics (see Section \ref{section: basics} for definitions). Depending on whether we want the degeneracy set to be analytically closed, or simply topologically closed, we will write \emph{pseudo$^{an}$} or \emph{pseudo$^{top}$}.
In view of Lang's conjecture that a projective manifold of general type should be pseudo$^{an}$-hyperbolic, it is expected that, in the realm of projective manifolds, the intermediate pseudo$^{an}$-hyperbolicities should be equivalent. For more details on Lang's conjectures, and their analogues in the algebraic and arithmetic settings, see e.g. \cite{JBook}.
We were then naturally lead to investigate the question of finiteness of $\Aut(X)$ under the weaker assumptions of $\dim(X)$-analytic hyperbolicity and pseudo$^{top}$ / pseudo$^{an}$-$(\dim(X)-1)$-analytic hyperbolicity, and were able to prove the following
\begin{theorem}
\label{thm: mainthm2}
Let $X$ be \emph{projective} manifold, $\dim(X)$-analytically hyperbolic and $(\dim(X)-1)$-analytically hyperbolic modulo a \emph{topologically} closed subset $\Delta=\Delta_{X,\ell}$ of zero $(2\dim(X)-3)$ Haussdorf dimension. Then $\Aut(X)$ is finite.
\end{theorem}
Note that this time, the manifold is supposed to be projective, and that any Zariski closed proper subset $\Delta$ of codimension $\geq 2$ satisfies the assumptions of the theorem. The hypothesis on the degeneracy set may seem odd: this is a technical hypothesis necessary to apply a very general extension theorem due to Siu \cite{siu1975extension}.
In the case of pseudo$^{an}$-$(\dim(X)-1)$-analytic hyperbolicity, i.e. when $\Delta$ is algebraic, the extension property needed in the course of the proof is in fact exactly the extension property (*) we saw above. Accordingly, and interestingly enough, the questions on finiteness are connected to the ones on extension. Whereas this seemed to us to be a much harder task to relate intermediate hyperbolicities to this extension property, in view of the recent papers \cite{JKuch} and \cite{deng2020big}, we realized that there is a natural notion of \emph{intermediate Picard hyperbolicity} that precisely encapsulates these extension properties. In this framework, the scheme of proof of \ref{thm: mainthm2} allowed us to obtain the following theorem (see Section \ref{section: Picard} for the intermediate notions of $\ell$-Picard hyperbolicity)
\begin{theorem}
\label{thm: mainthm3}
Let $X$ be a projective manifold, $\dim(X)$-Picard hyperbolic, $\dim(X)$-analytically hyperbolic and pseudo$^{an}$-$(\dim(X)-1)$-analytically hyperbolic. Then $\Aut(X)$ is finite.
\end{theorem}
The paper is organized as follows. In the first part, we recall the notions of pseudo$^{top/an}$-intermediate hyperbolicities, and prove some basic results regarding them. In the second part, we start by proving the finiteness result of $\Aut(X)$ in the absolute case (Theorem \ref{thm: mainthm1}), and then move onto the proof in the pseudo case (Theorem \ref{thm: mainthm2}). In the third and last part, we introduce the notions of \emph{intermediate Picard hyperbolicities}, give some of their basic properties, and prove Theorem \ref{thm: mainthm3}.
\section{Automorphisms of $\ell$-analytically hyperbolic manifolds}
\label{analytic hyperbolicity}
\begin{comment} It is now well-known that hyperbolic properties of K\"ahler manifolds should imply some finiteness results on the automorphisms group of such manifolds. The first evidence of this phenomenon is the following result of Kobayashi (see \cite{Kobayashi} Theorem 5.4.4) : if $X$ is a Kobayashi hyperbolic compact complex manifold then $\Aut(X)$ is finite. The second well-known fact (see also \cite{Kobayashi}) is that if $X$ is a projective manifold of general type then $\Aut(X)$ is finite. One should observe now that a projective manifold of general type is $\dim X$- analytically hyperbolic (\cite{Kobayashi} Theorem 7.4.7) and the converse is expected to be true. It is therefore natural to expect the following generalization of the above facts to hold.
\begin{conjecture}\label{finiteness}
Let $X$ be a (pseudo) $\ell$-analytically hyperbolic compact manifold. Then $\Aut(X)$ is finite.
\end{conjecture}
\end{comment}
This section, motivated by Conjecture \ref{conjecture: finiteness}, is devoted to the proof of Theorem \ref{thm: mainthm1} and its pseudo-version Theorem \ref{thm: mainthm2}. We start by proving some basic properties on intermediate hyperbolicity, in particular that $\ell$-analytic hyperbolicity modulo $\Delta$ implies $(\ell+1)$-analytic hyperbolicity modulo $\Delta$ (See also \cite{graham1985}, where it is proved in the absolute case), and then move to the two proofs in question. We end this section by some conditions ensuring intermediate hyperbolicity, and hence the finiteness of $\Aut(X)$ in suitable cases.
\subsection{Basics on $\ell$-analytic hyperbolicity}
\label{section: basics}
Throughout this section, we let $X$ be a {compact} complex manifold of dimension $p$ and $1 \leq \ell \leq p$ be an integer. Following \cite{Demailly} and \cite{graham1985}, define the \emph{Kobayashi-Eisenmann pseudo-metric $e_{\ell}$} on \emph{pure} multi-vectors of $\bigwedge^{\ell}TX$ by setting for $\xi=v_{1}\wedge \dotsc \wedge v_{\ell} \in \bigwedge^{\ell}T_{x}X, x \in X$:
\[
e_{\ell}(x, \xi)
=
\{
\inf \frac{1}{R} \ | \ \exists \ f: \mathbb{B}^{\ell} \rightarrow X \ \text{holomorphic}, \ f(0)=x, \ f_{*}\big(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{\ell}}\big)=R \xi \}.
\]
For $\Delta \subsetneq X$ a closed subset of $X$ (of empty interior), the compact complex manifold $X$ is said $\ell$-analytically hyperbolic modulo $\Delta$ if and only if there exists a continuous Finsler pseudo-metric $\omega$ defined on pure multi-vectors of $\bigwedge^{\ell}TX$, which is a metric on $X \setminus \Delta$ and such that
$e_{\ell} \geq \omega$
on $X$. We will denote $\Delta_{X, \ell}$ the smallest closed subset satisfying such a property, commonly referred to as the \emph{exceptional locus} (with respect to the pseudo-metric $e_{\ell}$).
\begin{remark}
\label{remark: smallest}
Such a set is well defined since if $X$ is $\ell$-hyperbolic modulo $\Delta_{1}$ and $\ell$-hyperbolic modulo $\Delta_{2}$, then $X$ is $\ell$-hyperbolic modulo $\Delta_{1} \cap \Delta_{2}$: for $i=1,2$, take $\omega_{i}$ a continuous Finsler pseudo-metric on (pure multi-vectors of) $\bigwedge^{\ell}TX$, which is a metric on $X\setminus \Delta_{i}$, and such that $e_{\ell} \geq \omega_{i}$ on $X$, and consider
\[
\omega= \frac{\omega_{1} + \omega_{2}}{2},
\]
which is a continuous Finsler pseudo-metric on (pure multi-vectors of) $\bigwedge^{\ell}TX$, a metric on $X \setminus (\Delta_{1} \cap \Delta_{2})$, and satisfies $e_{\ell} \geq \omega$ on $X$.
\end{remark}
We will say that $X$ \emph{pseudo$^{top}$} (resp. \emph{pseudo$^{an}$}) $\ell$-analytically hyperbolic if $\Delta_{X,\ell}$ is of empty interior (resp. if $\Delta_{X, \ell}$ is a proper analytically closed subset). Note that if $\ell=\dim X$ and $\Delta:=\emptyset$, such a manifold is called \emph{strongly measure hyperbolic} in \cite{Kobayashi} and more generally \emph{strongly $\ell$-measure hyperbolic} in \cite{graham1985} for $1\leq \ell\leq\dim X$ and $\Delta:=\emptyset$.
A first basic observation is that, for $f: \CC \times \mathbb{B}^{\ell-1} \rightarrow X$ a holomorphic map, the pseudo-metric $e_{\ell}$ degenerates along the image of every non-degenerate point of $f$. Note that we say that $f$ is \emph{non-degenerate} if there exists at least one point (and thus a non-empty Zariski open subset as being degenerate for an holomorphic map is an analytically closed condition) at which $f$ is non-degenerate.
If $\ell=1$, by Brody's reparametrization lemma (see e.g. \cite{Kobayashi}[Lemma 3.6.2]), the existence of a degeneracy locus for $e_{1}$ implies the existence of a non-constant holomorphic map $f: \CC \rightarrow X$, commonly referred to as an \emph{entire curve} in $X$. Let us make two comments on that. First, the degeneracy locus of $e_{1}$ need not be equal to the union of the closure of the image of all entire curves. The reason for this lies in the way one constructs an entire curve via Brody's lemma: we have no control on the image of the entire curve, and in particular, we can not ensure that there exists an entire curve passing arbitrarly close to a point where $e_{1}$ degenerates. Second, we see that it implies that a compact complex manifold $X$ is $1$-analytically hyperbolic if and only if $X$ contains no entire curves ($X$ is commonly called \emph{Brody-hyperbolic}). However, in the case where we allow a degeneracy set for $e_{1}$, there is to our knowledge no clean relationship between the geometry of entire curve and $1$-analytic hyperbolicity modulo $\Delta$. Even worse, in the case $p>1$, the non-existence of non-degenerate holomorphic maps $f: \CC\times \mathbb{B}^{\ell-1} \rightarrow X$ does not imply, a priori, that $X$ is $\ell$-analytically hyperbolic.
Also, note that, in the case where $p=1$, the notion of $1$-analytic hyperbolicity modulo $\Delta$ is the same as the notion of hyperbolicity modulo $\Delta$ (in the sense of Kobayashi), where we recall that $X$ is hyperbolic modulo $\Delta$ if and only if the Kobayashi metric $d_{X}$ satisfies
\[
d_{X}(p,q)=0 \Longleftrightarrow p=q, \ \text{or} \ p, q \in \Delta.
\]
Indeed, one implication follows from a result of Royden (\cite{royden1971remarks}), stating the Kobayashi pseudo-distance $d_{X}$ is obtained as the integration of the infinitesimal pseudo-metric $e_{1}$, whereas the reverse implication follows for instance from \cite{Kobayashi}[Cor. (3.5.41)].
\subsection{From $\ell$ to $\ell+1$}
Equip $X$ with any smooth hermitian metric with its induced Riemaniann metric on $X$. Moreover, for $1\leq \ell \leq p$, equip the vector bundles $\bigwedge^{\ell}TX$ with smooth (Finsler) metrics defined on pure multi-vectors that we denote $F_{\ell}$. Here, $F_{1}$ is the hermitian metric.
Let $U \overset{\varphi}{\simeq} \mathbb{B}^{p}$ be any trivializing open set, and denote $(\frac{\partial}{\partial z_{i}})_{1 \leq i \leq p}$ the standard vector fields on $\mathbb{B}^{p}$. Let $1\leq \ell \leq p$ be an integer.
For $v_{1} \wedge \dotsc \wedge v_{\ell} \in \bigwedge^{\ell}T_{x}X$ and $x \in U$, denote
\[
A(x; v_{1}, \dotsc, v_{\ell})
\]
the $(\ell\times p)$-matrix which represents $\big((\varphi)_{*}(v_{1}), \dotsc, (\varphi)_{*}(v_{\ell})\big)$ in the basis $(\frac{\partial}{\partial z_{1}}, \dotsc, \frac{\partial}{\partial z_{p}})$. We define a smooth Finsler metric on pure multi-vectors of $\bigwedge^{\ell}TX_{| U}$ by setting
\[
h_{\ell,U}(x; v_{1} \wedge \dotsc \wedge v_{\ell})
:=
\max \{ |\det(M)| \ | \ \text{$M$ is a $\ell\times \ell$ extracted matrix of $A(x; v_{1}, \dotsc, v_{\ell})$} \}.
\]
Note that this metric is well-defined. Indeed, if $v_{1}'\wedge \dotsc \wedge v_{\ell}'=v_{1}\wedge \dotsc \wedge v_{\ell}$, then there exists a matrix $Q$ in $\mathrm{GL}_{\ell}(\CC)$ with $\det(Q)=1$ such that \[QA(x; v'_{1}, \dotsc, v'_{\ell})=A(x; v_{1}, \dotsc, v_{\ell}).\]
Since both $F_{\ell}$ and $h_{\ell,U}$ are continuous on $U$, for any compact subset $K \subset U$, there exist real numbers $0<c\leq C $ such that, for all $x \in K$ and all $\xi \in \bigwedge^{\ell}T_{x}X$ pure multi-vector, the inequalities
\[
c\cdot \big|\xi\big|_{h_{\ell,U}(x)}
\leq
\big|\xi\big|_{F_{\ell}(x)}
\leq
C \cdot \big|\xi\big|_{h_{\ell,U}(x)}
\] hold.
Accordingly, when dealing with questions of convergence towards $0$ or divergence to $\infty$ with respect to the metric $F_{\ell}$ of sequences of pure multi-vectors, we can always use the local metric $h_{\ell,U}$.
To prove Proposition \ref{prop:l_to_lplusone} below, we will use the following basic lemma, which is merely a reformulation of what $\ell$-analytic hyperbolicity modulo $\Delta$ means.
\begin{lemma}
\label{lemma: basic lemma1}
Let $\Delta \subsetneq X$ be a closed set and let $1 \leq \ell \leq p$. If $X$ is not $\ell$-analytically hyperbolic modulo $\Delta$, then there exists $h_{n}: \mathbb{B}^{\ell} \rightarrow X$ holomorphic maps such that
\[
\big|(h_{n})_{*}(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{\ell}})\big|_{F_{\ell}(x_{n})} \rightarrow \infty,
\]
with $x_{n}=h_{n}(0) \rightarrow x \notin \Delta$.
Reciprocally, if there exists $h_{n}: \mathbb{B}^{\ell} \rightarrow X$ holomorphic maps, and $z_{n} \rightarrow 0$ such that
\[
\big|(h_{n})_{*}(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{\ell}})\big|_{F_{\ell}(x_{n})} \rightarrow \infty,
\]
with $x_{n}=h_{n}(z_{n}) \rightarrow x \notin \Delta$, then $X$ is not $\ell$-analytically hyperbolic modulo $\Delta$.
\end{lemma}
\begin{proof}
Suppose first that $X$ is not $\ell$-analytically hyperbolic modulo $\Delta$. Consider $(U_{n})_{n \in \NN}$ an exhaustion of relatively compact domains of $X \setminus \Delta$, i.e. $\overline{U_{n}} \subset U_{n+1} \subset X \setminus \Delta$ for all $n \in \NN$, and $\bigcup_{n \in \NN} U_{n}= X \setminus \Delta$. Observe then that the following property is not satisfied
\begin{equation}
\label{eq: l => l+1}
\begin{aligned}
\forall n \in \NN, \ \exists\delta_{n} > 0 \ \text{such that} \ e_{\ell} \geq \delta_{n} F_{\ell}\ \text{on} \ U_{n}.
\end{aligned}
\end{equation}
Indeed, otherwise by constructing a nonnegative continuous function $\varphi$ on $X$, which is equal to $0$ on $\Delta$, and satisfies $0 < \varphi \leq \delta_{n}$ on $U_{n}$, we deduce that
\[
\varphi F_{\ell} \leq e_{l}
\]
on $X$. As $\varphi F_{\ell}$ is a continuous Finsler pseudo-metric on (pure multi-vectors of) $\bigwedge^{\ell}TX$, which is a metric on $X\setminus \Delta$, this contradicts the fact is not $\ell$-analytically hyperbolic modulo $\Delta$.
Now, as \eqref{eq: l => l+1} is not satisfied, we deduce in particular the existence of a sequence of points $x_{n} \rightarrow x \in X \setminus \Delta$, aswell as a sequence of pure multi-vectors $\xi_{n} \in \bigwedge^{\ell} T_{x_{n}}X$, $|\xi_{n}|_{F_{\ell}(x_{n})}=1$, such that $e_{\ell}(x_{n}; \xi_{n}) \rightarrow 0$. By definition of $e_{\ell}$, this in turn gives a sequence of holomorphic maps $h_{n}: \mathbb{B}^{\ell} \rightarrow X$, $h_{n}(0)=x_{n}$, satisfying
\[
(h_{n})_{*}(\frac{\partial}{\partial z_{1}}\wedge \dotsc \wedge \frac{\partial}{\partial z_{\ell}})
=
R_{n} \xi_{n},
\]
with $R_{n} \rightarrow \infty$, so that the first implication is proved.
In the other direction, observe first that we can always suppose that $z_{n}=0$ for all $n \in \NN$: indeed, for all $n$, pick $\tau_{n} \in \Aut(\mathbb{B}^{\ell})$ such that $\tau_{n}(0)=z_{n}$, and consider instead
$\tilde{h_{n}}=h_{n}\circ \tau_{n}$; the announced fact then follows from the equality
\[
\big|(\tilde{h_{n}})_{*}(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{\ell}})\big|_{F_{\ell}(x_{n})}
=
\big|\det(d\tau_{n})_{0}\big| \cdot \big|({h_{n}})_{*}(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{\ell}})\big|_{F_{\ell}(x_{n})},
\]
and the fact that $\big|\det(d\tau_{n})_{0}\big|$ remains bounded (as $z_{n}$ stays away of $\partial \mathbb{B}^{\ell}$).
If $X$ were $\ell$-analytically hyperbolic modulo $\Delta$, then by definition there would exist a continuous Finsler metric $\omega$ on (pure multi-vectors of) $\bigwedge^{l} TX$, which is a metric on $X \setminus \Delta$, such that
\[
e_{\ell} \geq \omega
\]
on $X$. In particular, letting $U$ be a relatively compact neighborhood of $x$ in $X \setminus \Delta$, there exists $\delta>0$ such that for any $x \in U$ and $\xi=v_{1} \wedge \dotsc \wedge v_{\ell} \in \bigwedge^{\ell} T_{x}X$, we have the inequality
\begin{equation}\begin{aligned}
\label{inequality1}
|\xi|_{e_{\ell}(x)}
\geq
|\xi|_{\omega(x)}
\geq
\delta |\xi|_{F_{\ell}(x)}.
\end{aligned}\end{equation}
Now, the sequence
\[
\xi_{n}
=
\frac{(h_{n})_{*}(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{\ell}})}
{\big|(h_{n})_{*}(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{\ell}})\big|_{F_{\ell}(x_{n})}}
\in \bigwedge^{\ell}T_{x_{n}}X
\]
satisfies $|\xi_{n}|_{F_{\ell}(z_{n})}=1$ by construction,
and by the very definition of the metric $e_{\ell}$, we have:
\[
\big|\xi_{n}\big|_{e_{\ell}(x_{n})}
\leq
\frac{1}{\big|(h_{n})_{*}(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{\ell}})\big|_{F_{\ell}(x_{n})}}
\longrightarrow 0,
\]
which contradicts the inequality \eqref{inequality1}, as for all $n$ large enough, $x_{n}$ lies in $U$. Therefore $X$ is not $\ell$-analytically hyperbolic modulo $\Delta$.
\end{proof}
We will also use the following elementary lemma in linear algebra.
\begin{lemma}
\label{lemma: basic linear algebra}
Let $A_1, A_2, \ldots $ be a sequence of matrices in $ \mathrm{GL}_{\ell}(\CC)$ with $|\det(A_{n})| \underset{n \rightarrow \infty}{\longrightarrow} \infty$. Then, the sequence $(A_n)$ has a subsequence $(A_{\varphi(n)})$ such that the norm of some fixed minor of $(A_{\varphi(n)})$ tends to infinity.
\end{lemma}
\begin{proof}
This follows immediately from the equality
\[
|\det(A_{n})|^{\ell-1}=|\det(\Com(A_{n}))| \rightarrow \infty,
\]
where $\Com(A_{n})$ is the co-matrix of $A_{n}$, i.e., the matrix whose entries are the minors of $A_{n}$.
\end{proof}
We now come to the following proposition (see also \cite{graham1985}, Proposition 2.17)
\begin{proposition}
\label{prop:l_to_lplusone}
If $X$ is $\ell$-analytically hyperbolic modulo $\Delta$, then $X$ is $(\ell+1)$-analytically hyperbolic modulo at least $\Delta$.
\end{proposition}
\begin{proof}
Assume that $X$ is not $(\ell+1)$-analytically hyperbolic modulo $\Delta$. We show that it is not $\ell$-analytically hyperbolic modulo $\Delta$. By our assumption and the Lemma \ref{lemma: basic lemma1}, we can find a sequence of points $x_{n} \in X$, with $x_{n} \rightarrow x \in X\setminus \Delta$, a sequence of holomorphic maps $f_{n}: \mathbb{B}^{\ell+1} \rightarrow X$ with $f_{n}(0)=x_{n}$, and a sequence of pure multi-vectors $\xi_{n} \in \bigwedge^{\ell+1}T_{x_{n}}X$ with $|\xi_{n}|_{F_{\ell+1}(x_{n})}=1$ such that
\[
(f_{n})_{*}(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{\ell+1}})=R_{n} \xi_{n},
\]
where $R_n$ is a sequence of real numbers such that $R_{n} \rightarrow \infty$.
Let $U \simeq \mathbb{B}^{p}$ be a trivializing open set around $x$, relatively compact in $X \setminus \Delta$. We now use the local Finsler metrics $h_{i, U}$ for $1\leq i \leq p$. For $1\leq j \leq \ell+1$, define $v_{j,n}:=(df_{n})_{0}(\frac{\partial}{\partial z_{j}})$; using the notations introduced earlier, we deduce (up to passing to a subsequence) that the determinant of a fixed extracted square matrix of maximal size, i.e. size $(\ell+1)$, of $A(x_{n}; v_{1,n}, \dotsc, v_{\ell+1,n}) \in M_{p, \ell+1}(\CC)$, tends to infinity in norm. By Lemma \ref{lemma: basic linear algebra}, we deduce (up to passing to a subsequence) that the determinant of a fixed square matrix of size $\ell$ of $A(x_{n}; v_{1,n}, \dotsc, v_{\ell+1,n})$ also tends to infinity in norm; we can always suppose (up to re-ordering the variables) that this matrix is obtained by keeping the first $\ell$ columns fixed.
Now, consider the sequence of maps
\[
h_{n}: \mathbb{B}^{\ell} \rightarrow X, \ (z_{1}, \dotsc, z_{\ell}) \mapsto f_{n}(z_{1}, \dotsc, z_{\ell},0).
\]
Note that, by construction, this sequence satisfies
\[\big|(h_{n})_{*}(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{\ell}})\big|_{h_{\ell,U}(x_{n})} \rightarrow \infty.\]
In particular, it follows that
\[\big|(h_{n})_{*}(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{\ell}})\big|_{F_{\ell}(x_{n})} \rightarrow \infty.\]
It now follows from Lemma \ref{lemma: basic lemma1} that $X$ is not $\ell$-analytically hyperbolic modulo $\Delta$. This concludes the proof.
\end{proof}
\subsection{Finiteness of automorphism groups}
\label{sse: finiteness}
In this section we prove that, if $X$ is a compact complex manifold which is $(\dim(X)-1)$-analytically hyperbolic, then the automorphism group $\Aut(X)$ of $X$ is finite. As before, we start with a basic lemma in linear algebra.
\begin{lemma}
\label{lemma: basic lemma2} Let $|.|$ be a norm on $\CC^{p}$,
let $\varepsilon > 0$ be a real number, and let $A \in M_{p}(\CC)$ be such that
\[
\underset{|v|=1}{\inf} |Av| \geq \varepsilon.
\]
Then, there exists a real number $K>0$ independant of $A$ such that
\[
K \varepsilon^{p-1}\ ||A||
\leq
|\det(A)|,
\]
where the norm $||A||$ is computed with respect to $|.|$.
\end{lemma}
\begin{proof}
Let us first consider the case of the usual hermitian norm on $\CC^{p}$. Note that, by our assumption, the matrix $A$ is invertible. Now,
consider the polar decomposition
\[
A=US
\]
of $A$, where $U$ is a unitary matrix and $S$ is a positive definite hermitian matrix. As $|\det(A)|=|\det(S)|$, and $|Av|=|USv|=|Sv|$ for any $v \in \CC^{N}$, it suffices to prove the lemma for $S$, i.e., we may and do assume that $A$ is a positive-definite hermitian matrix.
Let $\varepsilon \leq \lambda_{1} \leq \dotsc \leq \lambda_{p}$ be the (real) eigen values of $A$, where the first inequality comes from the hypothesis $\underset{|v|=1}{\inf} |Av| \geq \varepsilon$. Let $(v_{1}, \dotsc, v_{p})$ be an orthonormal basis of $\CC^{p}$ such that $A$ is diagonal with respect to this basis, and let $v \in \CC^{p}$ with $|v|=1.$ Then, we may write
\[
v
=
\sum\limits_{k=1}^{p} \alpha_{k}v_{k},
\]
where $\alpha_{k} \in \CC$ and $\sum\limits_{k=1}^{p} |\alpha_{k}|^{2}=1$. Therefore, we have that
\[
|Sv|
=
\sqrt{\sum\limits_{k=1}^{p} |\alpha_{k}|^{2}\lambda_{k}^{2}}
\leq
\lambda_{p}
\leq
\lambda_{p} \frac{\lambda_{p-1}}{\varepsilon}\dotsc \frac{\lambda_{1}}{\varepsilon}
=
\frac{1}{\varepsilon^{p-1}}\det(S).
\]
This shows that the statement of the lemma holds when $|.|$ is the usual hermitian norm on $\mathbb{C}^p$ with $K=1$.
To conclude the proof, let $|.|$ be a norm on $\mathbb{C}^p$. Then, there exist real numbers $0<c \leq C $ such that
\[
c. |.|_{\eucl} \leq |.| \leq C |.|_{\eucl},
\]
where $|.|_{\eucl}$ is the usual hermitian norm. Then, by the above, it follows readily that the lemma holds with $K:=(\frac{c}{C})^{p}$.
\end{proof}
To prove the desired finiteness of $\Aut(X)$ when $X$ is $(\dim X-1)$-analytically hyperbolic, we will show that $\Aut(X)$ is discrete and compact. The discreteness is well-known, and we record it in the following lemma.
\begin{lemma}
\label{lem:discreteness_measure}
Let $X$ be a compact complex manifold. If $X$ is pseudo$^{top}$-$\dim X$-analytically hyperbolic, then $\Aut(X)$ is discrete.
\end{lemma}
\begin{proof}
As $X$ is a compact complex variety (of dimension $p$), it is known that $\Aut(X)$ is a complex Lie-group by a theorem of Bochner-Montgomery (\cite{bochner1947groups}). Accordingly, it must be discrete since otherwise, by considering a non-zero complex vector field on $X$, one can construct a non-degenerate holomorphic map
\[
F: \CC \times \mathbb{B}^{p-1} \rightarrow X.
\]
But this contradicts the pseudo $\dim(X)$-analytic hyperbolicity of $X$ as the image of such a map would have a non-empty interior and would be included in the degeneracy set of $e_{p}$.
\end{proof}
We now prove the finiteness of $\Aut(X)$, assuming $X$ is $(\dim X-1)$-analytically hyperbolic, by showing that it is compact.
\begin{proof}[Proof of Theorem \ref{thm: mainthm1}]
To prove the theorem, by Lemma \ref{lem:discreteness_measure}, it is enough to prove that $\Aut(X)$ is compact.
To show this compactness,
let $(f_{n})_{n \in \NN}$ be a sequence in $\Aut(X)$. By classic arguments involving Arzela-Ascoli theorem and convergence of holomorphic maps, in order to prove that $(f_{n})_{n \in \NN}$ has an adherence value in $\Aut(X)$ (i.e. a converging subsequence) it suffices to prove that
$$ \underset{n \in \NN}{\liminf} \ \underset{x \in X}{\max} \ ||(df_{n})_{x}|| < \infty.$$
Arguing by contradiction, up to passing to a suitable subsequence, we can suppose that there exists $x_{n} \rightarrow x$, with $y_{n}=f_{n}(x_{n}) \rightarrow y$, satisfying $||(df_{n})_{x_{n}}|| \rightarrow \infty$, where the norm is computed with respect to $F_{1}$.
Let $U \overset{\varphi}{\simeq} \mathbb{B}^{p}$ be a trivializing open set around $x$ with $\varphi(x)=0$, and let $V \overset{\psi}{\simeq} \mathbb{B}^{p}$ be a trivializing open set around $y$ with $\psi(y)=0$. Replacing $x_n$ and $y_n$ by subsequences if necessary, we may assume that, for every $n$, $x_{n} \in U$ and $y_{n} \in V$. Define $z_{n}=\varphi(x_{n})$ and define $g_{n} := \psi \circ f_{n} \circ \varphi^{-1}$; note that this function $g_n$ is well-defined in a neighborhood of $z_{n}$ (but maybe not on the whole set $\mathbb{B}^{p}$).
From now on, we are going to use the metrics $h_{\ell,U}$ and $h_{\ell,V}$ defined via the trivializations $\varphi$ and $\psi$, as described in the beginning of this section.
Let us show that there exist real numbers $0<m \leq M $ such that, for every $n \in \NN$,
\[
m
\leq
\big|(f_{n}\circ \varphi^{-1})_{*}\big(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{p}}\big)\big|_{h_{p,V}(y_{n})}
\leq
M.
\]
Indeed, the upper bound follows immediately from the Lemma \ref{lemma: basic lemma1}. To prove the lower bound, let $A_{n} \in \mathrm{GL}_{p}(\CC)$ be the matrix representing the linear map $(dg_{n})_{z_{n}}$ with respect to the canonical basis of $\CC^{p}$, and observe that, by the definition of $h_{p,V}$, the equality
\[
\big|(f_{n}\circ \varphi^{-1})_{*}\big(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{p}}\big)\big|_{h_{p,V}(y_{n})}
=
|\det(A_{n})|
\] holds.
Consider $f_{n}^{-1}$ and $g_{n}^{-1}=\varphi \circ f_{n}^{-1} \circ \psi^{-1}$. Now, the matrix representing the linear map $(dg_{n}^{-1})_{g_{n}(z_{n})}$ with respect to the canonical basis of $\CC^{p}$ is $A_{n}^{-1}$, and similarly we have that
\[
\big|(f_{n}^{-1}\circ \psi^{-1})_{*}\big(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{p}}\big)\big|_{h_{p,U}(x_{n})}
=
|\det(A_{n}^{-1})|
=
\frac{1}{|\det(A_{n})|}.
\]
Thus, by applying once again Lemma \ref{lemma: basic lemma1}, we obtain the desired lower bound.
Now, we show that, up to extracting and re-ordering the variables, there exists $v_{n}=(\alpha_{n}^{1}, \dotsc, \alpha_{n}^{p}) \rightarrow v=(\alpha^{1}, \dotsc, \alpha^{p}) \in \CC^{p}$ with $|v_{n}|=|\alpha_{n}^{p}|=1$ such that
\[
\big|A_{n}v_{n}\big| \rightarrow 0,
\]
where we consider the sup norm on $\CC^{p}$, i.e., $|(v_{1}, \dotsc, v_{\ell})|= \underset{1 \leq i \leq \ell}{\max} |v_{i}|$.
Indeed, recall that $||(df_{n})_{x_{n}}|| \rightarrow \infty$, so that $||A_{n}|| \rightarrow \infty$. Arguing by contradiction, there must exist $\varepsilon > 0$ such that, for every $v \in \CC^{p}$ with $|v|=1$ and every $n \in \NN$,
\[
|A_{n}v| \geq \varepsilon.
\]
In this case, by Lemma \ref{lemma: basic lemma2}, there is a real number $K>0$ such that $|\det(A_{n})| \geq K\varepsilon^{p-1}||A_{n}||$. However, as the latter diverges to infinity, this implies that $|\det(A_n)| \rightarrow \infty$. This contradicts the $(\dim X)$-analytic hyperbolicity by Lemma \ref{lemma: basic lemma1}, as
\[\big|(f_{n}\circ \varphi^{-1})_{*}\big(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{p}}\big)\big|_{h_{p,V}(y_{n})}
=
|\det(A_{n})|.\]
To conclude the proof, note that
\begin{equation*}
\begin{aligned}
\big|(f_{n}\circ \varphi^{-1})_{*}(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{p}})\big|_{h_{p,V}(y_{n})}
&
=
\frac{1}{|\alpha_{n}^{p}|} \big|(f_{n}\circ \varphi^{-1})_{*}(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{p-1}}\wedge v_{n})\big|_{h_{p,V}(y_{n})}
\\
&
=
|\det(B_{n})|,
\end{aligned}
\end{equation*}
where $B_{n}$ is defined to be the matrix $A_{n}$ except that its last column (equal to $A_{n}\frac{\partial}{\partial z_{p}}$) has been replaced by $A_{n}v_{n}$.
Now, developing the determinant with respect to the last column, since $A_{n}v_{n} \rightarrow 0$ and $|\det(A_{n})|$ is bounded from below by $m>0$, we deduce that at least one minor of the matrix representing $\big(A_{n}\frac{\partial}{\partial z_{1}}, \dotsc, A_{n}\frac{\partial}{\partial z_{p-1}}\big)$ has its determinant tending to infinity in norm. This shows that
\[
\big| (f_{n}\circ \varphi^{-1})_{*}(\frac{\partial}{\partial z_{1}} \wedge \dotsc \wedge \frac{\partial}{\partial z_{p-1}})\big|_{h_{p-1,V}(y_{n})}
\rightarrow \infty.
\]
By Lemma \ref{lemma: basic lemma1}, we conclude that $X$ is not $(p-1)$-analytically hyperbolic. This contradiction concludes the proof.
\end{proof}
\subsection{Pseudo version}
\label{subs: pseudo}
This goal of this section is to obtain the same finiteness result as in the previous part, but by allowing an exceptional locus $\Delta=\Delta_{X,\ell}$ for the $(\dim(X)-1)$ analytic hyperbolicity assumption, and adding accordingly the $\dim(X)$-analytic hyperbolicity condition. Some technical assumptions are to be added on the exceptional locus $\Delta$, and we aim at proving the following slightly more general theorem than Theorem \ref{thm: mainthm2}.
\begin{theorem}
\label{thm: finiteness, pseudo}
Let $X$ be a compact \emph{K\"{a}hler} manifold of dimension $\dim(X)=p$, which is $p$-analytically hyperbolic, and $(p-1)$-analytically hyperbolic modulo $\Delta=\Delta_{X,\ell}$. Suppose furthermore that
\begin{center}
\begin{itemize}
\item{} the $(2p-3)$-Haussdorf measure of $\Delta$ is zero,
\item{} $\Delta$ has a projective neighborhood in $X$ (e.g. $X$, if $X$ is supposed projective).
\end{itemize}
\end{center}
Then $\Aut(X)$ is finite.
\end{theorem}
For the notion of Haussdorf measure, we refer for instance to \cite{eisenman1970intrinsic}.
Let us start with the following elementary proposition:
\begin{proposition}
\label{lemma: maps}
Let $X, Y$ be compact complex manifolds of same dimension, with $X$ $\ell$-analytically hyperbolic modulo $\Delta=\Delta_{X, \ell}$. Suppose there exists a (non-degenerate) holomorphic map $f: Y \rightarrow X$. Then $Y$ is $\ell$-analytically hyperbolic modulo $f^{-1}(\Delta) \cup \Degen(f)$, where $\Degen(f)$ is the set of points where the differential $df$ is not an isomorphism.
\end{proposition}
\begin{proof}
By hypothesis, there exists $\omega$ a continuous pseudo-metric on (pure multi-vectors of) $\bigwedge^{\ell} TX$, which is a metric on $X\setminus \Delta$ and such that $e_{\ell,X} \geq \omega$ on $X$.
It is straightforward to check that, as $f$ is holomorphic, almost by definition,
\[
f^{*}e_{\ell,X} \leq e_{\ell, Y}.
\]
\begin{comment}
Indeed, letting $y \in Y$ and $v_{1}\wedge \dotsc \wedge v_{\ell} \in \bigwedge^{\ell}T_{y}Y$, any holomorphic map $h: \BB^{\ell} \rightarrow Y$ satisfying $h(0)=y$, and $h_{*}(\frac{\partial}{z_{1}}\wedge \dotsc \wedge \frac{\partial}{z_{\ell}})=R v_{1}\wedge \dotsc \wedge v_{\ell}$, $R>0$, will induce a holomorphic map $g:= f \circ h: \BB^{\ell} \rightarrow X$ satisfying $g(0)=f(y)$ and $g_{*}(\frac{\partial}{z_{1}}\wedge \dotsc \wedge \frac{\partial}{z_{\ell}})=Rf_{*}(v_{1}\wedge \dotsc \wedge v_{\ell})$, which implies immediately that
\[
f^{*}e_{\ell,X}(y, v_{1} \wedge \dotsc \wedge v_{\ell})
:=
e_{\ell, X}(f(y), f_{*}(v_{1} \wedge \dotsc \wedge v_{\ell}))
\leq
e_{\ell, Y}(y, v_{1} \wedge \dotsc \wedge v_{\ell})
\]
\end{comment}
Consider then $\omega':= f^{*}\omega$, which is a continuous pseudo-metric on (pure multi-vectors of) $\bigwedge^{\ell} TX$, a metric on $X\setminus \big(\Degen(f) \cup f^{-1}(\Delta)\big)$, and satisfies
\[
\omega' \leq e_{\ell, Y}
\]
on $X$, so that $Y$ is indeed $\ell$-analytically hyperbolic modulo $f^{-1}(\Delta) \cup \Degen(f)$.
\end{proof}
Applying this in particular to $f$ and $f^{-1}$ in $\Aut(X)$ yields the following corollary
\begin{corollary}
Let $X$ be a compact complex variety which is $\ell$-analytically hyperbolic modulo $\Delta=\Delta_{X, \ell}$. Then any automorphism $f\in \Aut(X)$ induces an automorphism $f \in \Aut(X\setminus \Delta)$, i.e. $f(\Delta)=\Delta$.
\end{corollary}
\begin{proof}
By the Lemma \ref{lemma: maps} applied to $f$, $X$ is $\ell$-analytically hyperbolic modulo $f^{-1}(\Delta)$, so that necessarily $\Delta \subset f^{-1}(\Delta)$, as $\Delta=\Delta_{X, \ell}$ is the smallest closed set modulo which $X$ is $p$-analytically hyperbolic. Applying it to $f^{-1}$ yields the reverse inclusion, and proves the corollary.
\end{proof}
Let us recall the notion of meromorphic map (in the sense of Remmert). A meromorphic map $f: X \dashrightarrow Y$ between two complex manifolds $X,Y$ is a correspondance satisfying the following conditions:
\begin{itemize}
\item{} $\forall \ x \in X$, $f(x)$ is a non-empty compact complex subspace of $Y$,
\item{} the graph $G_{f}=\{(x,y) \in X\times Y \ | \ y \in f(x) \}$ is a connected complex subspace of
$X \times Y$, with $\dim G_{f}=\dim X$,
\item{} there exists a dense subset $X^{*}$ of $X$ such that for all $x \in X^{*}$, $f(x)$ is a single point.
\end{itemize}
Let $\pi:X\times Y \rightarrow X$ be the first projection, $E\subset G_{f}$ the set of points where $\pi$ degenerates, i.e.
\[
E:= \{(x,y) \in G_{f} \ | \ \dim f(x) > 0\},
\]
and $S= \pi(E)$, called the \emph{singular locus of $f$}. All we need to know here is that $S$ is a closed complex subspace of $X$ of codimension $\geq 2$, and $f: X \setminus S \rightarrow Y$ is holomorphic (see e.g. \cite{remmert1957holomorphe}).
Letting $\Delta \subsetneq X$ be a closed subset (of empty interior), a key property that we will need is the following:
\begin{center}
$(\mathcal{P}_{\Delta})$
\ \
Every holomorphic map $f: X \setminus \Delta \rightarrow X$ extends to a meromorphic map $f: X \dashrightarrow X$.
\end{center}
Now, an important result to prove Theorem \ref{thm: finiteness, pseudo} is the following lemma, whose idea can essentially by found in a paper of Yau (\cite{yau1975intrinsic})
\begin{lemma}
\label{lemma: aut}
Let $X$ be a compact complex manifold which is $\dim(X)$-analytically hyperbolic, $(\dim(X)-1)$-analytically hyperbolic modulo $\Delta=\Delta_{X, \ell}$, and satisfies the property $\mathcal{P}_{\Delta}$. Suppose furthermore that $\Delta$ has a projective neighborhood in $X$. Then from any sequence $(f_{n})_{n} \in \Aut(X)^{\NN}$, we can extract a subsequence that converges uniformly on any compact of $X \setminus \Delta$ to an element of $\Aut(X \setminus \Delta)$, which extends to an element of $\Aut(X)$.
\end{lemma}
\begin{proof}
The reasoning of the proof of \ref{thm: mainthm1} works verbatim, and allows to show that $(f_{n})_{n \in \NN}$ admits a converging subsequence to an element $f$ of $\Hol(X\setminus \Delta, X)$.
Similarly, up to extraction, we can suppose that $(f_{n}^{-1})_{n \in \NN}$ converges to $g \in \Hol(X \setminus \Delta, X)$.
Observe that there exists $m>0$ such that for all $x \in X \setminus \Delta$, the following inequality is satisfied
\[
|\det(df_{x})| \geq m > 0,
\]
where $|.|$ is a fixed continuous metric on $\bigwedge^{p}\Omega_{X}$ ($p=\dim(X))$. Indeed, it is enough to prove that such an inequality is satisfied for $f_{n}$ for all $n \in \NN$ and all $x \in X$.
Arguing by contradiction, by compacity of $X$, we can construct $x_{n_{k}} \rightarrow x$, with $y_{n_{k}}=f_{n_{k}}(x_{n_{k}}) \rightarrow y$, such that $\big|\det\big((df_{n_{k}})_{x_{n_{k}}}\big)\big| \rightarrow 0$. But this implies that
\[
\big|\det\big((df_{n_{k}}^{-1})_{y_{n_{k}}}\big)\big| \rightarrow \infty,
\]
which allows to contradict the $\dim(X)$-analytic hyperbolicity via Lemma \ref{lemma: basic lemma1} in the same fashion that it was done in the course of the proof of Theorem \ref{thm: mainthm1}. Obviously, we can suppose that the same inequality is satisfied for $g$.
By the property $(\mathcal{P}_{\Delta})$, $f$ and $g$ extends meromorphically to $X$. Let then $I_{f}$ (resp. $I_{g}$) be the singular locus of the meromorphic map $f$ (resp. $g$), which is of codimension greater than $2$, and observe that $(df)_{x}$ (resp. $(dg)_{x}$) is invertible for all $x \in X \setminus I_{f}$ (resp. $X \setminus I_{g}$): indeed, this follows from the continuity of $df$ on $X \setminus I_{f}$ combined with the density of $X \setminus \Delta$ in $X \setminus I_{f}$ and the previous inequality we have just shown.
Accordingly, $f$ has a local inverse everywhere on $X \setminus I_{f}$. But observe that $g$ is inverse to $f$ on the dense open set $f(X \setminus \Delta)\cap(X \setminus \Delta)$ so that $g$ must actually extend holomorphically to $f(X \setminus I_{f})$. Therefore, we deduce that $f(X \setminus I_{f}) \subset X\setminus I_{g}$, and by doing the same reasoning for $g$, we obtain aswell that $g(X \setminus I_{g}) \subset X\setminus I_{f}$. But as we necessarily have $g\circ f= \Id_{X \setminus I_{f}}$ and $f\circ g=\Id_{X \setminus I_{g}}$, we actually deduce the following equalities
\begin{equation*}
\label{eq: eq1}
\begin{aligned}
f(X \setminus I_{f})=X \setminus I_{g} \ \text{and} \ g(X \setminus I_{g}) = X\setminus I_{f}.
\end{aligned}
\end{equation*}
Recall that for $S$ any set in $X$, the image of $S$ by the meromorphic map $f$ is defined as
\[
\pi_{2}(G_{f}\cap (S\times X)),
\]
where $\pi_{2}$ is the projection onto the second factor. Since $f(X)=X$ ($G_{f} \subset X \times X$ is closed and so is its image by $\pi_{2}$ as it is a proper map; the equality follows as this projection contains a dense open set of $X$), by writing
\[
X=f(X)=f(X \setminus I_{f}) \cup f(I_{f})=(X \setminus I_{g}) \cup f(I_{f}),
\]
we deduce that $I_{g} \subset f(I_{f})$, and similarly, we obtain that $I_{f} \subset g(I_{g})$.
The goal is to prove that $I_{f}=I_{g}=\emptyset$. Arguing by contradiction, we suppose that it is not empty.
Let then $N$ be a projective neighborhood of $\Delta$ (which exists by hypothesis), and $H$ an irreducible hypersurface of $N$ such that $N \setminus H$ is Stein, and $H\cap I_{f} \neq I_{f}$. Observe that $f(N)$ is an open set, and that $f(H)$ is a subvariety of $f(N)$. Furthermore, defining
\[
A:= I_{g} \cap \big(f(N)\setminus f(H)\big),
\]
we prove that $A$ is not the empty set.
Indeed, otherwise we have the inclusion $I_{g} \subset f(H)$, so that, using the above, we deduce that
\[
I_{f} \subset g(I_{g}) \subset g(f(H)).
\]
But $g(f(H))$ is a closed irreducible analytic set, which contains the irreducible open set $H \setminus I_{f}$, so that necessarily $g(f(H))=H$, and thus $I_{f} \subset H$, which was excluded by construction.
To conclude, observe that $g$ maps the open set $\big(f(N)\setminus f(H)\big) \setminus A$ into the Stein manifold $N\setminus H$, with $\codim(A)\geq 2$, so that $g$ extends to a holomorphic map through $A\neq \emptyset$ (see e.g.\cite{Andreotti_extension}[Theorem 2, p.316]), which yields a contradiction to the very definition of $I_{g}$. Therefore, we deduce that $I_{g}=\emptyset$. Similarly, we obtain that $I_{f}=\emptyset$. Accordingly, $f$ and $g$ are defined on $X$, and as
\[
f\circ g=\Id_{X \setminus I_{g}}=\Id_{X}=\Id_{X \setminus I_{f}}=g\circ f,
\]
we deduce that $f$ is indeed in $\Aut(X)$.
And by Proposition \ref{lemma: maps}, we know that $f$ induces aswell an element in $\Aut(X \setminus \Delta)$.
\end{proof}
We are now in position to prove the announced theorem.
\begin{proof}[Proof of Theorem \ref{thm: finiteness, pseudo}]
We equip $X$ with an hermitian metric, with which we define the topology of uniform convergence on $C^{0}(X)$, and the topology of uniform convergence on any compact of $X \setminus \Delta$ on $C^{0}(X \setminus \Delta)$. Note that these two topologies are metrizable.
As the closed set $\Delta$ is of $(2p-3)$-Haussdorf measure $0$, it is in particular of empty interior. Furthermore, as $X$ is compact and \emph{K\"{a}hler}, a theorem of Siu (\cite{siu1975extension}, Theorem 1) ensures that the property $\mathcal{P}_{\Delta}$ is indeed satisfied for $X$.
Now, by Lemma \ref{lemma: aut}, there is a continuous injective restriction map
\[
r: \Aut(X) \rightarrow \Aut(X \setminus \Delta),
\]
whose image $G=r(\Aut(X))$ is compact. But it is also easily seen that $G$ is a subgroup of $\Aut(X\setminus \Delta)$, therefore acting on $X\setminus \Delta$. By a theorem of Bochner-Montgomery \cite{bochner1946locally}, $G$ has a structure of a compact real Lie group. But $G$ is at most countable (because $\Aut(X)$ is, see Lemma \ref{lem:discreteness_measure}), so that it must be of dimension zero, and as it is compact, it must be finite. Accordingly, we deduce that $\Aut(X)$ is finite, which finishes the proof.
\end{proof}
As closed analytic subset of codimension $\geq 2$ in a compact complex variety $X$ of dimension $p$ has zero $(2p-3)$-Haussdorf measure, and as projective varieties are K\"{a}hler, we immediately deduce the following corollary
\begin{corollary}
Let $X$ be a complex projective manifold of dimension $\dim(X)=p$, which is $p$-analytically hyperbolic, and $(p-1)$-analytically hyperbolic modulo $\Delta$, where $\Delta=\Delta_{X, \ell}$ is an analytic subset of $X$ of codimension $\geq 2$. Then $\Aut(X)$ is finite.
\end{corollary}
\subsection{Conditions for intermediate (analytic) hyperbolicity}
\subsubsection{Algebraic condition}
Starting from the classic fact that a projective manifold $X$, with $\Omega_{X}$ ample, is hyperbolic (and hence has $\Aut(X)$ finite), Demailly proved in \cite{Demailly} the following generalization:
\begin{theorem}[Demailly, \cite{Demailly}]
Let $X$ be a projective manifold of dimension $p$. Let $1\leq \ell \leq p$, and suppose that
\[
\bigwedge^{\ell} \Omega_{X}
\]
is ample. Then $X$ is $\ell$-analytically hyperbolic.
\end{theorem}
In \cite{Etesse2019Ampleness}, the author studied complete intersections in projective spaces satisfying such a positivity property, and proved that a general complete intersection $X \subset \mathbb{P}^{N}$ of $c \geq \frac{N}{\ell +1}$ hypersurfaces of large enough degrees (with an explicit very large bound) has its $\ell$th exterior power of its cotangent bundle $\bigwedge^{\ell} \Omega_{X}$ ample.
\subsubsection{Curvature condition}
It is well known that negative curvature properties imply hyperbolic properties, which therefore should imply finiteness results. For example, a compact complex manifold endowed with a \emph{smooth hermitian metric} of negative holomorphic sectional curvature is known to be hyperbolic (see \cite{Kobayashi}, and therefore has finite automorphisms group. A natural question is to extend this result to the setting of a \emph{singular metric}. Regarding this question, a recent work of Guenancia \cite{Guenancia} generalizing results of Wu-Yau \cite{WY} provides the following corollary.
\begin{theorem}[Guenancia \cite{Guenancia}]\label{sing-finite}
Let $X$ be complex projective manifold endowed with a smooth closed semipositive $(1,1)$-form $\omega$ such that there exists a Zariski open subset where $\omega$ defines a K\"ahler metric which has uniformly negative holomorphic sectional curvature . Then $X$ is of general type (and therefore has finite automorphisms group).
\end{theorem}
It is natural to try to extend these kind of results to intermediate hyperbolicity. Graham and Wu have introduced in \cite{graham1985} curvature conditions which imply $\ell$-analytic hyperbolicity. Namely, Theorem 4.5 in \cite{graham1985} show that \emph{strongly negative $\ell$-th Ricci curvature} (see loc. it. for a definition) imply $\ell$-analytic hyperbolicity.
An immediate corollary of this statement and Theorem \ref{thm: mainthm1} is the following.
\begin{corollary}
Let $X$ be complex compact hermitian manifold with strongly negative $\ell$-th Ricci curvature for some $1\leq \ell \leq \dim X$. Then $\Aut(X)$ is finite.
\end{corollary}
\begin{proof}
If $\ell=\dim X$ then $X$ is of general type and we are done.
If $\ell < \dim X$ then Theorem 4.5 of \cite{graham1985} implies that $X$ is $\ell$-analytically hyperbolic, which implies that $X$ is $(\dim X - 1)$-analytically hyperbolic by Proposition \ref{prop:l_to_lplusone}.
Then Theorem \ref{thm: mainthm1} implies that $\Aut(X)$ is finite.
\end{proof}
\begin{remark}
As noted by Graham and Wu (\cite{graham1985} p. 638), it is unknown if the existence of a Hermitian metric of strongly negative $\ell$-th Ricci curvature implies the existence of one with strongly negative $(\ell+1)$-th Ricci curvature.
\end{remark}
\begin{remark}
It would be interesting to generalize this statement to the setting of singular metric such as in Theorem \ref{sing-finite} above. It does not seem obvious how to use Theorem \ref{thm: mainthm2} in this context. More precisely, the following question seems interesting to us. Suppose that $X$ is a complex compact hermitian manifold with pseudo-strongly negative $\ell$-th Ricci curvature for some $1\leq \ell \leq \dim X$. Then is it true that $\Aut(X)$ is finite?
\end{remark}
\begin{comment}
Sticking to the case where $\Delta$ is a proper \emph{Zariski} closed subset of a projective manifold $X$, inspired by the paper of \cite{deng2020big}, we are lead to make the following definition:
\begin{definition}
We say that $X$ is \emph{Picard-hyperbolic modulo $\Delta$} if any holomorphic map
\[
\gamma: \mathbb{B}^{*} \rightarrow X
\]
such that $\gamma(\mathbb{B}^{*}) \not\subset \Delta$ extends to a holomorphic map $\mathbb{B} \rightarrow X$.
Let now $U$ be a Zariski open set of $X$. We say that $U$ is \emph{Picard-hyperbolic} if any holomorphic map
\[
\gamma: \mathbb{B}^{*} \rightarrow U
\]
extends to a holomorphic map $\mathbb{B} \rightarrow X$.
We finally say that $X$ is \emph{weakly Picard hyperbolic modulo $\Delta$} if the Zariski open set $X \setminus \Delta$ is Picard-hyperbolic.
\end{definition}
Obviously, if $X$ is Picard hyperbolic modulo $\Delta$, then it is weakly Picard-hyperbolic modulo $\Delta$, hence the terminology.
Using the main results of the paper of Siu \cite{siu1975extension}, it is then proved in \cite{deng2020big}[Prop. 3.4] that, in particular, the property $\mathcal{P}_{\Delta}$ is indeed satisfied if $X$ is weakly Picard-hyperbolic modulo $\Delta$, so that we obtain the following variation of \ref{thm: finiteness, pseudo}:
\begin{theorem}
Let $X$ be a projective manifold, which is $\dim(X)$-analytically hyperbolic, and $(\dim(X)-1)$-analytically hyperbolic modulo a proper Zariski closed subset $\Delta$, aswell as weakly Picard-hyperbolic modulo $\Delta$. Then $\Aut(X)$ is finite.
\end{theorem}
\end{comment}
\section{Intermediate Picard hyperbolicity}
\label{section: Picard}
Motivated by the extension property $(\mathcal{P}_{\Delta})$ introduced during the proof of Theorem \ref{thm: mainthm2}, we generalize the notion of Picard hyperbolicity introduced in \cite{JKuch} and \cite{deng2020big} to the context of intermediate hyperbolicity.
\begin{definition}
Let $X$ be a compact complex manifold and $\Delta$ a proper closed subset of empty interior. $X$ is said \emph{$\ell$-Picard hyperbolic} modulo $\Delta$ if for every $p,q \in \NN$, $p+q=\ell$, every non-degenerate holomorphic map $f: \BB^p \times (\BB^*)^q \to X$ whose image is not contained in $\Delta$ extends meromorphically to a map $f:\BB^{\ell} \dashrightarrow X$.
\end{definition}
\begin{remark}
\label{remark: bimero}
Note that if $X$ is $\ell$-Picard hyperbolic, then so is any compact complex manifold $X'$ bimeromorphic to $X$, as we are interested in \emph{meromorphic} extensions.
\end{remark}
If $X$ is moreover supposed to be \emph{K\"ahler}, then in order to obtain the pseudo $\ell$-Picard hyperbolicity, it is enough to check the conditions only for $q=1$, i.e. for non-degenerate holomorphic maps $f: \BB^{\ell-1} \times \BB^* \to X$ whose image is not contained in the exceptional locus:
\begin{lemma}
\label{lemma: Picard}
Let $X$ is a compact K\"ahler manifold, and let $1\leq \ell \leq \dim(X)$. Then $X$ is $\ell$-Picard hyperbolic modulo $\Delta$ if and only if any non-degenerate holomorphic map $f: \BB^{\ell-1} \times \BB^{*} \to X$ whose image is not included in $\Delta$ extends meromorphically to $\BB^{\ell}$.
\end{lemma}
\begin{proof}
This is an application of the extension theorem of Siu \cite{siu1975extension}[Theorem1], which implies in particular that any meromorphic map (without any further condition) from $\BB^{\ell} \setminus E$ to $X$ extends meromorphically as soon as $E$ is a closed subset of codimension $\geq 2$. Indeed, let $q\geq1$, and let $f: \BB^{p}\times (\BB^{*})^{q} \rightarrow X$, $p+q=\ell$, be a non-degenerate holomorphic map whose image is not included in $\Delta$. Extending $f$ meromorphically is a local question, and observe that around a point $z_{0} \in \BB^{p} \times (\BB^{*})^{q-j}\times \{0\}^{j}$, $0 \leq j \leq q$, up to a renormalization, $f$ can be interpreted as a holomorphic map from $\BB^{\ell-j} \times (\BB^{*})^{j}$ to $X$. If $j=1$, we can extend $f$ meromorphically by hypothesis. If $j>1$, an obvious induction shows that we can extend meromorphically $f$ to $\BB^{\ell-j} \times \BB^{j} \setminus {(0, \dotsc, 0)}$. Now, as $j>1$, we can apply Siu's extension theorem, so that $f$ actually extends meromorphically to $\BB^{\ell}$, and we are done.
\end{proof}
One also sees from \cite{siu1975extension} that if $X$ is $1$-Picard hyperbolic then $X$ is $\ell$-Picard hyperbolic for all $1 \leq \ell \leq \dim X$ (see \cite{deng2020big}[Prop. 3.4]). In fact, one has the more general property that if $X$ is pseudo-$\ell$-Picard hyperbolic then $X$ is pseudo-$(\ell+1)$-Picard hyperbolic as shown in the next proposition.
\begin{proposition}
\label{Picard: ell to ell plus one}
Let $X$ be a compact K\"ahler manifold. If $X$ is $\ell$-Picard hyperbolic modulo $\Delta$ then $X$ is $\ell+1$-Picard hyperbolic modulo $\Delta$.
\end{proposition}
\begin{proof}
By Lemma \ref{lemma: Picard}, in order to prove the $(\ell+1)$-Picard hyperbolicity modulo $\Delta$, it is enough to show that any non-degenerate holomorphic map
\[
f: \BB^{\ell} \times \BB^{*} \rightarrow X
\]
whose image is not included in $\Delta$ extends to a meromorphic map. Since $f$ is non-degenerate, there exists a dense Zariski open set $U$ on which the differential $df$ is of maximal rank. Denoting $\pi: \BB \times (\BB^{\ell-1} \times \BB^{*}) \rightarrow \BB$ the projection on the first factor, it is easily seen that for any $z$ in the open set $\pi(U)$, the restriction map $f(z,.): \BB^{\ell-1}\times \BB^{*} \rightarrow X$ remains non-degenerate. Furthermore, one can find $O \subset \pi(U)$ open set such that $f(z,.)$ is not included in $\Delta$ for every $z \in O$. In particular, since $X$ is $\ell$-Picard hyperbolic modulo $\Delta$, this map extends to a meromorphic map, which \`a fortiori implies that for any $w$ in the open set $p(\pi^{-1}(O))$, where $p$ is the projection $p: \BB^{\ell}\times \BB^{*} \rightarrow \BB^{\ell}$, the map $f(w,.): \BB^{*} \rightarrow X$ extends to a meromorphic map.
Now, by invoking the extension result of Siu \cite{siu1975extension}[result (*), p.442], this actually implies that the holomorphic map $f: \BB^{\ell}\times \BB^{*} \rightarrow X$ extends to a meromorphic map, which indeed shows that $X$ is $(\ell+1)$-Picard hyperbolic modulo $\Delta$.
\end{proof}
Examples of Picard hyperbolic varieties are provided by projective manifolds whose cotangent bundles satisfy some positivity properties as shown by the following result of Noguchi \cite{Noguchi77} which generalizes the classical fact that varieties of general type are $\dim X$-Picard hyperbolic.
\begin{theorem}[Noguchi]
Let $X$ be a smooth projective variety over $\CC$ and let $\Delta\subset X$ be a proper Zariski-closed subset.
If $\bigwedge^p \Omega^1_X$ is ample modulo $\Delta$, then $X$ is $p$-Picard hyperbolic modulo $\Delta$.
\end{theorem}
It is natural to try to give positivity conditions which will still ensure some intermediate Picard hyperbolicity. In this direction, one can state the following corollary of a recent result of \cite{CP19}.
\begin{theorem}[Campana, P\u{a}un]
Let $X$ be a smooth projective variety over $\CC$ such that some tensor power of $\Omega^1_X$ is big. Then $X$ is of general type, in particular $\dim X$-Picard hyperbolic.
\end{theorem}
\begin{remark}
A natural question is to provide negative curvature conditions (such as negative holomorphic sectional curvature for $\ell=1$) which will guarantee Picard hyperbolicity. Graham and Wu have introduced in \cite{graham1985} curvature conditions which imply $\ell$-analytic hyperbolicity. It seems unknown whether such conditions guarantee $\ell$-Picard hyperbolicity. In the singular setting, it is shown recently in \cite{DLSZ} that a projective manifold equipped with a singular metric of negative holomorphic sectional curvature (in the sense of currents) is $1$-Picard hyperbolic modulo the singular set of the metric.
\end{remark}
We now justify why the notion of intermediate Picard hyperbolicity is suitable for dealing with extension problems such as Conjecture \ref{conjecture: extension}. (See also \cite{deng2020big}[Proposition 3.4]).
\begin{proposition}
\label{prop: Picard and extension}
Let $X$ be a projective manifold which is $\ell$-Picard hyperbolic, $1\leq \ell \leq \dim X$. Let $Y$ be a projective manifold of dimension $\dim(Y) \geq \ell$, and let $H \subset Y$ be a proper closed subset. Then any non-degenerate holomorphic map
\[
f: Y \setminus H \rightarrow X
\]
extends meromorphically through $H$.
\end{proposition}
\begin{proof}
As we can always take an hypersurface containing the proper closed subset $H$, it is enough to prove the result when $H$ is an hypersurface. Having in mind Remark \ref{remark: bimero}, one sees that, by using a resolution of singularities (see e.g. \cite{Lazzie1}[Theorem 4.3.1]), it is enough to prove the result when $H$ is a simple normal crossing divisor. But in this situation, the local picture around a point $h \in H$ is clear: there exists a neighborhood $U_{h} \subset Y$ of $h$
such that
\[
U_{h} \setminus (H\cap U_{h}) \simeq \BB^{p} \times (\BB^{*})^{q}
\]
for some $p,q$ such that $p+q=\dim(Y) \geq \ell$. Since $X$ is $\ell$-Picard hyperbolic, we know by Proposition \ref{Picard: ell to ell plus one} that it is also $\dim(Y) \geq \ell$-Picard hyperbolic, so that any non-degenerate holomorphic map
\[
U_{h} \setminus (H\cap U_{h}) \rightarrow X
\]
extends meromorphically through $H \cap U_{h}$. As this is true for any $h \in H$, this shows in particular the announced result.
\end{proof}
We now end this section by proving the announced Theorem \ref{thm: mainthm3}.
\begin{proof}[Proof of Theorem \ref{thm: mainthm3}]
In view of the scheme of proof of Theorem \ref{thm: mainthm2}, it is enough to check that under the assumption of $\dim(X)$-Picard hyperbolicity, Conjecture \ref{conjecture: extension} is satisfied. But this is in particular the content of Proposition \ref{prop: Picard and extension}, so that the result follows.
\end{proof}
From all of this, it is obviously tempting to make the following conjecture:
\begin{conjecture}
A projective manifold $X$ is $\ell$-Picard hyperbolic if and only if it is $\ell$-analytically hyperbolic.
\end{conjecture}
However, none of the direction seems easy at first. A first step that seems feasible would be to prove that $(\ell-1)$-analytic hyperbolicity implies $\ell$-Picard hyperbolicity.
|
\section{Introduction}
Symmetries and conservation laws play important roles in modern physics. In general theories of gravity, the construction of conserved quantities is a complex procedure. In order to obtain an effective way for computing the conserved quantities, several approaches have been proposed.
In the well known ADM approach \cite{Arnowitt:1962hi}, the conserved charges could be calculated for asymptotically flat spacetime at the asymptotic infinity. The extension to asymptotic (anti-)de sitter geometry has been given by Abbott-Deser-Tekin (ADT) \cite{Abbott:1981ff,Abbott:1982jh,Deser:2002rt,Deser:2002jk,Senturk:2012yi} in a covariant manner. Based on the Noether’s theorem, the covariant phase space method (CPSM) was proposed by Wald and Iyer \cite{Wald:1993nt,Iyer:1994ys,Wald:1999wa}. In the framework of CPSM, a convenient method was developed for calculating conserved charges associated with ‘exact symmetry’ of black hole solutions \cite{Hajian:2015xlp,Hajian:2016kxx,Ghodrati:2016vvf}, which is called solution phase space method (SPSM). To define the quasi-local energy, a covariant Hamiltonian method was developed by Chen, Nester and Tung \cite{Chen:1994qg,Chen:1998aw,Chen:2005hwa,Chen:2015vya}. Along another line, general theory of conserved charges based on the cohomology principles was developed by Barnich-Brandt-Comp\`ere (BBC) \cite{Barnich:2001jy,Barnich:2003xg,Barnich:2004uw,Barnich:2007bf}. Recently, an off-shell ADT formalism was proposed by Bouchareb, Cl\'ement\cite{Bouchareb:2007yx} and Kim-Kulkami-Yi in \cite{Kim:2013zha}, and subsequently was generalized to including the matter fields \cite{Hyun:2014sha,Ding:2019dhy}.
Each of these methods has its own merits and demerits, and most of these works were confined to pure Riemannian geometrical framework of gravity theories. Extentions to non-Riemannian geometries were studied in \cite{Hehl:1994ue,Julia:1998ys,Julia:2000er,Giachetta:1995bj,Vollick:2007fh}, and recently in \cite{Adami:2017phg,Obukhov:2015eha,Chakraborty:2018qew,Emtsova:2019moq,Hammad:2019oyb,Barnich:2020ciy}. The main property of non-Riemannian geometries is that the torsion and the non-metricity are included. The most general theory in non-Riemannian geometries is the Palatini gravity, which is called the Metric-Affine-Gravity (MAG) \cite{Hehl:1994ue,Iosifidis:2019jgi} when the matter fields are included. Usually, the MAG is expressed in terms of two formalisms. The first one is written in the language of exterior differential forms, and the independent dynamic fields are the co-frame $e^a$ and the linear connection $\omega^a{}_b$, thus it is also named the frame-vielbein formalism. The second one is the coordinate formalism (namely, the usual tensoral language), and the independent dynamic fields are the metric $g_{\mu \nu}$ and the affine connection $\Gamma^{\lambda}{}_{\mu \nu}$.
To our knowledge, till now most of the constructions of conserved quantities in the non-Riemannian geometrical framework are in the language of exterior differential forms and are on shell, i.e. the equations of motion (EOM) are used. On the other hand, as mentioned in \cite{Chakraborty:2018qew}, when torsion is present, the derivations of the off-shell conserved quantities are complicated. The main reason is that the diffeomorphism variations of the metric and the affine connection cannot be written in terms of derivatives of the diffeomorphism vector fields. We will attempt to solve this problem by using the off-shell ADT formalism. In this paper, we will generalize the off-shell ADT formalism to the Palatini theory of gravity with torsion and non-metricity in the coordinate formalism.
The paper is organized as follows. In Sect. 2, some basic formulas in Palatini theory are presented for our subsequent derivation. In Sect. 3, we generalize the off-shell ADT formalism to Palatini theory with torsion and non-metricity. In Sect. 4, we derive the off-shell ADT potentials for Einstein-Hilbert action, the most general $L(g_{\mu \nu}, R^{\lambda}{}_{\nu \alpha \mu}, T^{\lambda}{}_{\alpha \beta}, Q_{\alpha \mu \nu})$ theories and the teleparallel Palatini gravity. In Sect. 5, the conserved charges are analyzed if the black hole solutions exist. The conclusions are given in the last section.
\section{Palatini theories}
We first fix our notations and conventions by briefly reviewing the basic geometrical objects in Palatini theory with torsion and non-metricity in the coordinate formalism \cite{Iosifidis:2019jgi}, which will be used in our work.
We define the affine connection and the associated covariant derivative as
\begin{align}
\nabla_{\mu}u^{\nu}=\partial_{\mu}u^{\nu}+\Gamma^{\nu}{}_{\mu \sigma}u^{\sigma} ,
\end{align}
where $u^{\nu}$ is an arbitrary vector field. In order to perform our subsequent derivation and make the expressions compact we define the transpose connection as $\bar \Gamma^{\lambda}{}_{\mu \nu}=\Gamma^{\lambda}{}_{\nu \mu}$, and the associated covariant derivative as $\bar \nabla_{\mu}$,
\begin{align}
\bar\nabla_{\mu}u^{\nu}=\partial_{\mu}u^{\nu}+\bar\Gamma^{\nu}{}_{\mu \sigma}u^{\sigma}=\partial_{\mu}u^{\nu}+\Gamma^{\nu}{}_{\sigma \mu}u^{\sigma} .
\end{align}
The basic geometrical objects in Palatini theory are torsion, non-metricity and curvature, which are defined as follows
\begin{align}\label{gobjects}
T^{\lambda}{}_{\mu \nu}=& -2\Gamma^\lambda{}_{[\mu \nu]}, \nonumber \\
Q_{\alpha \mu \nu}=& -\nabla_{\alpha} g_{\mu \nu}=-\partial_{\alpha} g_{\mu \nu}+\Gamma^{\sigma}{}_{\alpha \mu} g_{\sigma \nu}+\Gamma^{\sigma}{}_{\alpha \nu} g_{\mu \sigma}, \nonumber \\
R^{\mu}{}_{\nu \alpha \beta}=& 2\partial_{[\alpha} \Gamma^{\mu}{}_{\beta] \nu}+2\Gamma^{\mu}{}_{[\alpha | \sigma|} \Gamma^{\sigma}{}_{\beta ] \nu} .
\end{align}
The commutators of covariant derivatives acting on a scalar $\phi$ and a vector $u^{\mu}$ are given by
\begin{align}
\left[\nabla_{\alpha}, \nabla_{\beta}\right] \phi=& T^{\lambda}{}_{\alpha \beta} \nabla_{\lambda} \phi, \nonumber \\
\left[\nabla_{\alpha}, \nabla_{\beta}\right] u^{\mu}=& R^{\mu}{}_{\nu \alpha \beta} u^{\nu}+T^{\lambda}{}_{\alpha \beta} \nabla_{\lambda} u^{\mu} .
\end{align}
It is easy to generalize the covariant derivatives and the commutators acting on arbitrary rank tensors. The contractions of the basic geometrical objects have the forms
\begin{align}
R_{\nu \beta}=&R^{\mu}{}_{\nu \mu \beta}, &R&=g^{\nu \beta}R_{\nu \beta}, \nonumber \\
T_{\mu}=&T^{\lambda}{}_{\mu \lambda}, &Q_{\alpha}&=g^{\mu \nu} Q_{\alpha \mu \nu}=Q_{\alpha \mu}{}^{\mu} , \nonumber \\ \check{R}^{\mu}{}_{\beta}=&g^{\nu \alpha} R^{\mu}{}_{\nu \alpha \beta}, &\hat {R}_{\alpha \beta}&=R^{\mu}{}_{\mu \alpha \beta}=\partial_{[\alpha} Q_{\beta]} ,
\end{align}
where $R_{\nu \beta}$ is Ricci tensor, which is not symmetric in Palatini theory. The affine connection can be decomposed as
\begin{equation}\label{key}
\Gamma^{\lambda}{}_{\mu \nu}=\mathring\Gamma^{\lambda}{}_{\mu \nu}+N^{\lambda}{}_{\mu \nu},
\end{equation}
where $\mathring\Gamma^{\lambda}{}_{\mu \nu}$ and $N^{\lambda}{}_{\mu \nu}$ are Levi-Civita connection and the distorsion tensor, respectively, which are given by
\begin{align}
\mathring\Gamma^{\lambda}{}_{\mu \nu}=&\frac{1}{2} g^{\lambda \alpha}(\partial_{\mu}g_{\nu \alpha}+\partial_{\nu} g_{\mu \alpha}-\partial_{\alpha} g_{\mu \nu}), \nonumber \\
N^{\lambda}{}_{\mu \nu}=&K^{\lambda}{}_{\mu \nu}+L^{\lambda}{}_{\mu \nu} \nonumber \\
=&\frac{1}{2}g^{\lambda \alpha}(T_{\mu \nu \alpha}+T_{\nu \mu \alpha}-T_{\alpha \mu \nu})+\frac{1}{2}g^{\lambda \alpha}(Q_{\mu \nu \alpha}+Q_{\nu \mu \alpha}-Q_{\alpha \mu \nu}),
\end{align}
where $L^{\lambda}{}_{\mu \nu}$ and $K^{\lambda}{}_{\mu \nu}$ are called the disformation and the contorsion tensors, respectively.
Using the definition of the Riemann tensor and applying the Jacobi identity of covariant derivatives to scalars and vectors, one can obtain the Bianchi identities
\begin{align}
R^{\mu}{}_{\nu (\alpha \beta)}=&0, \\
R^{\lambda}{}_{[\alpha \beta \gamma]}+\nabla_{[\alpha} T^{\lambda}{}_{\beta \gamma]}+T^{\sigma}{}_{[\alpha \beta} T^{\lambda}{}_{\gamma] \sigma}=&0, \label{BI8} \\
\nabla_{[\alpha} R^{\sigma}{}_{|\rho| \beta \gamma]}+T^{\lambda}{}_{[\alpha \beta} R^{\sigma}{}_{|\rho| \gamma] \lambda}=&0. \label{BI9}
\end{align}
The variations of the basic geometrical objects have the following forms
\begin{align}
\delta_g T^{\lambda}{}_{\mu \nu}=&0, &\delta_{\Gamma}T^{\lambda}{}_{\alpha \beta}&=-2\delta^{[\mu}{}_{\alpha}\delta^{\nu]}{}_{\beta} \delta \Gamma^{\lambda}{}_{\mu \nu}, \nonumber \\
\delta_g R^{\mu}{}_{\nu \alpha \beta}=&0, &\delta_{\Gamma}R^{\mu}{}_{\nu \alpha \beta}&=\nabla_{\alpha}\delta\Gamma^{\mu}{}_{\beta \nu}-\nabla_{\beta}\delta\Gamma^{\mu}{}_{\alpha \nu}-T^{\lambda}{}_{\alpha \beta}\delta\Gamma^{\mu}{}_{\lambda \nu}, \nonumber \\
\delta_g Q_{\rho \mu \nu}=&-\nabla_{\rho} \delta g_{\mu\nu}, &\delta_{\Gamma} Q_{\rho \alpha \beta}&=2 \delta^{\mu}{}_{\rho} \delta^{\nu}{}_{(\alpha} g_{\beta) \lambda} \delta \Gamma^{\lambda}{}_{\mu \nu},
\end{align}
where the torsion and the curvature tensors are independent of the metric.
The covariant derivatives of metric determinant and the non-trivial surface term are given by
\begin{align}
\nabla_{\mu}\sqrt{-g}=&\partial_{\mu}\sqrt{-g}-\Gamma^{\alpha}{}_{\mu \alpha}\sqrt{-g}, \nonumber \\
\nabla_{\mu}(\sqrt{-g} u^{\mu})=&\partial_{\mu}(\sqrt{-g} u^{\mu})+\sqrt{-g}T_{\mu}u^{\mu}, \nonumber \\
\nabla_{[\mu}Q_{\nu] \alpha \beta}=&R_{(\alpha \beta) \mu \nu}+\frac{1}{2}T^{\lambda}{}_{\mu \nu}Q_{\lambda \alpha \beta}.
\end{align}
\section{Generalized off-shell ADT current and potential in Palatini theory}
In this section we construct the off-shell ADT current and potential in Palatini theory of gravity with torsion and non-metricity. In Palatini formalism, the two independent dynamic fields are the metric $g_{\mu \nu}$ and the affine connection $\Gamma^{\lambda}{}_{\mu \nu}$.
\subsection{Off-shell currents}
We consider a general Palatini theory of gravity with action
\begin{equation}\label{key}
I[g,\Gamma]=\frac{1}{16 \pi G}\int d^Dx \sqrt{-g} L(g, \Gamma).
\end{equation}
In this paper, we suppose that the theories under consideration are diffeomorhism invariant up to a boundary term. For convenience, we denote the dynamic fields jointly as $\Phi=(g_{\mu \nu},\Gamma^{\lambda}{}_{\mu \nu})$. The generic variation of the Lagrangian leads to
\begin{align} \label{Lvariation}
\delta (\sqrt{-g} L)=&\sqrt{-g} \mathcal{E}_{\Phi }\delta \Phi+\partial_{\mu} (\sqrt{-g} \Theta^{\mu}(\delta \Phi, \Phi) ) \nonumber \\
=&-\sqrt{-g}\mathcal{E}^{\mu \nu} \delta g_{\mu \nu}+\sqrt{-g} P_{\lambda}{}^{\nu \mu} \delta \Gamma^{\lambda}{}_{\mu \nu}+\partial_{\mu} \tilde\Theta^{\mu}(\delta \Phi, \Phi),
\end{align}
where $\mathcal{E}_{\Phi }=(\mathcal{E}_{\mu \nu}, P_{\lambda}{}^{\nu \mu} )$ and $\tilde\Theta^{\mu}=\sqrt{-g} \Theta^{\mu}$ denote the Euler-Lagrange expression and the surface term, respectively. And hereinafter, the tilde $\tilde{} $ over a letter denotes $\tilde {X}=\sqrt{-g}X$.
For an arbitrary smooth vector field $\xi=\xi^{\mu} \partial_{\mu}$ defined over the spacetime, which can generate the diffeomorhism $x^{\mu }\to x^{\mu }-\xi ^{\mu }$, the diffeomorphism variation of the Lagrangian is given by
\begin{align} \label{eq14}
\delta_{\xi} (\sqrt{-g} L)=& \sqrt{-g} \mathcal{E}_{\Phi} \delta_{\xi} \Phi+\partial_{\mu}\tilde \Theta^{\mu}(\delta_{\xi} \Phi, \Phi) \nonumber \\
=&-\sqrt{-g}\mathcal{E}^{\mu \nu} \delta_{\xi} g_{\mu \nu}+\sqrt{-g} P_{\lambda}{}^{\nu \mu} \delta_{\xi} \Gamma^{\lambda}{}_{\mu \nu}+\partial_{\mu} \tilde\Theta^{\mu}(\delta_{\xi} \Phi, \Phi),
\end{align}
where the diffeomorphism transformations have the forms \cite{Obukhov:2015eha}
\begin{align}
\delta_{\xi} g_{\mu \nu}=&\xi^{\sigma} \partial_{\sigma} g_{\mu \nu}+g_{\sigma \nu} \partial_{\mu}\xi^{\sigma}+g_{\mu \sigma} \partial_{\nu} \xi^{\sigma} \nonumber \\
=&2\nabla_{(\mu} \xi_{\nu)}+2N^{\lambda}{}_{(\mu \nu)} \xi_{\lambda}, \nonumber \\
\delta_{\xi} \Gamma^{\lambda}{}_{\mu \nu}=&\partial_{\mu} \partial_{\nu} \xi^{\lambda}+\xi^{\sigma} \partial_{\sigma} \Gamma^{\lambda}{}_{\mu \nu}-\Gamma^{\sigma}{}_{\mu \nu} \partial_{\sigma} \xi^{\lambda}+\Gamma^{\lambda}{}_{\sigma \nu} \partial_{\mu} \xi^{\sigma}+\Gamma^{\lambda}{}_{\mu \sigma} \partial_{\nu} \xi^{\sigma} \nonumber \\
=&\nabla_{\mu} \bar \nabla_{\nu} \xi^{\lambda}-R^{\lambda}{}_{\nu \mu \sigma} \xi^{\sigma}.
\end{align}
Then, one has
\begin{align} \label{eq16}
\delta_{\xi} (\sqrt{-g} L)=&\left[2\nabla_{\mu} (\sqrt{-g} \mathcal{E}^{(\mu \nu)})-2 T_{\mu} (\sqrt{-g} \mathcal{E}^{(\mu \nu)})-2\sqrt{-g} \mathcal{E}^{(\mu \lambda)} N^{\nu}{}_{\mu \lambda}-\sqrt{-g} P_{\lambda}{}^{\alpha \beta} R^{\lambda}{}_{\alpha \beta}{}^{\nu} \right] \xi_{\nu} \nonumber \\
+&\left[\bar \nabla_{\nu}[\nabla_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})-T_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})]+T_{\nu}[\nabla_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})-T_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})]\right]\xi^{\sigma} \nonumber \\
+&\partial_{\mu} (\tilde \Theta^{\mu}(\delta_{\xi} \Phi, \Phi)-2\tilde S^{\mu}(\delta_{\xi} \Phi, \Phi)),
\end{align}
where
\begin{equation}\label{key}
2\tilde S^{\mu}(\delta_{\xi} \Phi, \Phi) \equiv 2 \sqrt{-g} \mathcal{E}^{(\mu \nu)} \xi_{\nu}-\sqrt{-g} P_{\sigma}{}^{\nu \mu} \bar \nabla_{\nu} \xi^{\sigma}+[\nabla_{\nu}(\sqrt{-g}P_{\sigma}{}^{\mu \nu})-T_{\nu}(\sqrt{-g}P_{\sigma}{}^{\mu \nu})] \xi^{\sigma}.
\end{equation}
On the other hand, the diffeomorphism variation of the Lagrangian has the form
\begin{equation} \label{eq18}
\delta_{\xi} (\sqrt{-g} L)=\partial_{\mu}(\xi^{\mu} \sqrt{-g} L).
\end{equation}
By equating the two expressions above, we can obtain an off-shell identity that can be thought of as generalized Bianchi identity in Palatini gravity
\begin{align} \label{eq19}
&\left[2\nabla_{\mu} (\sqrt{-g} \mathcal{E}^{(\mu \nu)})-2T_{\mu} (\sqrt{-g} \mathcal{E}^{(\mu \nu)})-2\sqrt{-g} \mathcal{E}^{(\mu \lambda)} N^{\nu}{}_{\mu \lambda}-\sqrt{-g} P_{\lambda}{}^{\alpha \beta} R^{\lambda}{}_{\alpha \beta}{}^{\nu} \right] \xi_{\nu} \nonumber \\
&+\left[\bar \nabla_{\nu}[\nabla_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})-T_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})]+T_{\nu}[\nabla_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})-T_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})]\right]\xi^{\sigma} \nonumber \\
&=\partial_{\mu} (\sqrt{-g} \mathcal{Z}^{\mu}_{\xi}),
\end{align}
where we have defined
\begin{equation}\label{key}
\sqrt{-g} \mathcal{Z}^{\mu}_{\xi} \equiv \xi^{\mu} \sqrt{-g} L-\tilde \Theta^{\mu}(\delta_{\xi} \Phi, \Phi)+2\tilde S^{\mu}(\delta_{\xi} \Phi, \Phi)+\partial _{\nu }\tilde{U}^{\left[\mu \nu \right]},
\end{equation}
and $\tilde{U}^{\mu \nu }=\tilde{U}^{\left[\mu \nu \right]}$ is an arbitrary anti-symmetric second rank tensor that will be dropped out in what follows since this ambiguity will not affect the final conserved charges.
Furthermore, from Eqs.\eqref{eq14}, \eqref{eq16} and \eqref{eq19} we obtain
\begin{equation}\label{eq21}
\partial_{\mu}(2\sqrt{-g} \mathrm{E}^{\mu}_{\xi})=\sqrt{-g} \mathcal{E}^{(\mu \nu)} \delta_{\xi} g_{\mu \nu}-\sqrt{-g} P_{\lambda}{}^{\nu \mu} \delta_{\xi} \Gamma^{\lambda}{}_{\mu \nu}=-\sqrt{-g} \mathcal{E}_{\Phi} \delta_{\xi} \Phi,
\end{equation}
where
\begin{equation}\label{key}
\mathrm{E}^{\mu}_{\xi} \equiv S^{\mu}_{\xi}-\frac{1}{2} \mathcal{Z}^{\mu}_{\xi}.
\end{equation}
If the transformation $\delta_{\xi} \Phi$ is an exact symmetry $\delta_{\xi} \Phi=0$ \cite{Hajian:2015xlp,Hajian:2016kxx,Ghodrati:2016vvf} (i.e. $\delta_{\xi} g_{\mu \nu}=0$ and $\delta_{\xi} \Gamma^{\lambda}{}_{\mu \nu}=0$, in which the vector field $\xi$ satisfying these two conditions is also called the generalized Killing vector \cite{Obukhov:2015eha}), we can get
\begin{equation}\label{eq23}
\partial_{\mu}(\sqrt{-g} \mathrm{E}^{\mu}_{\xi})=0.
\end{equation}
To obtain the off-shell conserved current, we consider the double variations \cite{Hyun:2014sha}
\begin{equation}\label{key1}
\delta _1 \delta _2 I\left[\Phi \right] =\frac{1}{16 \pi G}\int d^Dx \left[\delta _1 \left(\sqrt{-g}\mathcal{E}_{\Phi }\delta _2\Phi\right)+\partial _{\mu }\left(\delta _1\tilde{\Theta }^{\mu }\left(\delta _2 \Phi ,\Phi \right)\right)\right] .
\end{equation}
Using the property
\begin{equation}\label{vproperty}
(\delta _1 \delta _2-\delta _2 \delta _1) I\left[\Phi \right]=0 ,
\end{equation}
in which we take one of the variations as a diffeomorhism variation $\delta _{\xi }$ (In this case, the property \eqref{vproperty} is trivially true, since the action should not vary under a diffeomorhism), we have
\begin{equation}\label{key}
0=\frac{1}{16 \pi G}\int d^Dx\left[\delta _{\xi } \left(\sqrt{-g} \mathcal{E}_{\Phi }\delta \Phi\right)-\delta \left(\sqrt{-g}\mathcal{E}_{\Phi }\delta _{\xi }\Phi\right)+\partial_{\mu} \tilde{\omega }^{\mu } \left(\delta \Phi ,\delta _{\xi }\Phi,\Phi \right)\right] ,
\end{equation}
where we have used the symplectic current definition in CPSM \cite{Wald:1993nt,Iyer:1994ys,Wald:1999wa}
\begin{equation}\label{symplectic current}
\tilde{\omega }^{\mu }\left(\delta \Phi ,\delta _{\xi }\Phi,\Phi \right)=\delta \tilde{\Theta }^{\mu }\left(\delta _{\xi} \Phi,\Phi \right)-\delta _{\xi }\tilde{\Theta }^{\mu }(\delta \Phi ,\Phi ).
\end{equation}
We assume that the spacetime is endowed with a generalized Killing vector i.e. $\delta _{\xi }\Phi =0$, then $\tilde{\omega }^{\mu }\left(\delta \Phi ,\delta _{\xi }\Phi,\Phi \right)=0$. Since the Euler-Lagrange expression is covariant, we can obtain the off-shell identity\footnote{That is, the identity (29) holds not only on-shell but also off-shell.}
\begin{equation} \label{eq28}
\delta _{\xi } \left(\sqrt{-g} \mathcal{E}_{\Phi }\delta \Phi\right)=\partial_ {\mu} \left(\xi ^{\mu } \sqrt{-g}\mathcal{E}_{\Phi }\delta \Phi\right)=0 .
\end{equation}
Similar to \cite{Hyun:2014sha,Ding:2019dhy}, we can introduce an off-shell ADT current for the generalized Killing vector
\begin{equation}\label{off-shell ADT current}
\sqrt{-g} \mathcal{J}^{\mu}_{\mathrm{ADT}}=\delta(\sqrt{-g} \mathrm{E}^{\mu}_{\xi})+\frac{1}{2} \sqrt{-g} \xi^{\mu} \mathcal{E}_{\Phi} \delta \Phi ,
\end{equation}
where we have taken $\delta\xi ^{\mu }=0$, i.e. the generators are field-independent.
From Eqs.\eqref{eq23} and \eqref{eq28}, it is easy to see the conservation of the off-shell ADT current as
\begin{equation}\label{key}
\partial_ {\mu}\left(\sqrt{-g} \mathcal{J}_{\mathrm{ADT}}^{\mu }\right)=0 .
\end{equation}
So we are allowed to introduce the off-shell ADT potential $\mathcal{Q}_{\mathrm{ADT}}^{\mu \nu }$ as
\begin{equation}\label{key}
\sqrt{-g}\mathcal{J}_{\mathrm{ADT}}^{\mu }=\partial _{\nu }(\sqrt{-g}\mathcal{Q}_{\mathrm{ADT}}^{\mu \nu}) .
\end{equation}
\subsection{Off-shell potentials}
In this subsection we construct the off-shell ADT potential by using the off-shell Noether current and potential.
From Eqs.\eqref{eq14} and \eqref{eq18}, and using the off-shell identity \eqref{eq21}, we can introduce the off-shell Noether current
\begin{equation}\label{off-shell Noether current}
J_{\xi}^{\mu }=2 \sqrt{-g} \mathrm{E}^{\mu}_{\xi}+\sqrt{-g} \xi ^{\mu } L-\tilde{\Theta }^{\mu }\left( \delta _{\xi }\Phi,\Phi \right) ,
\end{equation}
which satisfies $\partial_{\mu} J_{\xi}^{\mu }$=0. Then, the off-shell Noether potential $K_{\xi }^{\mu \nu }$ can be introduced as
\begin{equation}\label{Noether current and potentiali}
J_{\xi }^{\mu }=\partial_{\nu} K_{\xi }^{\mu \nu } ,
\end{equation}
where $J_{\xi }^{\mu }=\sqrt{-g} \mathcal{J}_{\xi }^{\mu }$ and $K_{\xi }^{\mu \nu }=\sqrt{-g} \mathcal{K}_{\xi }^{\mu \nu }$.
The diffeomorphism variation of the surface term is
\begin{equation}\label{key}
\delta_{\xi }\tilde{\Theta }^{\mu }(\delta \Phi ,\Phi )=\mathcal{L}_{\xi }\tilde{\Theta }^{\mu }(\delta \Phi ,\Phi )=\xi ^{\nu } \partial_{\nu} \tilde{\Theta }^{\mu }-\tilde{\Theta }^{\nu } \partial_{\nu} \xi ^{\mu }+\tilde{\Theta }^{\mu } \partial_{\nu} \xi ^{\nu } ,
\end{equation}
which leads to
\begin{equation}\label{eq35}
\xi ^{\mu }\partial_{\nu} \tilde{\Theta }^{\nu }(\delta \Phi ,\Phi )=\partial _{\nu }(2 \xi ^{[\mu }\tilde{\Theta }^{\nu ]}(\delta \Phi ,\Phi ))+\mathcal{L}_{\xi }\tilde{\Theta }^{\mu }(\delta \Phi ,\Phi ) .
\end{equation}
By varying the off-shell Noether current \eqref{off-shell Noether current} and using the off-shell ADT current \eqref{off-shell ADT current}, we get
\begin{equation}\label{eq36}
\delta J^{\mu}_{\xi}=2 \sqrt{-g} \mathcal{J}^{\mu}_{\mathrm{ADT}}+\partial_{\nu}(2 \xi ^{[\mu }\tilde{\Theta }^{\nu ]}(\delta \Phi ,\Phi ))-\tilde \omega^{\mu}(\delta \Phi,\delta_{\xi} \Phi, \Phi),
\end{equation}
where we have used Eq.\eqref{eq35} and the symplectic current definition \eqref{symplectic current}. From Eq.\eqref{eq36} and the variation of \eqref{Noether current and potentiali} $\delta J^{\mu}_{\xi}=\partial_{\nu}(\delta K_{\xi }^{\mu \nu })$ we obtain
\begin{align}
2 \sqrt{-g} \mathcal{J}^{\mu}_{\mathrm{ADT}} =&\partial_{\nu}(\delta K_{\xi }^{\mu \nu }-2 \xi ^{[\mu }\tilde{\Theta }^{\nu ]}(\delta \Phi ,\Phi ))+\tilde \omega^{\mu}(\delta \Phi,\delta_{\xi} \Phi, \Phi) \nonumber \\
=&\partial _{\nu }(2\sqrt{-g}\mathcal{Q}_{\mathrm{ADT}}^{\mu \nu}) ,
\end{align}
where $\delta _{\xi }\Phi =0$, $\tilde{\omega }^{\mu }\left(\delta \Phi ,\delta _{\xi }\Phi,\Phi \right)=0$, for exact symmetry.
$\mathcal{Q}_{\mathrm{ADT}}^{\mu \nu}$ is the off-shell ADT potential corresponding to the off-shell ADT current $\mathcal{J}_{\mathrm{ADT}}^{\mu }$, which is given by
\begin{align}\label{off-shell ADT potential}
2 \sqrt{-g} \mathcal{Q}_{\mathrm{ADT}}^{\mu \nu}&=\delta K_{\xi }^{\mu \nu }-2\xi ^{[\mu }\tilde{\Theta }^{\nu ]}(\delta \Phi ,\Phi ) .
\end{align}
In order to obtain finite conserved charges, we use the one parameter path integral method \cite{Wald:1999wa,Barnich:2001jy,Barnich:2003xg,Barnich:2004uw,Barnich:2007bf} in the space of solutions when the gravity theory has black hole solutions. By assuming that the integral is path-independent, we can define the off-shell ADT conserved charge as
\begin{align}\label{ADT charge}
\mathcal{Q}( \xi)&\equiv \frac{1}{8 \pi G}\int _0^1ds\int _{\Sigma }d^{D-2}x_{\mu \nu }\sqrt{-g}\mathcal{Q}_{\mathrm{ADT}}^{\mu \nu} \nonumber \\&=\frac{1}{16 \pi G}\int _{\Sigma }d^{D-2}x_{\mu \nu }\left[ \Delta K^{\mu \nu } (\xi)-2\xi ^{[\mu }\int _0^1ds\,\,\tilde{\Theta }^{\nu ]}(\Phi ,s\mathcal{M}) \right] ,
\end{align}
where
\begin{equation}\label{key}
\Delta K^{\mu \nu }=K_{s=1}^{\mu \nu }-K_{s=0}^{\mu \nu }
\end{equation}
is the finite difference of Noether potential between the given solution and the background solution, $s$ is the path parameter $(s\in [0,1])$, and $\mathcal{M}$'s are the black hole solution parameters. Eq.\eqref{ADT charge} can be used to compute quasi-local conserved charges including mass, angular momentum and entropy for a given black hole solution.
\section{Off-shell ADT potentials in general models}
\subsection{Einstein-Hilbert theory in Palatini formalism}
In this section we will give the off-shell ADT potential of Einstein-Hilbert theory in Palatini formalism with tortion and non-metricity. The Einstein-Hilbert action with a cosmological constant in D-dimension is given by
\begin{equation}\label{key}
I[g,\Gamma]=\frac{1}{16 \pi G} \int d^Dx \sqrt{-g} (R-2\Lambda).
\end{equation}
From Eq.\eqref{Lvariation}, the variations of the Einstein-Hilbert action give the Euler-Lagrange expressions and the surface term as
\begin{align} \label{eq43}
\mathcal{E}^{(\mu \nu)}=&R^{(\mu \nu)}-\frac{1}{2} R g^{\mu \nu}+\Lambda g^{\mu \nu} , \\
P_{\lambda}{}^{\nu \mu}=&-\frac{\nabla_{\lambda}(\sqrt{-g}g^{\nu \mu})}{\sqrt{-g}}+\frac{\nabla_{\sigma}(\sqrt{-g}g^{\nu \sigma})\delta^{\mu}{}_{\lambda}}{\sqrt{-g}}+(T_{\lambda}g^{\nu \mu}-T^{\nu}\delta^\mu{}_{\lambda}+g^{\nu \sigma}T^{\mu}{}_{\sigma \lambda}), \\
\tilde \Theta^{\lambda}=&\sqrt{-g}g^{\mu \nu} \delta \Gamma^{\lambda}{}_{\mu \nu}-\sqrt{-g}g^{\nu \lambda} \delta^{\mu}{}_{\sigma} \delta \Gamma^{\sigma}{}_{\mu \nu} \label{EH surface term}.
\end{align}
The diffeomorphism variation of Lagrangian leads to
\begin{align} \label{eq46}
\tilde \Theta^{\lambda}(\delta_{\xi} \Phi, \Phi)=&\sqrt{-g}g^{\mu \nu} \delta_{\xi} \Gamma^{\lambda}{}_{\mu \nu}-\sqrt{-g}g^{\nu \lambda} \delta^{\mu}{}_{\sigma} \delta_{\xi} \Gamma^{\sigma}{}_{\mu \nu} \nonumber \\
=&\partial_{\nu}(\sqrt{-g} P_{\sigma}{}^{\nu \lambda} \xi^{\sigma})-T_{\nu}(\sqrt{-g} P_{\sigma}{}^{\nu \lambda} \xi^{\sigma})+\sqrt{-g} \Gamma^{\lambda}{}_{\rho \nu} P_{\sigma}{}^{\nu \rho} \xi^{\sigma}-\bar \nabla_{\nu}(\sqrt{-g} P_{\sigma}{}^{\nu \lambda}) \xi^{\sigma} .
\end{align}
By using the Bianchi identities \eqref{BI8}-\eqref{BI9}, we can prove that the left hand side of Eq.\eqref{eq19} vanishes in Einstein-Hilbert theory, which leads to $\mathcal{Z}^{\mu}_{\xi}=0$. From Eq.\eqref{off-shell Noether current}, we get the off-shell Noether current
\begin{align} \label{EH Noethr curent}
J^{\mu}_{\xi}=&2 \sqrt{-g} R^{(\mu \nu)} \xi_{\nu}+\sqrt{-g} \check R^{\mu \nu} \xi_{\nu}-\sqrt{-g} R^{\mu \nu} \xi_{\nu} \nonumber+[\nabla_{\nu} (\sqrt{-g} P_{\sigma}{}^{\mu \nu})-T_{\nu} (\sqrt{-g} P_{\sigma}{}^{\mu \nu})] \xi^{\sigma} \nonumber \\
&+\partial_{\nu}(2 \sqrt{-g} g^{\sigma [\mu} \bar \nabla_{\sigma} \xi^{\nu]}) .
\end{align}
By using the Bianchi identities \eqref{BI8}-\eqref{BI9} again, the first line of Eq.\eqref{EH Noethr curent} vanishes, then the off-shell Noether current and potential are
\begin{align}
J^{\mu}_{\xi}=& \partial_{\nu}(2 \sqrt{-g} g^{\sigma [\mu} \bar \nabla_{\sigma} \xi^{\nu]}) \nonumber \\
=& \partial_{\nu}(\sqrt{-g} \mathcal{K}^{\mu \nu}_{\xi}), \label{eq48} \\
\mathcal{K}^{\mu \nu}_{\xi}&= 2 \bar \nabla^{[\mu} \xi^{\nu]} \label{eq49}.
\end{align}
From Eqs.\eqref{off-shell ADT potential} and \eqref{EH surface term} we obtain the final expression of the off-shell ADT potential
\begin{align} \label{EH ADT potential}
\mathcal{Q}^{\mu \nu}_{\mathrm{ADT}}=&\frac{1}{2} h \bar{\nabla}^{[\mu} \xi^{\nu]}-h^{\sigma [\mu} \bar{\nabla}_{\sigma} \xi^{\nu]}+g^{\sigma [\mu} \delta \Gamma^{\nu]}{}_{\rho \sigma} \xi^{\rho} \nonumber \\
&-\xi^{[\mu} \delta \Gamma^{\nu]}{}_{\alpha \beta} g^{\alpha \beta}+\xi^{[\mu} g^{\nu] \sigma} \delta \Gamma^{\rho}{}_{\rho \sigma},
\end{align}
where we have defined
\begin{gather}
h_{\mu \nu }=\delta g_{\mu \nu },\,\,\,\,h^{\mu \nu }= g^{\mu \alpha } g^{\nu \beta }\delta g_{\alpha \beta }=-\delta g^{\mu \nu },\,\,\,\,h=g^{\mu \nu }\delta g_{\mu \nu }.
\end{gather}
From Eq.\eqref{EH ADT potential}, we see that the torsion and non-metricity tensors do not apparently present in the off-shell ADT potential, but included through the affine connection $\Gamma^{\lambda}{}_{\mu \nu}$. On the other hand, our formalism does not match with the BBC formalism in Palatini formalism of general relativity presented in \cite{Barnich:2020ciy} when the torsion are set to zero. As pointed out in \cite{Barnich:2020ciy} this difference in Palatini theory comes from the use of the generalized Killing vector.
In the standard metric formalism, it is assumed that torsion and non-metricity are absent, i.e. $\nabla_{\alpha} g_{\mu \nu}=0, \,\,T^{\lambda}{}_{\mu \nu}=-2 \Gamma^{\lambda}{}_{[\mu \nu]}=0, \,\,\bar \nabla_{\mu}=\nabla_{\mu} $, and the connection is completely fixed to Levi-Civita connection $\mathring \Gamma^{\lambda}{}_{\mu \nu}$. Then, our expressions reduce to
\begin{align}
&\mathcal{K}^{\mu \nu}_{\xi}=2 \nabla^{[\mu} \xi^{\nu]} , \nonumber \\
&\Theta^{\mu}(\delta \Phi, \Phi)=2 \nabla^{[\sigma} h^{\mu]}{}_{\sigma} , \nonumber \\
&\mathcal{Q}^{\mu \nu}_{\mathrm{ADT}}=\frac{1}{2} h \nabla^{[\mu} \xi^{\nu]}-h^{\sigma [\mu} \nabla_{\sigma} \xi^{\nu]}-\xi^{[\mu} \nabla_{\sigma} h^{\nu] \sigma}+\xi_{\sigma} \nabla^{[\mu} h^{\nu] \sigma}+\xi^{[\mu} \nabla^{\nu]} h ,
\end{align}
which are well known results in Einstein general relativity in the metric formalism \cite{Wald:1993nt,Iyer:1994ys,Wald:1999wa}.
\subsection{General $L(g_{\mu \nu}, R^{\lambda}{}_{\nu \alpha \mu}, T^{\lambda}{}_{\alpha \beta}, Q_{\alpha \mu \nu})$ theories}
In the gravitation sector, the most general Lagrangian that one could write down (without including additional tensors constructed by the covariant derivatives of basic geometrical objects) is $L(g_{\mu \nu}, R^{\lambda}{}_{\nu \alpha \mu}, T^{\lambda}{}_{\alpha \beta}, Q_{\alpha \mu \nu})$ \cite{Iosifidis:2019jgi}. In this subsection we will derive the off-shell ADT potential in this theory. The action is given by
\begin{equation}\label{key}
I[g,\Gamma]=\frac{1}{16 \pi G} \int d^Dx \sqrt{-g} L(g_{\mu \nu}, R^{\lambda}{}_{\nu \alpha \mu}, T^{\lambda}{}_{\alpha \beta}, Q_{\alpha \mu \nu}).
\end{equation}
The EOMs have been given in \cite{Iosifidis:2019jgi} for this theory. In order to derive the off-shell ADT potential we write them down and give the surface term by generic variation
\begin{align}
\mathcal{E}^{\mu \nu}=&-\mathcal{G}^{\mu \nu}-\frac{1}{2}g^{\mu \nu} L+T_{\sigma} W^{\sigma \mu \nu}-\frac{1}{\sqrt{-g}} \nabla_{\sigma}(\sqrt{-g} W^{\sigma \mu \nu}) , \nonumber \\
P_{\lambda}{}^{\nu \mu}=&-\frac{2}{\sqrt{-g}}\nabla_{\sigma}(\sqrt{-g} \Omega_{\lambda}{}^{\nu \sigma \mu})-\Omega_{\lambda}{}^{\nu \sigma \rho} T^{\mu}{}_{\sigma \rho}-2V_{\lambda}{}^{\mu \nu}+2W^{\mu \nu}{}_{\lambda}+2 T_{\sigma} \Omega_{\lambda}{}^{\nu \sigma \mu} , \nonumber \\
\tilde \Theta^{\alpha}(\delta \Phi, \Phi)=&2 \sqrt{-g} \Omega_{\lambda}{}^{\nu \alpha \mu} \delta \Gamma^{\lambda}{}_{\mu \nu}-\sqrt{-g} W^{\alpha \mu \nu} \delta g_{\mu \nu} ,
\end{align}
where
\begin{align}
\mathcal{G}^{\mu \nu}\equiv& \frac{\partial L}{\partial g_{\mu \nu}} , &W^{\alpha \mu \nu}&=W^{\alpha (\mu \nu)} \equiv \frac{\partial L}{\partial Q_{\alpha \mu \nu}} , \nonumber \\
\Omega_{\lambda}{}^{\nu \alpha \mu}=&\Omega_{\lambda}{}^{\nu [\alpha \mu]} \equiv \frac{\partial L}{\partial R^{\lambda}{}_{\nu \alpha \mu}} , &V_{\lambda}{}^{\mu \nu}&=V_{\lambda}{}^{[\mu \nu]} \equiv \frac{\partial L}{\partial T^{\lambda}{}_{\mu \nu}} .
\end{align}
The diffeomorphism variation of the Lagrangian has the form
\begin{align}
\delta_{\xi} (\sqrt{-g} L)=&\left[2\nabla_{\mu} (\sqrt{-g} \mathcal{E}^{(\mu \nu)})-2 T_{\mu} (\sqrt{-g} \mathcal{E}^{(\mu \nu)})-2\sqrt{-g} \mathcal{E}^{(\mu \lambda)} N^{\nu}{}_{\mu \lambda}-\sqrt{-g} P_{\lambda}{}^{\alpha \beta} R^{\lambda}{}_{\alpha \beta}{}^{\nu} \right] \xi_{\nu} \nonumber \\
+&\left[\bar \nabla_{\nu}[\nabla_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})-T_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})]+T_{\nu}[\nabla_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})-T_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})]\right]\xi^{\sigma} \nonumber \\
+&\partial_{\mu} (\tilde \Theta^{\mu}(\delta_{\xi} \Phi, \Phi)-2\tilde S^{\mu}(\delta_{\xi} \Phi, \Phi)).
\end{align}
For a general Palatini theory of gravity, which is diffeomorphism invariant up to a boundary term, the first two lines must vanish
\begin{align}
&\left[2\nabla_{\mu} (\sqrt{-g} \mathcal{E}^{(\mu \nu)})-2 T_{\mu} (\sqrt{-g} \mathcal{E}^{(\mu \nu)})-2\sqrt{-g} \mathcal{E}^{(\mu \lambda)} N^{\nu}{}_{\mu \lambda}-\sqrt{-g} P_{\lambda}{}^{\alpha \beta} R^{\lambda}{}_{\alpha \beta}{}^{\nu} \right] \xi_{\nu} \nonumber \\
&+\left[\bar \nabla_{\nu}[\nabla_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})-T_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})]+T_{\nu}[\nabla_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})-T_{\mu}(\sqrt{-g}P_{\sigma}{}^{\nu \mu})]\right]\xi^{\sigma} \nonumber \\
&=0 ,
\end{align}
which can be thought of as the generalized Bianchi identity in $L(g_{\mu \nu}, R^{\lambda}{}_{\nu \alpha \mu}, T^{\lambda}{}_{\alpha \beta}, Q_{\alpha \mu \nu})$ theory. From Eqs.\eqref{off-shell Noether current} and \eqref{Noether current and potentiali} we can get the off-shell Noether current and potential as
\begin{align}
J^{\mu}_{\xi}=& \partial_{\nu}[2 \sqrt{-g} (V_{\lambda}{}^{\mu \nu} \xi^{\lambda}- \Omega_{\lambda}{}^{\sigma \mu \nu} \bar \nabla_{\sigma} \xi^{\lambda})] \nonumber \\
=& \partial_{\nu}[\sqrt{-g} \mathcal{K}^{\mu \nu}_{\xi}], \\
\mathcal{K}^{\mu \nu}_{\xi}&= 2 ( V_{\lambda}{}^{\mu \nu} \xi^{\lambda}- \Omega_{\lambda}{}^{\sigma \mu \nu} \bar \nabla_{\sigma} \xi^{\lambda}) \label{Fnp}.
\end{align}
From Eq.\eqref{off-shell ADT potential}, we can get the off-shell ADT potential
\begin{align} \label{FADTp}
\mathcal{Q}^{\mu \nu}_{\mathrm{ADT}}=&\frac{1}{2} h V_{\lambda}{}^{\mu \nu} \xi^{\lambda}+(\delta V_{\lambda}{}^{\mu \nu}) \xi^{\lambda}-\Omega_{\lambda}{}^{\sigma \mu \nu} \left(\frac{1}{2} h \bar \nabla_{\sigma} \xi^{\lambda}+\delta \Gamma^{\lambda}{}_{\rho \sigma} \xi^{\rho} \right) \nonumber \\
-&(\delta \Omega_{\lambda}{}^{\sigma \mu \nu}) \bar \nabla_{\sigma} \xi^{\lambda}-\xi^{[\mu} (2\Omega_{\lambda}{}^{|\beta| \nu] \alpha} \delta \Gamma^{\lambda}{}_{\alpha \beta}-W^{\nu] \alpha \beta} \delta g_{\alpha \beta}) .
\end{align}
Taking $L=R$, we compute
\begin{equation}\label{key}
\Omega_{\lambda}{}^{\mu \alpha \nu}=\frac{\partial R}{\partial R^{\lambda}{}_{\mu \alpha \nu}}=\delta^{\beta}{}_{\gamma} g^{\kappa \rho} \frac{\partial R^{\gamma}{}_{\kappa \beta \rho}}{\partial R^{\lambda}{}_{\mu \alpha \nu}}=g^{\mu [\nu} \delta^{\alpha]}{}_{\lambda},
\end{equation}
where we have used the fact
\begin{equation}\label{key}
\frac{\partial R^{\gamma}{}_{\kappa \beta \rho}}{\partial R^{\lambda}{}_{\mu \alpha \nu}}=\delta^{\gamma}{}_{\lambda} \delta^{\mu}{}_{\kappa} \delta^{[\alpha}{}_{\beta} \delta^{\nu]}{}_{\rho} .
\end{equation}
And by using the fact
\begin{equation}\label{key}
\frac{\partial R}{\partial g^{\mu \nu}}=R_{(\mu \nu)} ,
\end{equation}
the results reduce to the Einstein-Hilbert theory present in Eqs.\eqref{eq43}-\eqref{eq46} and Eqs.\eqref{eq48}-\eqref{EH ADT potential}.
\subsection{Teleparallel Palatini theory}
As a typical example, in this section we consider the teleparallel Palatini theory. The Lagrangian has the form \cite{BeltranJimenez:2018vdo}
\begin{equation}\label{key}
\mathcal{L}_{||}=\sqrt{-g}{L}_{||}=\frac{1}{2} \sqrt{-g} \mathbb{T}+\lambda_{\alpha}{}^{\beta \mu \nu} R^{\alpha}{}_{\beta \mu \nu}+\lambda^{\alpha \mu \nu} Q_{\alpha \mu \nu} ,
\end{equation}
where $\lambda_{\alpha}{}^{\beta \mu \nu}$ and $\lambda^{\alpha \mu \nu}$ are the Lagrange multipliers, which constrain the teleparallelity and metricity for Teleparallel Equivalent of General Relativity (TEGR). The torsion scalar is defined as
\begin{equation}\label{key}
\mathbb{T}= S_{\alpha}{}^{\mu \nu} T^{\alpha}{}_{\mu \nu} ,
\end{equation}
where
\begin{equation}\label{superpotential}
S_{\alpha}{}^{\mu \nu}=aT_{\alpha}{}^{\mu \nu}+bT^{[\mu}{}_{\alpha}{}^{\nu]}+c\delta_{\alpha}{}^{[\mu} T^{\nu]}
\end{equation}
is the superpotential tensor, in which $a$, $b$ and $c$ are arbitrary constants. Varying the Lagrangian with respect to the dynamic fields and the Lagrange multipliers, we get
\begin{align}
\delta(\sqrt{-g} L_{||})=&\sqrt{-g} \mathcal{E}_{\Phi} \delta \Phi+\partial_{\mu} \tilde \Theta^{\mu}({\delta \Phi, \Phi, \lambda}) \nonumber \\
=&-\sqrt{-g}\mathcal{E}^{\mu \nu} \delta g_{\mu \nu}+\sqrt{-g} P_{\lambda}{}^{\nu \mu} \delta \Gamma^{\lambda}{}_{\mu \nu} \nonumber \\
&+R^{\alpha}{}_{\beta \mu \nu} \delta \lambda_{\alpha}{}^{\beta \mu \nu}+Q_{\alpha \mu \nu} \delta \lambda^{\alpha \mu \nu}+\partial_{\mu} \tilde \Theta^{\mu}({\delta \Phi, \Phi, \lambda}) .
\end{align}
In TEGR, the teleparallelity and the dynamics are constrained by Lagrange multipliers EOMs
\begin{equation}\label{LEOM}
R^{\alpha}{}_{\beta \mu \nu}=0,\,\,\,\,\,\,\,\,\,\,\,\,Q_{\alpha \mu \nu}=0.
\end{equation}
If we employ the constraint condition \eqref{LEOM} and do not require the EOMs of the dynamic fields $\mathcal{E}_{\Phi}=0$ to be satisfied (i.e. off-shell), the Noether potential and the ADT potential can be extracted by using Eqs.\eqref{Fnp} and \eqref{FADTp}
\begin{align}
\mathcal{K}^{\mu \nu}_{\xi}=&2( S_{\alpha}{}^{\mu \nu} \xi^{\alpha}- \lambda_{\alpha}{}^{\sigma \mu \nu} \bar \nabla_{\sigma} \xi^{\alpha}) , \label{TEnpotential}\\
\mathcal{Q}^{\mu \nu}_{\mathrm{ADT}}=&\frac{1}{2} h S_{\alpha}{}^{\mu \nu} \xi^{\alpha}+(\delta S_{\alpha}{}^{\mu \nu}) \xi^{\alpha}-\lambda_{\alpha}{}^{\sigma \mu \nu} \left(\frac{1}{2} h \bar \nabla_{\sigma} \xi^{\alpha}+\delta \Gamma^{\alpha}{}_{\rho \sigma} \xi^{\rho} \right) \nonumber \\
-&(\delta \lambda_{\alpha}{}^{\sigma \mu \nu}) \bar \nabla_{\sigma} \xi^{\alpha}-\xi^{[\mu} (2\lambda_{\rho}{}^{|\beta| \nu] \alpha} \delta \Gamma^{\rho}{}_{\alpha \beta}-\lambda^{\nu] \alpha \beta} \delta g_{\alpha \beta}) \label{TEADTpotential},
\end{align}
where we have used the equalities
\begin{align}
V_{\alpha}{}^{\mu \nu}=\frac{\partial L_{||}}{\partial T^{\alpha}{}_{\mu \nu}}=S_{\alpha}{}^{\mu \nu},\,\,\, \Omega_{\alpha}{}^{\beta \mu \nu}=\frac{\partial L_{||}}{\partial R^{\alpha}{}_{\beta \mu \nu}}=\lambda_{\alpha}{}^{\beta \mu \nu},\,\,\, W^{\alpha \mu \nu}=\frac{\partial L_{||}}{\partial Q_{\alpha \mu \nu}}=\lambda^{\alpha \mu \nu} .
\end{align}
Since the Lagrange multipliers do not affect the dynamical field equation \cite{BeltranJimenez:2018vdo,Golovnev:2017dox}, and thus will not affect the spacetime configuration and the black hole solutions, and will not affect the final conserved charges when the explicit black hole solutions are concerned, the Lagrange multipliers terms can be dropped out from the Noether and the ADT potentials, through which Eqs.\eqref{TEnpotential} and \eqref{TEADTpotential} reduce to
\begin{align}
\mathcal{K}^{\mu \nu}_{\xi}=&2S_{\alpha}{}^{\mu \nu} \xi^{\alpha} , \label{KTEGR} \\
\mathcal{Q}^{\mu \nu}_{\mathrm{ADT}}=&\frac{1}{2} h S_{\alpha}{}^{\mu \nu} \xi^{\alpha}+(\delta S_{\alpha}{}^{\mu \nu}) \xi^{\alpha} .
\end{align}
These results are exactly those obtained in \cite{Emtsova:2019moq} by the direct use of the Noether’s theorem and in \cite{Hammad:2019oyb} by Wald’s CPSM in TEGR.
\section{Conserved charges for explicit black hole solutions}
As thermodynamic systems, black holes have a characteristic temperature, an entropy and the laws of black hole thermodynamics associated with them. In Palatini theory of gravity with torsion and non-metricity, if the black hole solutions exist, we give the general expressions of the black hole conserved charges and the first law of black hole thermodynamics.
For simplicity, we consider a stationary axial-symmetric black hole solution with torsion and non-metricity. We adopt the coordinate in which the timelike and the rotational Killing vector are $\xi_T=\partial_t$ and $\xi_R=-\partial_{\varphi}$, respectively. The horizon Killing vector is a linear combination $\xi_{\mathrm{H}}=\partial_t+\Omega_{\mathrm{H}} \partial_{\varphi}$ that satisfies $\delta_{\xi} g_{\mu \nu}=0$ and $ \delta_{\xi} \Gamma^{\lambda}{}_{\mu \nu}=0$, where $\Omega_{\mathrm{H}}$ is the horizon angular velocity. Similar to the CPSM and the BBC formalisms, we define the black hole entropy as the conserved charge associated with horizon Killing vector $\xi_{\mathrm{H}}$,
\begin{equation}\label{key}
\frac{\kappa}{2 \pi} \delta S_{\mathrm{H}}=\delta \mathcal{Q} (\xi_{\mathrm{H}})=\frac{1}{8 \pi G} \int_{\mathcal{H}} d^{D-2}x_{\mu \nu} \sqrt{-g} \mathcal{Q}^{\mu \nu}_{\mathrm{ADT}}(\xi_{\mathrm{H}}) ,
\end{equation}
where $\kappa$ is the surface gravity defined as $\kappa=-n^{\nu} \xi^{\mu} \nabla_{\nu} \xi_{\mu}$ in the presence of torsion \cite{Dey:2017fld}, leading to $T_{\mathrm{H}}=\kappa_{\mathrm{H}}/{2 \pi}$. From the linearity of $\delta \mathcal{Q}(\xi)$ in $\xi$, we can obtain the first law
\begin{equation}\label{key}
T_{\mathrm{H}}\delta S_{\mathrm{H}}=\delta M-\Omega_{\mathrm{H}} \delta J ,
\end{equation}
where
\begin{equation}\label{key}
\delta M=\delta \mathcal{Q}(\xi_T)=\frac{1}{8 \pi G} \int_{\Sigma} d^{D-2}x_{\mu \nu} \sqrt{-g} \mathcal{Q}^{\mu \nu}_{\mathrm{ADT}}(\xi_T)
\end{equation}
and
\begin{equation}\label{key}
\delta J=\delta \mathcal{Q}(\xi_R)=\frac{1}{8 \pi G} \int_{\Sigma} d^{D-2}x_{\mu \nu} \sqrt{-g} \mathcal{Q}^{\mu \nu}_{\mathrm{ADT}}(\xi_R)
\end{equation}
are the mass and angular momentum variations associated with $\xi_T$ and $\xi_R$, respectively.
Similar to SPSM \cite{Hajian:2015xlp,Hajian:2016kxx,Ghodrati:2016vvf} and our previous work \cite{Ding:2019dhy}, $\Sigma$ can be an almostly arbitrary smooth co-dimensional two surface surrounding the singularity.
Our above formulation can be used to compute the conserved charges and derive the first law of black hole thermodynamics in the modified gravity theories with torsion and non-metricity (e.g. Palatini theory, MAG and TEGR etc.).
As a simple example, we now check the total mass of Schwarzschild black hole in the teleparallel theory of gravity. In spherical coordinates the Schwarzschild metric is given by
\begin{equation}\label{Schmetric}
ds^2=-(1-\frac{2 m}{r}) dt^2+(1-\frac{2 m}{r})^{-1} dr^2+r^2(d \theta^2+\mathrm{sin}^2\theta d \varphi^2) .
\end{equation}
It has the non-zero components of affine connection \cite{Emtsova:2019moq}
\begin{align}
\Gamma^{t}{}_{t r}&=-\Gamma^{r}{}_{r r}=-\frac{m}{r^2}(1-\frac{2 m}{r})^{-1},&\,\,\,\,\,\,&\Gamma^{r}{}_{\theta \theta}=r(1-\frac{2 m}{r})^{1/2}, \nonumber \\
\Gamma^{r}{}_{\varphi \varphi}&=r(1-\frac{2 m}{r})^{1/2} r\, \mathrm{sin}^2 \theta,&\,\,\,\,\,\,&\Gamma^{\theta}{}_{r \theta}=\Gamma^{\varphi}{}_{r \varphi}=-\frac{1}{r}(1-\frac{2 m}{r})^{-1/2}, \nonumber \\
\Gamma^{\theta}{}_{\theta r}&=\Gamma^{\varphi}{}_{\varphi r}=-\frac{1}{r},&\,\,\,\,\,\,&\Gamma^{\theta}{}_{\varphi \theta}=\mathrm{sin}\theta \,\mathrm{cos} \theta,\,\,\,\,\,\Gamma^{\varphi}{}_{\theta \varphi}=\Gamma^{\varphi}{}_{\varphi \theta}=-\mathrm{cot}\theta ,
\end{align}
From the first formula of \eqref{gobjects}, we get the non-zero independent components of torsion tensor
\begin{align}
T^{t}{}_{t r}=\frac{m}{r^2}(1-\frac{2 m}{r})^{-1},\,\,\,\,\,\,\,\,\,\,\,\,T^{\theta}{}_{r \theta}=T^{\varphi}{}_{r \varphi}=-\frac{1}{r}(1-(1-\frac{2 m}{r})^{-1/2}) .
\end{align}
From Eq.\eqref{superpotential}, the non-zero independent components of the superpotential are given by
\begin{equation}\label{key}
S_{t}{}^{t r}=\frac{1}{r}(1-(1-\frac{2 m}{r})^{1/2})-\frac{2 m}{r^2},\,\,\,\,\,\,\,S_{\theta}{}^{r \theta}=S_{\varphi}{}^{r \varphi}=-\frac{1}{2r}(1-(1-\frac{2 m}{r})^{1/2})+\frac{m}{2r^2}.
\end{equation}
By using Eqs.\eqref{ADT charge}, \eqref{KTEGR}, choosing the one parameter path by substituting $m$ by $s m$ in the Schwarzschild metric \eqref{Schmetric}, choosing the timelike Killing vector $\xi^{\mu}=(-1,0,0,0)$, taking the integral surface $\Sigma: t=const=r$ for convenience, and taking the limit $r\to \infty$, we get the total mass of Schwarzschild black hole as
\begin{align}
M&=\frac{1}{8 \pi G} \lim_{r\to \infty} \int _0^1ds\int _{\Sigma }d^{D-2}x_{\mu \nu }\sqrt{-g}\mathcal{Q}_{\mathrm{ADT}}^{\mu \nu} \nonumber \\&=\frac{1}{16 \pi G} \lim_{r\to \infty} \int _{\Sigma }d^2x_{t r }2\sqrt{-g} S_{t}{}^{t r} \xi^{t} \nonumber \\
&=\frac{m}{G} .
\end{align}
Therefore, we get the correct conserved charge (mass) of Schwarzschild black hole in teleparallel theory of gravity by our generalized off-shell ADT conserved charge formalism.
\section{Conclusions}
In this paper we have generalized the off-shell ADT conserved charge formalism to Palatini theory of gravity with torsion and non-metricity. For a general Palatini theory of gravity, which is diffeomorphism invariant up to a boundary term, we obtained the most general expression of off-shell ADT potential. As explicit examples, we derived the off-shell ADT potentials for Einstein-Hilbert action, the most general $L(g_{\mu \nu}, R^{\lambda}{}_{\nu \alpha \mu}, T^{\lambda}{}_{\alpha \beta}, Q_{\alpha \mu \nu})$ theories and the teleparallel Palatini gravity.
In the non-Riemannian geometrical framework, if the black hole solutions exist for a gravity theory, we defined the black hole entropy as a conserved charge, and the first law of black hole thermodynamics was derived. It is easy to generalize our off-shell formalism to arbitrary diffeomorphism invariant theory of gravity with torsion and non-metricity, even including the matter field (i.e. the MAG) by using the ‘exact symmetries’.
|
\section{Introduction}\label{sec:introduction}
An \emph{abelian surface} is an abelian variety of dimension $2$. Over $\mathbf{C}$, all abelian surfaces are isomorphic to $\mathbf{C}^2/L$ for some lattice $L$ with real rank $4$. The fine moduli stack $\mathcal A_2$ of principally polarized abelian surfaces is a smooth Deligne--Mumford stack defined over $\mathbf{Z}$. It comes equipped with a universal bundle $\mathcal X_2 \to \mathcal A_2$. The stack $\mathcal X_2$ has the abelian surface $A$ as the fiber over the corresponding point in $\mathcal A_2$. Using the projection map $\mathcal X_2 \to \mathcal A_2$, we can take $n$th fiber powers $\mathcal X_2^n$ of $\mathcal X_2$ over $\mathcal A_2$, which has the $n$th power $A^n$ of an abelian surface over the corresponding point in $\mathcal A_2$. Since each $A^n$ has an action of $S_n$ permuting the coordinates (which is not a free action), taking the quotient $\mathcal X_2^n/S_n$ gives a new stack $\mathcal X_2^{\Sym(n)}$, which has $\Sym^n A$ as a fiber over the point corresponding to $A$ in $\mathcal A_2$.
Our main theorems are the computations of the $\ell$-adic cohomology of the universal abelian surface and related spaces as Galois representations (up to semi-simplification). Given the $\ell$-adic cohomology of any space $\mathcal X$ of study in this paper, Artin's comparison theorem (\cite[Theorem 21.1]{milne-etale}) and the transfer isomorphism give the singular cohomology of $\mathcal X(\mathbf{C})$ as well by the relationship
\[
H^k_{\text{sing}}(\mathcal X(\mathbf{C}); \mathbf{Q}) \otimes \mathbf{Q}_\ell \cong H^k_{\text{\'et}}(\mathcal X_{\overline \mathbf{Q}}; \mathbf{Q}_\ell)
\]
as vector spaces for all $k \geq 0$. From now on, all cohomology will denote $\ell$-adic cohomology and we drop the subscripts to write $H^*(\mathcal X; \mathbf V)$ in place of both $H^*_{\text{\'et}}(\mathcal X_{\overline \mathbf{Q}}; \mathbf V)$ and $H^*_{\text{\'et}}(\mathcal X_{\overline \mathbf{F}_q}; \mathbf V)$ for any $\ell$-adic local system $\mathbf V$ on $\mathcal X$ with $\ell$ coprime to $q$. (See Remark \ref{rmk:etale-Q-Fq} for details justifying this notation.)
\begin{thm}\label{thm:universal-surface}
The cohomology of the universal abelian surface $\mathcal X_2$ is given by
\[
H^k(\mathcal X_2; \mathbf{Q}_\ell) = \begin{cases}
\mathbf{Q}_\ell & k = 0 \\
0 & k = 1, 3, k> 7\\
2\mathbf{Q}_\ell(-1) & k = 2 \\
2\mathbf{Q}_\ell(-2) & k = 4 \\
\mathbf{Q}_\ell(-5) & k = 5 \\
\mathbf{Q}_\ell(-3) & k = 6 \\
\end{cases}
\]
up to semi-simplification, where $\mathbf{Q}_\ell = \mathbf{Q}_\ell(0)$ is the trivial Galois representation, $\mathbf{Q}_\ell(1)$ is the $\ell$-adic cyclotomic character, and $\mathbf{Q}_\ell(-1)$ is its dual. For all $n \in \mathbf{N}$, $\mathbf{Q}_\ell(n)$ is the $n$th tensor power of $\mathbf{Q}_\ell(1)$ and $\mathbf{Q}_\ell(-n)$ is the $n$th tensor power of $\mathbf{Q}_\ell(-1)$. For all $n \in \mathbf{Z}$, $\mathbf{Q}_\ell(n) \cong \mathbf{Q}_\ell$ as a $\mathbf{Q}_\ell$-vector space. Denote $\mathbf{Q}_\ell(n)^{\oplus m}$ by $m \mathbf{Q}_\ell(n)$.
\end{thm}
Applying similar techniques gives the cohomology of the $n$th fiber product of $\mathcal X_2$ in low degrees.
\begin{thm}\label{thm:low-degree-computation}
For all $n \geq 1$, the cohomology of the universal $n$th fiber product of abelian surfaces is
\begin{align*}
H^k(\mathcal X_2^n; \mathbf{Q}_\ell) &= \begin{cases}
\mathbf{Q}_\ell & k = 0 \\
0 & k = 1, 3 \\
\left(\binom{n+1}{2} + 1\right) \mathbf{Q}_\ell(-1) & k = 2 \\
\left(\frac{n(n+1)(n^2+n+2)}{8} + \binom{n+1}{2}\right)\mathbf{Q}_\ell(-2) & k = 4\\
\binom{n+1}{2} \mathbf{Q}_\ell(-5) \oplus \binom n2 \mathbf{Q}_\ell(-4) & k = 5
\end{cases}
\end{align*}
up to semi-simplification.
\end{thm}
For $n$ large enough compared to the degree, the cohomology of the universal $n$th symmetric power of abelian surfaces is independent of $n$; the following theorem determines the cohomology in low degrees.
\begin{thm}\label{thm:low-degree-sym-n}
For all $n \geq k$ for $k$ even and for all $n \geq k-1$ for $k$ odd,
\[
H^k(\mathcal X_2^{\Sym(n)}; \mathbf{Q}_\ell) = \begin{cases}
\mathbf{Q}_\ell & k = 0 \\
0 & k = 1, 3 \\
3\mathbf{Q}_\ell(-1) & k = 2 \\
9\mathbf{Q}_\ell(-2) & k = 4 \\
2\mathbf{Q}_\ell(-5) & k = 5
\end{cases}
\]
up to semi-simplification.
\end{thm}
The proofs of these theorems use the Leray spectral sequence of the morphisms $\pi: \mathcal X \to \mathcal A_2$, with $\mathcal X = \mathcal X_2$, $\mathcal X_2^n$, and $\mathcal X_2^{\Sym(n)}$ respectively. The spectral sequence takes as input the cohomology of local systems of $\mathcal A_2$, which has been computed by Petersen in \cite{petersen}. Then it still remains to determine the local systems involved in the latter two cases, converting this problem about cohomology into a series of problems about the representation theory of $\Sp(4, \mathbf{Z})$. For $\mathcal X_2^n$, we give recursive formulas (in $n$) for the relevant local systems in Subsection \ref{sec:fiber-powers-n}. For $\mathcal X_2^{\Sym(n)}$, we show that the local systems $R^k\pi_*\mathbf{Q}_\ell$ stabilize for $n \geq k$. In both cases, we use these facts to prove Theorems \ref{thm:low-degree-computation} and \ref{thm:low-degree-sym-n}. The cohomology in higher degrees is quite involved to determine for all general $n$ and involve Galois representations attached to certain (Siegel) modular forms, but the methods of this paper give a finite computation for the relevant local systems for each fixed $n$. We work out the case $n = 2$ completely -- see Theorems \ref{thm:2-power-universal-surface} and \ref{thm:sym-2} for the cohomology of $\mathcal X_2^2$ and $\mathcal X_2^{\Sym(2)}$ respectively.
\bigskip
\noindent
{\bf{Arithmetic Statistics.}}
We fix throughout a finite field $\mathbf{F}_q$. The Weil conjectures give bounds on the number of $\mathbf{F}_q$-points on any projective variety over $\mathbf{F}_q$. Applied to an abelian surface $A$ they assert that
\[
\#A(\mathbf{F}_q) = q^2 + a_3q^{3/2} + a_2q + a_1q^{1/2} + 1
\]
where $a_i$ are some sums of $n_i$ roots of unity with $n_i = 4, 6, 4$ for $i = 1, 2, 3$ respectively. A simple corollary is
\[
\lvert \#A(\mathbf{F}_q) - (q^2 + 1) \rvert \leq 4q^{3/2} + 6q + 4q^{1/2},
\]
constraining the possible values that $\#A(\mathbf{F}_q)$ can take. The exact set of possible values of $\#A(\mathbf{F}_q)$ is given by \emph{Honda--Tate theory}, which yields a bijection between isogeny classes of simple abelian varieties (of all dimensions) over $\mathbf{F}_q$ and Weil $q$-polynomials. In particular, for a Weil $q$-polynomial $f$, there is some abelian variety $V$ such that the characteristic polynomial $f_V$ of the Frobenius endomorphism of $V$ is given by $f_V = f^e$ for some $e \geq 1$, for which $\# V(\mathbf{F}_q) = f_V(1)$. While the restriction of this bijection to simple abelian surfaces is known, it is too long to restate here. See \cite{ruck} and \cite{waterhouse}, or \cite[Section 2]{dgssst} for an overview.
It is evident that the distribution of $\#A(\mathbf{F}_q)$ as the abelian surface $A$ varies over $\mathcal A_2(\mathbf{F}_q)$ is nontrivial, but that studying the counts $\#\mathcal X_2^n(\mathbf{F}_q)$ and $\mathcal X_2^{\Sym(n)}(\mathbf{F}_q)$ for $n \geq 1$ will shed light on this distribution. Our main tool to obtain these point counts is the Grothendieck--Lefschetz--Behrend trace formula (\cite[Theorem 3.1.2]{behrend-inventiones}). A first observation through standard applications of the Weil conjectures and the trace formula is that $\#\mathcal X_2^n(\mathbf{F}_q) = q^d + O(q^{d - \frac 12})$ where $d = \dim \mathcal X_2^n$, because $\mathcal X_2^n$ is finitely covered by a smooth, irreducible, quasiprojective variety. However, applying the trace formula to our cohomological theorems immediately gives more precise asymptotics for $\#\mathcal X_2^n(\mathbf{F}_q)$ as well as new arithmetic statistics about the number of $\mathbf{F}_q$-points of abelian surfaces. Below, we consider expected values of random variables on $\mathcal A_2(\mathbf{F}_q)$ by giving $\mathcal A_2(\mathbf{F}_q)$ a natural probability measure where each isomorphism class of an abelian surface $A$ has probability inversely proportional to the size of its $\mathbf{F}_q$-automorphism group; see Lemma \ref{lem:prob-defns} for more details.
\begin{cor}\label{cor:avg-fq-points}
The expected number of $\mathbf{F}_q$-points on abelian surfaces defined over $\mathbf{F}_q$ is
\[
\mathbf E[\#A(\mathbf{F}_q)] = q^2 + q + 1 - \frac{1}{q^3 + q^2}.
\]
\end{cor}
For each prime power $q > 0$, there is a simple abelian surface $A_q$ over $\mathbf{F}_q$ with $\#A_q(\mathbf{F}_q) = q^2 + q + 1$ by the Honda--Tate correspondence for surfaces (\cite[Theorem 1.1]{ruck}) which corresponds to the case $a_3 = a_1 = 0$, $a_2 = 1$ of the Weil conjectures. Although $\mathbf E[\#A(\mathbf{F}_q)]$ is not realized by an abelian surface for any fixed $q$, the minimal difference between the expected value and the $\mathbf{F}_q$-point count of an arbitrary abelian surface goes to $0$ as $q$ increases, i.e.
\[
\min_{[A] \in \mathcal A_2(\mathbf{F}_q)} \lvert\#A(\mathbf{F}_q) - \mathbf E[\#(\mathbf{F}_q)]\rvert \to 0 \quad\text{ as } q \to \infty.
\]
The trace formula is also used to compute the exact expected value of $\#A^2(\mathbf{F}_q)$ and an asymptotic estimate for the expected value of $\#A^n(\mathbf{F}_q)$ for $n > 2$. Here, the $\mathbf{F}_q$-points of the $n$th power $A^n$ of an abelian surface $A$ are ordered $n$-tuples of (not necessarily distinct) $\mathbf{F}_q$-points of $A$. Because $\#A^n(\mathbf{F}_q) = (\#A(\mathbf{F}^q))^n$ for any abelian surface $A$, the following corollary gives the exact second moment of the number of $\mathbf{F}_q$-points on abelian surfaces and asymptotic estimates on the $n$th moment for all $n \geq 3$.
\begin{cor}\label{cor:nth-fiber-asymptotic-in-q}
The expected value of $\#A^2(\mathbf{F}_q)$ is
\[
\mathbf E[\#A^2(\mathbf{F}_q)] = q^4 + 3q^3 + 6q^2 + 3q - \frac{5q^2 + 5q + 3}{q^3 + q^2}
\]
and for all $n \geq 1$,
\[
\mathbf E[\# A^n(\mathbf{F}_q)] = q^{2n} + \binom{n+1}{2} q^{2n-1} + \left(\frac{n(n+1)(n^2+n+2)}{8}\right) q^{2n-2} + O(q^{2n-3}).
\]
\end{cor}
However, note that computing the $n$th moment for large $n$ involves representations attached to (Siegel) modular forms; therefore, the recursive formulas for local systems in the cohomological computations do not completely determine these moments.
The same methods give the exact expected value of $\#\Sym^2 A(\mathbf{F}_q)$ and an asymptotic estimate for the expected value of $\#\Sym^n A(\mathbf{F}_q)$ for $n > 2$. The $\mathbf{F}_q$-points of the symmetric power $\Sym^nA$ of an abelian surface $A$ are the unordered $n$-tuples of (not necessarily distinct) $\overline \mathbf{F}_q$-points of $A$ which are defined as an $n$-tuple over $\mathbf{F}_q$. This means that the $n$-tuple contains all Galois conjugates of each point of the $n$-tuple.
\begin{cor}\label{cor:sym-asymptotic-in-q}
The expected value of $\#\Sym^2 A(\mathbf{F}_q)$ is
\[
\mathbf E[\#\Sym^2 A(\mathbf{F}_q)] = q^4 + 2q^3 + 4q^2 + 2q + 1 - \frac{3q^2 + 2q + 2}{q^3 + q^2}
\]
and for all $n \geq 4$,
\[
\mathbf E[\#\Sym^nA(\mathbf{F}_q)] = q^{2n} + 2q^{2n-1} + 7q^{2n-2} + O(q^{2n-3}).
\]
\end{cor}
Because Corollary \ref{cor:nth-fiber-asymptotic-in-q} gives the exact second moment of $\#A(\mathbf{F}_q)$, we also obtain the variance:
\begin{cor}\label{cor:variance}
The variance of $\#A(\mathbf{F}_q)$ is
\[
\Var(\#A(\mathbf{F}_q)) = q^3 + 3q^2 + q - 1 - \frac{3q^2 + 3q + 1}{q^3+ q^2} - \frac{1}{(q^3 + q^2)^2}.
\]
\end{cor}
These statistics are computed in Subsection \ref{sec:glb-trace} by studying $\#\mathcal X(\mathbf{F}_q)$ for various stacks $\mathcal X$. All $\mathbf{F}_q$-point counts in this paper are weighted by the inverse of the size of their automorphism groups, as explained in Section \ref{sec:arithmetic-statistics}. For $\mathcal X_2^n$, there is a way to give these weighted counts an unweighted interpretation by counting the number of $\overline \mathbf{F}_q$-isomorphism classes of objects parametrized by $\mathbf{F}_q$-points of $\mathcal X_2^n$ instead of the $\mathbf{F}_q$-isomorphism classes. These ideas are standard (e.g. see \cite[Section 5]{van-der-geer--van-der-vlugt} or \cite[Section 10.7]{katz--sarnak} for this in other contexts), but we detail the argument for $n$-tuples of points in abelian surfaces in Subsection \ref{sec:unweighted}.
\bigskip
\noindent
{\bf{Related work.}}
The cohomologies and point counts of the moduli space of abelian varieties and the universal abelian variety are often studied via Siegel modular forms. For example, the cohomology of local systems on the moduli space of elliptic curves is known classically (e.g. the Eichler--Shimura isomorphism) and yields connections between modular forms and point counts of elliptic curves over finite fields. (See \cite{van-der-geer-abvar} and \cite{hulek--tommasi} for a survey on current developments in this area.) The approach involving Siegel modular forms is implicit in this paper, as they appear Petersen's computations in \cite{petersen}, but we do not directly pursue this direction.
Recent work in arithmetic statistics of abelian varieties also take a different flavor than of this paper. Honda--Tate theory has been used to determine some probabilistic data about the group structure of abelian surfaces (\cite{dgssst}), upper and lower bounds on the number of $\mathbf{F}_q$-points on abelian varieties (\cite{aubry--haloui--lachaud}), sizes of isogeny classes of abelian surfaces (\cite{xue--yu}), and others. Certainly, this is not the only current approach in this direction -- for example, \cite{cfhs} takes a heuristic approach to determining the probability that the number of $\mathbf{F}_q$-points on a genus 2 curve is prime.
On the other hand, cohomological methods have been applied to related spaces to deduce arithmetic statistical results or heuristics, such as the number of points on curves of genus $g$ (\cite{aekwz}) and the average number of points on smooth cubic surfaces (\cite{das}). For a survey in the case of counting genus $g$ curves and its connection to the cohomology of the relevant moduli spaces, see \cite{van-der-geer}.
\bigskip
\noindent
{\bf{Outline of paper.}}
In Section \ref{sec:A2}, we give a description of the spaces of study and the cohomological tools used throughout the paper. In Section \ref{sec:universal-surface}, we prove Theorem \ref{thm:universal-surface} and in Section \ref{sec:fiber-powers}, we prove Theorem \ref{thm:low-degree-computation} and completely work out the cohomology of $\mathcal X_2^2$ as an example. In Section \ref{sec:symmetric-powers}, we carry out analogous arguments to prove Theorem \ref{thm:low-degree-sym-n} and work out the cohomology of $\mathcal X_2^{\Sym(2)}$. In Section \ref{sec:arithmetic-statistics}, we deduce new arithmetic statistics results about abelian surfaces using the previous sections, including Corollaries \ref{cor:avg-fq-points}, \ref{cor:nth-fiber-asymptotic-in-q}, \ref{cor:sym-asymptotic-in-q}, and \ref{cor:variance}.
\bigskip
\noindent
{\bf{Acknowledgements.}}
I am deeply grateful to my advisor Benson Farb for his support and guidance throughout this project, from suggesting this problem to commenting extensively on numerous earlier drafts. I am also grateful to Aleksander Shmakov for his help with many aspects of the project, including explaining technical background details and giving thorough comments and corrections on a previous draft. I would like to thank Eduard Looijenga and Dan Petersen for their patient responses to many questions about the subject matter. I thank Ronno Das, Nir Gadish, and Linus Setiabrata for insightful conversations and comments on an earlier draft of this paper, as well as Linus for catching an error in that draft. I thank Frank Calegari and Jordan Ellenberg for useful comments which improved the exposition of this paper. Lastly, I thank Jeff Achter for indicating a relevant computation and Carel Faber, Nate Harman, Nat Mayer, and Philip Tosteson for helpful correspondences.
\section{$\mathcal A_2$, its Cohomology, and Cohomological Tools}\label{sec:A2}
In this section, we describe the spaces that we study in this paper and outline the cohomological tools that will be used throughout the paper.
\subsection{Spaces of interest.}\label{sec:spaces}
Denote the moduli stack of principally polarized abelian surfaces by $\mathcal A_2$. There is an explicit, complex analytic construction of this space: let $\mathcal H_2$ be the Siegel upper half space of degree $2$ with the usual action of $\Sp(4, \mathbf{Z})$,
\[
\begin{pmatrix}
A & B \\ C & D
\end{pmatrix} \cdot \tau = (C\tau + D)^{-1}(A \tau + B).
\]
To each $\tau \in \mathcal H_2$, we can associate a lattice $L_\tau \subseteq \mathbf{C}^2$ and therefore a complex torus $A_\tau$. It turns out that $A_\tau$ comes with a natural principal polarization $H_\tau$, making $(A_\tau, H_\tau)$ into a principally polarized abelian variety. For any $\tau_1$, $\tau_2 \in \mathcal H_2$, the abelian surfaces $(A_{\tau_1}, H_{\tau_1})$ and $(A_{\tau_2}, H_{\tau_2})$ are isomorphic if and only if $\tau_1$ and $\tau_2$ are in the same $\Sp(4, \mathbf{Z})$-orbit.
The action of $\Sp(4, \mathbf{Z})$ on $\mathcal H_2$ is not free. For example, $-I_4$ fixes every $\tau \in \mathcal H_2$. However, the stabilizer of each point is finite. Therefore, $\mathcal A_2(\mathbf{C})$ is a stack-theoretic quotient $[\Sp(4, \mathbf{Z})\backslash\mathcal H_2]$, with the underlying topological space given by the quotient $\Sp(4, \mathbf{Z}) \backslash \mathcal H_2$, which we call $(\mathcal A_2)_\mathbf{C}^{\an}$.
Let $f_M: A_\tau \to A_\tau$ be the isomorphism given by $M \in \Sp(4, \mathbf{Z})$. After identifying $\mathbf{C}^2$ with the $\mathbf{R}$-span of the basis $\{e_1, e_2, e_3, e_4\}$ of $L_\tau$, one can check that $f_M$ acts by left multiplication of $M$ on $\mathbf{C}^2$, which descends to a map on $\mathbf{C}^2/L_\tau$. This induces an action on the cohomology of each $A_\tau$, which is well-known:
\begin{fact}\label{fact:monodromy-action}
For all $k \geq 0$ and for all complex abelian surfaces $A$, $H^k(A; \mathbf{Q}) \cong \bigwedge^k V$ as a representation of $\Sp(4, \mathbf{Z})$, where $V$ is the standard representation.
\end{fact}
In addition, the cohomology of $\mathcal A_2$ is known:
\begin{thm}[{\cite[Corollary 5.2.3]{lee--weintraub}, \cite[Section 10]{van-der-geer-abvar}}]\label{thm:a2}
\[
H^k(\mathcal A_2; \mathbf{Q}_\ell) = \begin{cases}
\mathbf{Q}_\ell & k = 0 \\
\mathbf{Q}_\ell(-1) & k = 2 \\
0 & \text{otherwise}.
\end{cases}
\]
\end{thm}
Next, we denote the universal abelian surface by $\mathcal X_2$ and give an explicit, complex analytic construction. Take the action of $\Sp(4, \mathbf{Z})\ltimes\mathbf{Z}^4$ on $\mathcal H_2 \times \mathbf{C}^2$, where $\mathbf{Z}^4$ acts by translation on each $L_\tau \subseteq \mathbf{C}^2$. This gives a stack-theoretic quotient $[\Sp(4, \mathbf{Z}) \ltimes \mathbf{Z}^4 \backslash \mathcal H_2 \times \mathbf{C}^2]$, denoted $\mathcal X_2(\mathbf{C})$, and an underlying analytic space $(\Sp(4, \mathbf{Z}) \ltimes \mathbf{Z}^4) \backslash (\mathcal H_2 \times \mathbf{C}^2)$, denoted $(\mathcal X_2)_\mathbf{C}^{\an}$. Note that the fiber of the natural projection $\mathcal X_2(\mathbf{C}) \to \mathcal A_2(\mathbf{C})$ over a point corresponding to the surface $A$ is $A$ itself.
There is a natural projection map $\mathcal X_2 \to \mathcal A_2$, and hence the product $\mathcal X_2^n$ of $\mathcal X_2$ with itself $n$ times fibered over $\mathcal A_2$. As before, the group $\Sp(4, \mathbf{Z}) \ltimes (\mathbf{Z}^4)^n$ acts on $\mathcal H_2 \times (\mathbf{C}^2)^n$ in the obvious way, and so there is a stack-theoretic quotient $\mathcal X_2^n(\mathbf{C}) = [\Sp(4, \mathbf{Z}) \ltimes (\mathbf{Z}^4)^n \backslash \mathcal H_2 \times (\mathbf{C}^2)^n]$, with the underlying analytic space $(\mathcal X_2^n)_\mathbf{C}^{\an}$ given by the usual quotient. The fiber of $\mathcal X_2^n(\mathbf{C}) \to\mathcal A_2(\mathbf{C})$ over a point corresponding to the surface $A$ is the $n$th power $A^n$.
Also consider the stack $\mathcal X_2^{\Sym(n)}$. Over $\mathbf{C}$, each fiber $A^n$ of the projection morphism $\mathcal X_2^n \to \mathcal A_2$ has an action of $S_n$ permuting the coordinates, giving another stack-theoretic quotient $\mathcal X_2^{\Sym(n)} = [\mathcal X_2^n/S_n]$. The fiber of $\mathcal X_2^{\Sym(n)} \to \mathcal A_2$ of the point corresponding to the abelian surface $A$ is $\Sym^nA$, the $n$th symmetric power of $A$. As usual, there is an underlying analytic space $(\mathcal X_2^{\Sym(n)})_\mathbf{C}^{\an} = (\mathcal X_2^n)_\mathbf{C}^{\an}/S_n$.
For any $N \geq 2$ and abelian surface $A$, let $A[N]$ be the kernel of the multiplication by $N$ map on $A$. Consider the moduli stack $\mathcal A_2[N]$ of principally polarized abelian surfaces with symplectic level $N$ structure, i.e. pairs $(A, \alpha)$ where $\alpha$ is an isomorphism from $A[N]$ to a fixed symplectic module $((\mathbf{Z}/N\mathbf{Z})^4, \langle \cdot, \cdot \rangle)$. Let $\Sp(4, \mathbf{Z})[N] = \ker(\Sp(4, \mathbf{Z}) \to \Sp(4, \mathbf{Z}/N\mathbf{Z}))$. Then $\mathcal A_2[N](\mathbf{C})$ and its universal family $\mathcal X_2[N](\mathbf{C})$ are stack-theoretic quotients $[\Sp(4, \mathbf{Z})[N]\backslash \mathcal H_2]$ and $[\Sp(4, \mathbf{Z})[N] \ltimes \mathbf{Z}^4\backslash \mathcal H_2 \times \mathbf{C}^2]$ by the same reasoning as above. In general, we obtain even more than the stack-theoretic quotient in the case $N \geq 3$. Both $\mathcal A_2[N]$ and $\mathcal X_2[N]$ are quasiprojective schemes over $\mathbf{Z}[\frac 1N, \zeta_N]$ (\cite[Chapter IV]{faltings--chai}).
On the other hand, consider the moduli stack $\mathcal A_{2,N}$ of principally polarized abelian surfaces with principal level $N$ structure, i.e. pairs $(A, \beta)$ where $\beta: A[N] \to (\mathbf{Z}/N\mathbf{Z})^4$ is an isomorphism. For $N \geq 3$, $\mathcal A_{2,N}$ and its universal family $\mathcal X_{2,N}$ are quasiprojective schemes over $\mathbf{Z}[\frac 1N]$ (\cite[Chapter I]{faltings--chai}). This shows that over $\mathbf{Z}[\frac 1N]$ with $N \geq 3$, the stacks $\mathcal X = \mathcal A_2$, $\mathcal X_2^n$, and $\mathcal X_2^{\Sym(n)}$ are all finite quotients of quasiprojective schemes (cf. \cite[Theorem 2.1.11]{olsson}). Over characteristic zero, quotient stacks with finite automorphism groups at every point are Deligne--Mumford stacks (\cite[Corollary 2.2]{edidin}). Over positive characteristic, quotient stacks are a priori Artin stacks with a smooth atlas. Because any base change of an \'etale morphism is \'etale, any stack $\mathcal X$ considered in this paper obtained from a stack over $\mathbf{Z}[\frac 1N]$ via base-change to $\mathbf{F}_q$ (where $N$ and $q$ are coprime) has an \'etale atlas; therefore, $\mathcal X_{\mathbf{F}_q}$ is a Deligne--Mumford stack.
In fact, $\mathcal A_2$ and $\mathcal X_2^n$ are complements of normal crossing divisors in smooth, proper stacks over $\mathbf{Z}$ (see \cite[Chapter VI]{faltings--chai}), making both $\mathcal A_2$ and $\mathcal X_2^n$ as well as its finite quotient $\mathcal X_2^{\Sym(n)}$ smooth stacks over any finite field $\mathbf{F}_q$. Over any field $k$, there are the following moduli interpretations of the $k$-points of these stacks. When we write an abelian surface $A$, we mean $A$ with a principal polarization.
\begin{enumerate}
\item $[\mathcal A_2(k)]$ is the set of $k$-isomorphism classes of abelian surfaces $A$ defined over $k$. \\
\item $[\mathcal A_2[N](k)]$ is the set of $k$-isomorphism classes of pairs $(A, \alpha)$ where $\alpha: A[N] \to (\mathbf{Z}/N\mathbf{Z})^4$ is a symplectic isomorphism, \\
\item $[\mathcal X_2^n(k)]$ is the set of $k$-isomorphism classes of pairs $(A, p)$ with $p \in A^n$, defined over $k$. \\
\item $[\mathcal X_2^{\Sym(n)}(k)]$ is the set of $k$-isomorphism classes of pairs $(A, p)$ with $p \in A^n/S_n$, defined over $k$.
\end{enumerate}
\begin{rmk}
We note that for some $\{p_1, \dots, p_n\} \in (A^n/S_n)(k)$, a lift $(p_1, \dots, p_n) \in A^n$ may not be a $k$-point of $A^n$. For instance, if $\Gal(\overline k/k)$ permutes the points $p_1, \dots, p_n \in A^n$, then $\{p_1, \dots, p_n\}$ will be a $k$-point of $\Sym^n A$, but not necessarily of $A^n$.
\end{rmk}
Although this is possibly not the most efficient framework, we will access all stacks discussed by taking quotient stacks of the respective quasiprojective schemes throughout this paper in an effort to keep the arguments as concrete as possible.
\subsection{Local systems on $\mathcal A_2$.}\label{sec:local-systems}
Representations of $\pi_1^{\orb}(\mathcal A_2) = \Sp(4, \mathbf{Z})$ give rise to local systems on $\mathcal A_2$. In the rest of this paper, we focus on the irreducible representations of $\Sp(4, \mathbf{Z})$ obtained as restrictions of irreducible representations of $\Sp(4, \mathbf{C})$. We briefly review the construction of such local systems as given in \cite{petersen}.
By Weyl's construction (see \cite[Section 17.3]{fulton--harris}), they are all given in the following way: for any $a \geq b \geq 0$, there is an irreducible representation $V_{a, b}$ with highest weight $aL_1 + bL_2$, using the notation of \cite[Chapter 17]{fulton--harris}. In particular, $V_{a, b}$ is a summand of $V_{1,0}^{\otimes (a+b)}$ by construction where $V_{1,0}$ is the $4$-dimensional standard representation of $\Sp(4, \mathbf{Z})$.
Let $\pi: \mathcal X_2 \to \mathcal A_2$. By the proper base change theorem (\cite[Corollary VI.2.5]{milne-etale-book}), the stalk of $R^1\pi_*\mathbf{Q}_\ell$ at $[A]\in \mathcal A_2$ is isomorphic to $H^1(A; \mathbf{Q}_\ell)$. Define $\mathbf V_{1,0}$ to be the local system $R^1\pi_*\mathbf{Q}_\ell$. The underlying $\Sp(4, \mathbf{Z})$-representation of each stalk of $\mathbf V_{1,0}$ is the standard representation $V_{1,0}$. Then $\mathbf V_{1,0}$ is a local system with Hodge weight $1$ equipped with a $\Gal(\overline \mathbf{Q}/\mathbf{Q})$-equivariant symplectic pairing
\[
\bigwedge^2\mathbf V_{1,0} \to \mathbf{Q}_\ell(-1)
\]
coming from the Weil pairing of each $[A] \in \mathcal A_2$. Applying Weyl's construction to the local system $\mathbf V_{1,0}$ yields local systems $\mathbf V_{a,b}$ for all $a \geq b \geq 0$. Each $\mathbf V_{a,b}$ is a summand in $\mathbf V_{1,0}^{\otimes(a+b)}$, so $\mathbf V_{a,b}$ has Hodge weight $a+b$. The underlying $\Sp(4, \mathbf{Z})$-representation of $\mathbf V_{a,b}$ is $V_{a,b}$ as the notation suggests. For all $n \in \mathbf{Z}$, let $\mathbf V_{a,b}(n) := \mathbf V_{a,b} \otimes \mathbf{Q}_\ell(n)$ be the $n$th Tate twist of $\mathbf V_{a,b}$.
\subsection{Cohomological tools.}\label{sec:cohomology}
In this subsection, we list the tools we will need in subsequent sections regarding cohomology computations. First, we set some notation used for the remainder of the paper. We will always denote by $A$ an abelian surface. By $H^p(\mathcal X; H^q(X; \mathbf{Q}_\ell))$ for a stack $\mathcal X$ and some space $X$ with a natural $\pi_1^{\orb}(\mathcal X)$-action, we will always mean the cohomology of the local system associated to the $\pi_1^{\orb}(\mathcal X)$-representation $H^q(X; \mathbf{Q}_\ell)$. The prime $\ell$ will always be taken to be coprime to $q$ when working with the base change $\mathcal X_{\overline\mathbf{F}_q}$.
\begin{rmk}\label{rmk:etale-Q-Fq}
Let $\mathcal X = \mathcal A_2$ or $\mathcal X_2^n$ and let $\mathbf V$ be an $\ell$-adic local system on $\mathcal X$. Because $\mathcal X$ is a complement of a normal crossing divisor of a smooth, proper stack over $\mathbf{Z}$ (\cite[Chapter VI]{faltings--chai}), $H^*_{\text{\'et}}(\mathcal X_{\overline \mathbf{Q}}; \mathbf V)$ is unramified at every prime $p \neq \ell$ (\cite[p. 11]{petersen}), i.e. the action of $\Frob_p$ is well-defined. There is an isomorphism
\[
H^*_{\text{\'et}}(\mathcal X_{\overline \mathbf{Q}}; \mathbf V) \cong H^*_{\text{\'et}}(\mathcal X_{\overline \mathbf{F}_p}; \mathbf V)
\]
such that the action of $\Gal(\overline \mathbf{Q}_p/\mathbf{Q}_p) \subseteq \Gal(\overline \mathbf{Q}/\mathbf{Q})$ on the left side factors through the surjection $\Gal(\overline \mathbf{Q}_p/\mathbf{Q}_p) \to \Gal(\overline \mathbf{F}_p/\mathbf{F}_p)$, where $\Gal(\overline \mathbf{F}_p/\mathbf{F}_p)$ acts on the right side. Passing both sides through the Hochschild--Serre spectral sequence shows that the same isomorphism holds for $\mathcal X_2^{\Sym(n)} = [\mathcal X_2^n/S_n]$.
\end{rmk}
The next two statements are well-known for all $g \geq 1$ but we specialize to the case $g = 2$. Both theorems (for general $g \geq 1$) can be found in \cite{hulek--tommasi}.
\begin{thm}[Poincar\'e Duality for $\mathcal A_2$]\label{thm:poincare-duality}
For any $a \geq b \geq 0$,
\[
H^k_c(\mathcal A_2; \mathbf V_{a, b}) \cong H^{6 - k}(\mathcal A_2; \mathbf V_{a, b})^* \otimes \mathbf{Q}_\ell\left(-3 - a - b\right).
\]
\end{thm}
\begin{thm}[Deligne's weight bounds]\label{thm:weights}
The mixed Hodge structures on the groups $H^k(\mathcal A_2; \mathbf V_{a, b})$ have weights larger than or equal to $k + a + b$.
\end{thm}
In Sections \ref{sec:universal-surface}, \ref{sec:fiber-powers}, and \ref{sec:symmetric-powers}, we compute the \'etale cohomology $H^*(\mathcal X; \mathbf{Q}_\ell)$, with $\mathcal X = \mathcal X_2$, $\mathcal X_2^n$, and $\mathcal X_2^{\Sym(n)}$ respectively. In all of these cases, there are morphisms $\pi: \mathcal X \to \mathcal A_2$ to which we want to apply the Leray spectral sequence to obtain the desired results.\begin{thm}[\cite{deligne}]
Let $f: X \to Y$ be a smooth projective morphism of complex varieties. Then the Leray spectral sequence for $f$ degenerates on the $E_2$-page.
\end{thm}
For $N \geq 3$, the projection $\pi: \mathcal X_2[N]^n_{\mathbf{C}} \to \mathcal A_2[N]_{\mathbf{C}}$ is a projective morphism of quasi-projective varieties. Combined with a corollary of the proper base change theorem (\cite[Corollary VI.4.3]{milne-etale-book}), this implies the following useful result:
\begin{cor}\label{cor:deligne}
For all $n \geq 1$, $N \geq 3$, the Leray spectral sequence for $\pi: \mathcal X_2[N]^n_{\overline \mathbf{Q}} \to \mathcal A_2[N]_{\overline \mathbf{Q}}$ degenerates on the $E_2$-page.
\end{cor}
Finally, we state the main tool of this paper.
\begin{prop}\label{prop:leray}
Let $\mathcal X = \mathcal X_2^n$ (resp. $\mathcal X_2^{\Sym(n)}$) and $\pi: \mathcal X \to \mathcal A_2$. There is a spectral sequence
\[
E_2^{p, q} = H^p(\mathcal A_2; H^q(Z_n; \mathbf{Q}_\ell)) \implies H^{p+q}(\mathcal X; \mathbf{Q}_\ell)
\]
with $Z_n = A^n$ (resp. $Z_n = \Sym^nA$), which degenerates on the $E_2$-page.
\end{prop}
\begin{proof}
Let $N \geq 3$ and let $\mathcal X_2[N]^n$ be the $n$th fiber power of $\mathcal X_2[N]$ over $\mathcal A_2[N]$ with respect to the projection map $\mathcal X_2[N] \to \mathcal A_2[N]$. Then $\mathcal A_2[N]$ and $\mathcal X_2[N]^n$ are quasi-projective schemes. By the standard Leray spectral sequence for \'etale cohomology (\cite[Theorem 12.7]{milne-etale}) with $\pi_N: \mathcal X_2[N]^n_{\overline \mathbf{Q}} \to \mathcal A_2[N]_{\overline \mathbf{Q}}$,
\[
H^p(\mathcal A_2[N]_{\overline \mathbf{Q}}; R^q(\pi_N)_*\mathbf{Q}_\ell) \implies H^{p+q}(\mathcal X_2[N]^n_{\overline \mathbf{Q}}; \mathbf{Q}_\ell)
\]
and this spectral sequence degenerates on the $E_2$-page by Corollary \ref{cor:deligne}. Applying a corollary of the proper base change theorem (\cite[Corollary VI.2.5]{milne-etale-book}) with the torsion (constant) sheaf $\mathbf{Z}/\ell^m\mathbf{Z}$, taking inverse limits, and tensoring with $\mathbf{Q}_\ell$,
\[
\bigoplus_{p+q = k} H^p(\mathcal A_2[N]_{\overline \mathbf{Q}}; H^q(A^n; \mathbf{Q}_\ell))\cong H^k(\mathcal X_2[N]^n_{\overline \mathbf{Q}}; \mathbf{Q}_\ell)
\]
as Galois representations up to semi-simplification. Then by the Hochschild--Serre spectral sequence for the $\Sp(4, \mathbf{Z}/N\mathbf{Z})$-quotients $\mathcal X_2[N]^n_{\overline \mathbf{Q}} \to (\mathcal X_2^n)_{\overline \mathbf{Q}}$ and $\mathcal A_2[N]_{\overline \mathbf{Q}} \to (\mathcal A_2)_{\overline \mathbf{Q}}$,
\[
\bigoplus_{p+q = k} H^p(\mathcal A_2[N]_{\overline \mathbf{Q}}; H^q(A^n; \mathbf{Q}_\ell))^{\Sp(4, \mathbf{Z}/N\mathbf{Z})} \cong H^{k}(\mathcal X_2[N]^n_{\overline \mathbf{Q}}; \mathbf{Q}_\ell)^{\Sp(4, \mathbf{Z}/N\mathbf{Z})} \cong H^{k}((\mathcal X_2^n)_{\overline \mathbf{Q}}; \mathbf{Q}_\ell)
\]
and
\[
H^p(\mathcal A_2[N]_{\overline \mathbf{Q}}; H^q(A^n; \mathbf{Q}_\ell))^{\Sp(4, \mathbf{Z}/N\mathbf{Z})} \cong H^p((\mathcal A_2)_{\overline \mathbf{Q}}; H^q(A^n; \mathbf{Q}_\ell)),
\]
where on the left, $H^q(A^n)$ is the local system corresponding to the respective $\Sp(4, \mathbf{Z})[N]$-representation, while on the right, $H^q(A^n)$ is the local system corresponding to the respective $\Sp(4, \mathbf{Z})$-representation. Therefore, taking $\Sp(4, \mathbf{Z}/N\mathbf{Z})$-invariants in the spectral sequence for $\pi_N$, which one can do by naturality of that sequence, gives the following $E_2$-page of a spectral sequence
\[
E_2^{p,q} = H^p((\mathcal A_2)_{\overline \mathbf{Q}}; H^q(A^n; \mathbf{Q}_\ell)) \implies H^{p+q}((\mathcal X_2^n)_{\overline \mathbf{Q}}; \mathbf{Q}_\ell)
\]
degenerating on the $E_2$-page. By Remark \ref{rmk:etale-Q-Fq}, the spectral sequence for $(\mathcal X_2^n)_{\overline \mathbf{F}_q} \to (\mathcal A_2)_{\overline \mathbf{F}_q}$ must also degenerate on the $E_2$-page; we now write $\mathcal X$ in place of both $\mathcal X_{\overline \mathbf{Q}}$ and $\mathcal X_{\overline \mathbf{F}_q}$ for all stacks $\mathcal X$ throughout this proof. Lastly, again by the Hochschild--Serre spectral sequence,
\[
H^{k}(\mathcal X_2^{\Sym(n)}; \mathbf{Q}_\ell) \cong H^k(\mathcal X_2^n; \mathbf{Q}_\ell)^{S_n}.
\]
Because $S_n$ acts trivially on $\mathcal A_2$,
\[
H^p(\mathcal A_2; H^q(A^n))^{S_n} \cong H^p(\mathcal A_2; H^q(A^n)^{S_n}) \cong H^p(\mathcal A_2; H^q(\Sym^n A)),
\]
where $H^q(\Sym^n A)$ is again an $\Sp(4, \mathbf{Z})$-representation. Therefore, again by naturality, taking $S_n$-invariants in the spectral sequence for $\mathcal X_2^n \to \mathcal A_2$ gives
\[
E_2^{p,q} = H^p(\mathcal A_2; H^q(\Sym^n A)) \implies H^{p+q}(\mathcal X_2^{\Sym(n)}; \mathbf{Q}_\ell)
\]
which degenerates on the $E_2$-page.
\end{proof}
\section{Cohomology of the Universal Abelian Surface}\label{sec:universal-surface}
In this section, we study the cohomology of $\mathcal X_2$ using $\pi: \mathcal X_2 \to \mathcal A_2$. We first need to compute the following local systems.
\begin{lem}\label{lem:X2-local-systems}
The local systems $H^k(A; \mathbf{Q}_\ell)$ on $\mathcal A_2$ are
\[
H^k(A; \mathbf{Q}_\ell) \cong \begin{cases}
\mathbf{Q}_\ell & k = 0\\
\mathbf V_{1, 0} & k = 1 \\
\mathbf{Q}_\ell(-1) \oplus \mathbf V_{1, 1} & k = 2 \\
\mathbf V_{1,0}(-1) & k = 3 \\
\mathbf{Q}_\ell(-2) & k = 4 \\
0 & k > 4.
\end{cases}
\]
\end{lem}
\begin{proof}
By Fact \ref{fact:monodromy-action} or \cite[Theorem 12.1]{milne-abvar}, $H^q(A; \mathbf{Q}_\ell) \cong \bigwedge^q \mathbf V_{1, 0}$, as local systems. Then we can decompose this local system as we would the corresponding $\Sp(4, \mathbf{Z})$-representation into irreducible ones. This precise decomposition as $\Sp(4, \mathbf{Z})$-representations is given in \cite[Chapter 16]{fulton--harris}.
It remains to determine the Galois action on each local system. For appropriate constants $m_{a,b}(H^k(A))$, the decomposition
\[
\psi: H^k(A; \mathbf{Q}_\ell) \xrightarrow{\sim} \bigoplus_{a \geq b \geq 0} m_{a,b}(H^k(A)) \mathbf V_{a,b}
\]
gives an isomorphism on the stalks as $\Sp(4, \mathbf{Z})$-representations but does not respect the Galois action. Any $\Frob_p \in \Gal(\overline \mathbf{Q}/\mathbf{Q})$ acts by an element of $\GSp(4, \mathbf{Q}_\ell)$ on $H^1(A; \mathbf{Q}_\ell)$ because the symplectic form $\bigwedge^2 \mathbf V_{1,0} \to \mathbf{Q}_\ell(1)$ of Subsection \ref{sec:local-systems} is $\Gal(\overline \mathbf{Q}/\mathbf{Q})$-equivariant. With this in mind, we can make the isomorphism $\psi$ respect the action of $\Gal(\overline \mathbf{Q}/\mathbf{Q})$ by taking appropriate Tate twists of the summands $\mathbf V_{a,b}$ on the right side.
\end{proof}
Our main tool is \cite[Theorem 2.1]{petersen}, restated below for convenience. Before we do so, we need to establish some notation, which agrees with that of \cite{petersen}.
Let $s_k$ be the dimension of the space of cusp forms of $\SL(2, \mathbf{Z})$ of weight $k$. For $j \geq 0$ and $k \geq 3$, let $s_{j,k}$ be the dimension of the space of vector-valued Siegel cusp forms for $\Sp(4, \mathbf{Z})$ transforming according to the representation $\Sym^j \otimes \det^k$. Let $\rho_f$ be the $2$-dimensional $\ell$-adic Galois representation of weight $k-1$ of the normalized cusp eigenform $f$ for $\SL(2, \mathbf{Z})$, as given by \cite{deligne-1969}, and let $S_k = \bigoplus_f \rho_f$ be the direct sum of such representations for $k$. Let $\tau_f$ be the $4$-dimensional $\ell$-adic Galois representation of the vector-valued Siegel cusp eigenform $f$ type $\Sym^j \otimes \det^k$ as given by \cite{weissauer}, and let $S_{j,k} = \bigoplus_f \tau_f$. Let $s_k'$ be the number of normalized cusp eigenforms of weight $k$ for $\SL(2, \mathbf{Z})$ for which $L(f, \frac 12)$ vanishes. Let $\overline S_{j,k} = \mathfrak{gr}^W_{j+2k-3}$. In particular, $\overline S_{j,k} = S_{j,k}$ if $j \neq 0$ or $k \equiv 1 \pmod 2$. Otherwise, $\overline S_{j,k}$ is a subrepresentation of $S_{j,k}$ that can be determined in a prescribed way -- see \cite{petersen} for more details.
Because every abelian surface has an involution which acts by multiplication by $(-1)^k$ on each stalk of $\mathbf V_{1,0}^{\otimes k}$, and each $\mathbf V_{a, b}$ is a summand of $\mathbf V_{1,0}^{\otimes(a+b)}$, the cohomology $H^p(\mathcal A_2; \mathbf V_{a, b})$ vanishes if $a+b$ is odd.
\begin{thm}[Petersen, {\cite[Theorem 2.1]{petersen}}]\label{thm:petersen}
Suppose $(a, b) \neq (0, 0)$, and that $a + b$ is even. Then
\begin{enumerate}
\item In degrees $k \neq 2$, $3$, $4$,
\[
H_c^k(\mathcal A_2; \mathbf V_{a, b}) = 0.
\]
\item In degree $4$,
\[
H_c^4(\mathcal A_2; \mathbf V_{a, b}) = \begin{cases}
s_{a+b+4}\mathbf{Q}_\ell(-b-2) & a = b\text{ even} \\
0 & \text{otherwise}.
\end{cases}
\]
\item In degree $3$, up to semi-simplification,
\begin{align*}
H^3_c(\mathcal A_2; \mathbf V_{a, b}) = &\overline S_{a - b, b+3} \oplus s_{a+b+4} S_{a-b+2}(-b-1) \oplus S_{a+3} \\
&\oplus \begin{cases}
s'_{a+b+4}\mathbf{Q}_\ell(-b-1) & a = b\text{ even}\\
s_{a+b+4}\mathbf{Q}_\ell(-b-1) & \text{otherwise}
\end{cases} \\
&\oplus \begin{cases}
\mathbf{Q}_\ell & a = b \text{ odd}\\
0 & \text{otherwise}
\end{cases} \\
&\oplus \begin{cases}
\mathbf{Q}_\ell(-1) & b = 0\\
0 & \text{otherwise}.
\end{cases}
\end{align*}
\item In degree $2$, up to semi-simplification,
\begin{align*}
H_c^2(\mathcal A_2; \mathbf V_{a, b}) = &S_{b+2} \oplus s_{a-b+2}\mathbf{Q}_\ell \\
&\oplus \begin{cases}
s'_{a+b+4}\mathbf{Q}_\ell(-b-1) & a = b\text{ even}\\
0 & \text{otherwise}
\end{cases} \\
&\oplus \begin{cases}
\mathbf{Q}_\ell & a > b > 0 \text{ and } a, b \text{ even}\\
0 & \text{otherwise}.
\end{cases}
\end{align*}
\end{enumerate}
\end{thm}
\begin{rmk}
Although we do not need the full power of Theorem \ref{thm:petersen} to compute $H^*(\mathcal X_2; \mathbf{Q}_\ell)$, the existence of such a result is important for the calculations in Sections \ref{sec:fiber-powers} and \ref{sec:symmetric-powers}.
\end{rmk}
We now give examples of computations using Theorem \ref{thm:petersen}. The next corollary gives all applications of this theorem that we explicitly use in the rest of the paper. All results are up to semi-simplification.
\begin{cor}\label{cor:petersen}
\begin{align*}
H^k(\mathcal A_2; \mathbf V_{1, 1}) &= \begin{cases}
\mathbf{Q}_\ell(-5) & k = 3 \\
0 & \text{otherwise,}
\end{cases} \\
H^k(\mathcal A_2; \mathbf V_{2,0}) &= \begin{cases}
\mathbf{Q}_\ell(-4) & k = 3 \\
0 & \text{otherwise,}
\end{cases} \\
H^k(\mathcal A_2; \mathbf V_{2,2}) &= 0 \quad\quad \text{for all }k.
\end{align*}
\end{cor}
\begin{proof}
The smallest weight possible for nonzero cusp forms of $\SL(2, \mathbf{Z})$ is $12$. (For example, see \cite[Theorem 7.4]{serre-arithmetic}.) Thus $s_k' = s_k = 0$ and $S_k = 0$ for all $k < 12$.
By Theorem \ref{thm:petersen},
\begin{align*}
H_c^4(\mathcal A_2; \mathbf V_{1, 1}) &= 0, \\
H_c^3(\mathcal A_2; \mathbf V_{1, 1}) &= \overline S_{0, 4} \oplus s_6S_2(-2) \oplus S_4 \oplus s_6\mathbf{Q}_\ell(-2) \oplus \mathbf{Q}_\ell = \overline S_{0,4} \oplus \mathbf{Q}_\ell, \\
H_c^2(\mathcal A_2; \mathbf V_{1, 1}) &= S_3 \oplus s_2\mathbf{Q}_\ell = 0, \\
H_c^4(\mathcal A_2; \mathbf V_{2,0}) &= 0, \\
H_c^3(\mathcal A_2; \mathbf V_{2,0}) &= \overline S_{2, 3} \oplus s_6 S_4(-1) \oplus S_5 \oplus s_6\mathbf{Q}_\ell(-1) \oplus \mathbf{Q}_\ell(-1) = \overline S_{2,3} \oplus \mathbf{Q}_\ell(-1), \\
H_c^2(\mathcal A_2; \mathbf V_{2,0}) &= S_2 \oplus s_4\mathbf{Q}_\ell = 0, \\
H_c^4(\mathcal A_2; \mathbf V_{2,2}) &= s_8\mathbf{Q}_\ell(-4) = 0, \\
H_c^3(\mathcal A_2; \mathbf V_{2,2}) &= \overline S_{0, 5} \oplus s_8 S_2(-3) \oplus S_5 \oplus s'_{8}\mathbf{Q}_\ell(-3) = \overline S_{0,5}, \\
H_c^2(\mathcal A_2; \mathbf V_{2,2}) &= S_4 \oplus s_2\mathbf{Q}_\ell \oplus s'_8 \mathbf{Q}_\ell(-3) = 0.
\end{align*}
By computations in \cite[p. 249]{wakatsuki},
\begin{align*}
\overline S_{0, 4} &\subseteq S_{0, 4} = 0, \\
\overline S_{0, 5} &\subseteq S_{0 ,5} = 0.
\end{align*}
By \cite[Lemma 2.1]{ibukiyama}, $S_{j,k} = 0$ for all $0 \leq k \leq 4$ and $j \leq 14$, and so
\[
\overline S_{2,3} \subseteq S_{2,3} = 0.
\]
Finally, by Poincar\'e Duality (Theorem \ref{thm:poincare-duality}),
\begin{align*}
H^{6-k}(\mathcal A_2; \mathbf V_{1,1})^* &\cong H_c^k(\mathcal A_2; \mathbf V_{1,1}) \otimes \mathbf{Q}_\ell(5) = \begin{cases}
\mathbf{Q}_\ell(5) & k = 3 \\
0 & \text{otherwise,}
\end{cases}\\
H^{6-k}(\mathcal A_2; \mathbf V_{2, 0})^* &\cong H_c^k(\mathcal A_2; \mathbf V_{2,0}) \otimes \mathbf{Q}_\ell(5) = \begin{cases}
\mathbf{Q}_\ell(4) & k = 3 \\
0 & \text{otherwise.}
\end{cases}\qedhere
\end{align*}
\end{proof}
With the above preliminaries in hand, we can now prove our first main result, Theorem \ref{thm:universal-surface}. We restate the theorem here for convenience.
\begin{thm:universal-surface}
The cohomology of the universal abelian surface $\mathcal X_2$ is given by
\[
H^k(\mathcal X_2; \mathbf{Q}_\ell) = \begin{cases}
\mathbf{Q}_\ell & k = 0 \\
0 & k = 1, 3, k> 7\\
2\mathbf{Q}_\ell(-1) & k = 2 \\
2\mathbf{Q}_\ell(-2) & k = 4 \\
\mathbf{Q}_\ell(-5) & k = 5 \\
\mathbf{Q}_\ell(-3) & k = 6 \\
\end{cases}
\]
up to semi-simplification.
\end{thm:universal-surface}
\begin{proof}
By Proposition \ref{prop:leray}, there is a spectral sequence
\[
E_2^{p, q} = H^p(\mathcal A_2; H^q(A; \mathbf{Q}_\ell)) \implies H^{p+q}(\mathcal X_2; \mathbf{Q}_\ell)
\]
which degenerates on the $E_2$-page. Combining Lemma \ref{lem:X2-local-systems}, Theorem \ref{thm:a2}, and Corollary \ref{cor:petersen} shows that the $E_2$-page is as in Figure \ref{fig:X2-spectral-sequence}. The theorem now follows directly, since
\[
H^k(\mathcal X_2; \mathbf{Q}_\ell) = \bigoplus_{p+q = k} E_2^{p, q}. \qedhere
\]
\end{proof}
\begin{figure}
\centering
\includegraphics{X2-spectral-sequence.pdf}
\caption{The nonzero terms on the $E_2$-page of the Leray spectral sequence for $\pi: \mathcal X_2 \to \mathcal A_2$.}
\label{fig:X2-spectral-sequence}
\end{figure}
\section{Cohomology of Fiber Powers of the Universal Abelian Surface}\label{sec:fiber-powers}
In this section, we compute $H^*(\mathcal X_2^n; \mathbf{Q}_\ell)$. In particular, we give a procedure for computing this for general $n$, and then give the specific results that follow for the case $n = 2$. For brevity, we omit the coefficients when it is clear that we mean the constant ones and write $H^*(X)$ to mean $H^*(X; \mathbf{Q}_\ell)$.
\subsection{Computations for general $n$.}\label{sec:fiber-powers-n}
Let $\pi: \mathcal X_2 \to \mathcal A_2$ and let $\pi^n: \mathcal X_2^n \to \mathcal A_2$. We first need to consider the following local systems.
\begin{lem}\label{lem:X2-n-local-systems}
The local systems $H^k(A^n)$ on $\mathcal A_2$ are
\begin{align*}
H^k(A^n) &\cong \bigoplus_{\sum_{i=1}^n k_i = k} \left(\bigotimes_i H^{k_i}(A)\right)\\
&\cong H^k(A^{n-1}) \oplus \left(\mathbf V_{1,0} \otimes H^{k-1}(A^{n-1}) \right) \oplus \left((\mathbf{Q}_\ell(-1) \oplus \mathbf V_{1,1}) \otimes H^{k-2}(A^{n-1})\right) \\
&\quad \oplus \left(\mathbf V_{1,0}(-1) \otimes H^{k-3}(A^{n-1}) \right) \oplus H^{k-4}(A^{n-1})(-2)
\end{align*}
where we say $H^k(A^{n-1}) = 0$ if $k < 0$. For appropriate constants $m_{a,b}(H^k(A^n))$,
\[
H^k(A^n) \cong \bigoplus_{a \geq b \geq 0} m_{a,b}(H^k(A^n))\mathbf V_{a,b}\left(\frac{a+b- k}{2}\right).
\]
\end{lem}
\begin{proof}
The K\"unneth isomorphism applied to the local system $H^k(A^n)$ says
\begin{align*}
H^k(A^n) &\cong \bigoplus_{k_1 + k_2 = k} H^{k_1}(A^{n-1}) \otimes H^{k_2}(A) \\
&\cong \bigoplus_{k_2 = 0}^4 H^{k_2}(A) \otimes H^{k-k_2}(A^{n-1}),
\end{align*}
from which the first half of the lemma follows from Fact \ref{fact:monodromy-action}. The third isomorphism follows by adding appropriate Tate twists to each summand $\mathbf V_{a,b}$ of $H^k(A^n)$ as in the proof of Lemma \ref{lem:X2-local-systems}.
\end{proof}
In order to apply Theorem \ref{thm:petersen} like in Section \ref{sec:universal-surface}, we need to decompose each $H^k(A^n; \mathbf{Q}_\ell)$ into irreducible representations of $\Sp(4, \mathbf{Z})$. Lemma \ref{lem:X2-n-local-systems} gives rise to a recursive computation (in $n$) for this decomposition. It will be useful to have a decomposition of tensor products of certain representations of $\Sp(4, \mathbf{Z})$ into irreducible ones; we first review the necessary preliminaries in the representation theory of $\Sp(4, \mathbf{Z})$.
Here, we focus on the irreducible representations of $\Sp(4, \mathbf{Z})$ which arise as restrictions of irreducible representations of $\Sp(4, \mathbf{C})$. There is a combinatorial way to decompose tensor products of such irreducible representations.
\begin{prop}[{\cite[(25.27)]{fulton--harris}}]\label{prop:tensors}
For any $A \geq B \geq 0$ and $a \geq b \geq 0$,
\[
V_{A, B}\otimes V_{a, b}= \bigoplus_\nu N_{(A,B)(a, b)\nu} V_\nu,
\]
with $N_{\lambda\mu\nu} = \sum_{\zeta, \sigma, \tau} c_{\zeta\sigma}^\lambda c_{\zeta\tau}^\mu c_{\sigma\tau}^\nu$. Here, $c_{\alpha\beta}^\gamma$ is a Littlewood--Richardson coefficient, i.e. the number of skew semi-standard Young tableau of shape $\gamma/\alpha$ and content $\beta$, with the restriction that the concatenation of the reversed rows is a lattice word.
\end{prop}
We review the terminology for convenience. Let $\lambda=(\lambda_1, \dots, \lambda_n)$ be a partition. A \emph{Young tableau of shape $\lambda$} is an arrangement of left-justified rows of boxes, such that row $i$ has $\lambda_i$-many boxes. A \emph{skew semi-standard Young tableau of shape $\gamma/\alpha$}, where $\gamma$ and $\alpha$ are both partitions with $\alpha\subseteq \gamma$ for all $i$, is the arrangement of rows of boxes given by the Young tableau of shape $\gamma$, with the Young tableau of shape $\alpha$ erased. This tableau has \emph{content} $\beta$, with $\beta \subseteq \alpha$, if $\beta_i$-many of the boxes are labeled with the number $i$, and the labels for each row of boxes are increasing. A \emph{lattice word} is a string such that every prefix gives a partition, i.e. in each prefix, there are at least as many $i$ as there are $i+1$. Such tableaux are called \emph{Littlewood--Richardson tableaux}. As an example, we give all Littlewood--Richardson tableaux of shape $(5, 2, 2)/(2, 1)$ and content $(4, 2)$ in Figure \ref{fig:LR-example}.
\begin{figure}
\begin{ytableau}
\none & \none & 1 & 1 & 1 \\
\none & 1 \\
2 & 2
\end{ytableau}
\begin{ytableau}
\none & \none & 1 & 1 & 1 \\
\none & 2 \\
1 & 2
\end{ytableau}
\caption{All Littlewood--Richardson tableaux of shape $(5, 2, 2)/(2, 1)$ and content $(4, 2)$.}
\label{fig:LR-example}
\end{figure}
Restricting Proposition \ref{prop:tensors} to the tensor products relevant to the computations of this paper yields the following two, more explicit lemmas.
\begin{lem}\label{lem:rep-thy-1,0}
For $a \geq b \geq 0$,
\[
V_{1, 0} \otimes V_{a, b} = V_{a-1, b} \oplus V_{a+1, b} \oplus V_{a, b-1} \oplus V_{a, b+1}.
\]
\end{lem}
\begin{proof}
By Proposition \ref{prop:tensors},
\[
V_{1, 0} \otimes V_{a, b} = \bigoplus_{\nu} N_{(1,0)(a,b)\nu}V_\nu
\]
with $N_{(1,0)(a,b)\nu} = \sum_{\zeta, \sigma, \tau} c_{\zeta\sigma}^{(1,0)} c_{\zeta\tau}^{(a, b)} c_{\sigma\tau}^\nu$. Suppose $\zeta$, $\sigma$, $\tau$, and $\nu$ are partitions such that the corresponding summand above is nonzero. Then since $\zeta, \sigma \subseteq (1,0)$ and $\zeta, \tau \subseteq (a, b)$, we must have $\zeta = (\zeta_1, \zeta_2)$, $\sigma = (\sigma_1, \sigma_2)$, and $\tau = (\tau_1, \tau_2)$.
First, consider $c^{(1,0)}_{\zeta\sigma}$. Then $\zeta, \sigma \subseteq (1, 0)$, with $\zeta_1 + \zeta_2 + \sigma_1 + \sigma_2 = 1$. This forces $\zeta$ and $\sigma$ to satisfy (1) $\zeta = (1,0)$ and $\sigma = (0,0)$ or (2) $\zeta = (0,0)$ and $\sigma = (1,0)$. In each case, there is only one skew semi-standard Young tableau of shape $(1,0)/\zeta$ with content $\sigma$: (1) the empty tableau, and (2) the unique tableau with one box. So $c^{(1,0)}_{\zeta\sigma} = 1$.
Next, we consider $c^{(a,b)}_{\zeta\tau} = c^{(a,b)}_{\tau\zeta}$. A tableau with shape $(a, b)/\tau$ with content (1) $\zeta = (1,0)$ or (2) $\zeta = (0,0)$ must satisfy (1) $(a+b) - (\tau_1 + \tau_2) = 1$ or (2) $(a+b) - (\tau_1 + \tau_2) = 0$, respectively.
\begin{enumerate}
\item If $\zeta = (1,0)$, then $\tau = (a-1, b)$ or $\tau = (a, b-1)$. In both cases, a tableau with shape $(a, b)/\tau$ with content $\zeta$ must be the unique tableau with one box.
\item If $\zeta = (0,0)$, then $\tau = (a, b)$. A tableau with shape $(a, b)/\tau$ with content $\zeta$ must be the empty tableau.
\end{enumerate}
All three possibilities here give $c_{\tau\zeta}^{(a, b)} = 1$. Lastly, we consider $c_{\sigma\tau}^\nu = c_{\tau\sigma}^\nu$.
\begin{enumerate}
\item If $\zeta = (1,0)$ and $\sigma = (0,0)$, then $\nu = \tau = (a-1, b)$ or $(a, b-1)$.
\item If $\zeta = (0,0)$, $\sigma = (1,0)$, and $\tau = (a, b)$, then $\nu = (a+1, b)$ or $(a, b+1)$.
\end{enumerate}
In all of the above, a tableau with shape $\nu/\tau$ with content $\sigma$ must be the unique tableau with one box. Combining all of this casework,
\[
N_{(1,0)(a, b)\nu} = \begin{cases}
1 & \nu = (a-1, b), (a, b-1), (a+1, b), (a, b+1) \\
0 & \text{otherwise}.
\end{cases}\qedhere
\]
\end{proof}
\begin{lem}\label{lem:rep-thy-1,1}
If $(a, b) \neq (0,0)$, $(1, 1)$, then
\[
V_{1, 1} \otimes V_{a, b} = V_{a-1, b-1} \oplus V_{a-1, b+1} \oplus V_{a, b} \oplus V_{a+1, b-1}\oplus V_{a+1, b+1}.
\]
For $(a, b) = (0, 0)$ or $(1, 1)$,
\[
V_{1, 1} \otimes V_{0,0} = V_{1, 1}, \quad V_{1, 1} \otimes V_{1, 1} = V_{0,0} \oplus V_{2, 0} \oplus V_{2, 2}.
\]
\end{lem}
\begin{proof}
The cases $(a, b) = (0,0)$, $(1,1)$ can be checked computationally. Let $(a, b) \neq (0,0)$, $(1,1)$. Suppose $\zeta$, $\sigma$, $\tau$, and $\nu$ are partitions such that $c_{\zeta\sigma}^{(1,1)}c_{\zeta\tau}^{(a, b)}c_{\sigma\tau}^\nu \neq 0$. Then since $\zeta, \sigma \subseteq (1,1)$, $\zeta, \tau \subseteq (a, b)$, we must have $\zeta = (\zeta_1, \zeta_2)$, $\sigma = (\sigma_1, \sigma_2)$, and $\tau = (\tau_1, \tau_2)$.
First, consider $c_{\zeta\sigma}^{(1,1)}$. We have $\zeta, \sigma \subseteq (1,1)$ with $\zeta_1 + \zeta_2 + \sigma_1 + \sigma_2 = 2$. This forces the three possibilities: (1) $\zeta = (1,1)$ and $\sigma = (0,0)$, (2) $\zeta = (1,0)$ and $\sigma = (1,0)$, or (3) $\zeta = (0,0)$ and $\sigma = (1,1)$.
Next, consider $c_{\zeta\tau}^{(a, b)} = c_{\tau\zeta}^{(a, b)}$, and the above three possibilities.
\begin{enumerate}
\item If $\zeta = (1,1)$, then a tableau with shape $(a, b)/\zeta$ has $a-1$ cells in the first row and $b-1$ cells in the second row. In order the tableau to satisfy the lattice word condition and have the labels be increasing within each row, the entire first row must be labelled $1$. Therefore, the content $(\tau_1, \tau_2)$ must satisfy $\tau_1 \geq a-1$ with $\tau_1 + \tau_2 = a + b - 2$. Because $\tau \subseteq (a, b)$, this forces two possibilities: $\tau = (a-1, b-1)$ or $\tau = (a, b-2)$.
Suppose $\tau = (a, b-2)$. We count tableau with shape $(a, b)/\tau$ and content $\zeta = (1,1)$. The tableau of shape $(a, b)/(a, b-2)$ has one row with two cells, and the lattice word condition imposes that all cells of the first row must be labeled $1$. Therefore, there are no such tableau with content $\zeta = (1,1)$. For $\tau = (a-1, b-1)$, see Figure \ref{fig:LR-coeff} for the unique tableau with shape $(a, b)/(a-1, b-1)$ and content $\zeta = (1,1)$.
\item If $\zeta = (1,0)$, then a tableau with shape $(a, b)/\tau$ and content $\zeta = (1,0)$ must satisfy $\tau = (a-1, b)$ or $(a, b-1)$. In both cases, such a tableau is the unique tableaux with one cell.
\item If $\zeta = (0,0)$, then a tableau with shape $(a, b)/\tau$ and content $\zeta = (0,0)$ must satisfy $\tau = (a,b)$. In this case, such a tableau must be the empty one.
\end{enumerate}
Lastly, consider $c_{\sigma\tau}^\nu = c_{\tau\sigma}^\nu$.
\begin{enumerate}
\item If $\zeta = (1,1)$, $\sigma = (0,0)$, and $\tau = (a-1, b-1)$, then a tableau with shape $\nu/\tau$ and content $\sigma = (0,0)$ must satisfy $\nu = (a-1, b-1)$. The only such tableau is the empty one.
\item If $\zeta = (1,0)$, $\sigma = (1,0)$, and $\tau = (a-1, b)$ or $(a, b-1)$, then a tableau with shape $\nu/\tau$ and content $\sigma = (1,0)$ must satisfy $\nu_1 + \nu_2 = a + b$ with $\tau \subseteq \nu = (\nu_1, \nu_2)$. If $\tau = (a-1, b)$, then $\nu = (a, b)$ or $(a-1, b+1)$. If $\tau = (a, b-1)$, then $\nu = (a, b)$ or $(a+1, b-1)$. In all cases, such a tableau must be the unique one with one cell.
\item If $\zeta = (0,0)$, $\sigma = (1,1)$, and $\tau = (a, b)$, then by similar reasons as case (1) of $c_{\zeta\tau}^{(a, b)}$, $\nu = (a+1, b+1)$. In this case, such a tableau of shape $\nu/\tau$ and content $\sigma$ must be that of Figure \ref{fig:LR-coeff}.
\end{enumerate}
Combining all of the casework above implies
\[
N_{(1,1)(a,b)\nu} = \begin{cases}
1 & \nu = (a-1, b-1), (a-1, b+1), (a, b), (a+1, b-1), (a+1, b+1)\\
0 & \text{otherwise}
\end{cases}
\]
with which we apply Proposition \ref{prop:tensors} and conclude.
\end{proof}
\begin{figure}
\begin{ytableau}
1 \\
2
\end{ytableau}
\caption{The unique Littlewood--Richardson tableaux of shape $(a, b)/(a-1, b-1)$ or $(a+1, b+1)/(a, b)$ and content $(1,1)$.}
\label{fig:LR-coeff}
\end{figure}
We are now able to give a recursive formula (in $n$) for the multiplicity of a given $V_{a, b}$ in $H^k(A^n;\mathbf{Q}_\ell)$ as $\Sp(4, \mathbf{Z})$-representations. We do so in pieces after establishing some notation.
\begin{defn}
For any $(a, b) \in \mathbf{N}^2$, $S \subseteq \mathbf{N}^2$, and any $\Sp(4, \mathbf{Z})$-representation $V$ obtained as a restriction of an $\Sp(4, \mathbf{C})$-representation, let
\[
m_{a, b}(V) = \begin{cases}
\langle V_{a, b}, V\rangle & a \geq b \geq 0 \\
0 & \text{otherwise}.
\end{cases}
\]
\end{defn}
\begin{rmk}
Lemma \ref{lem:X2-local-systems} determines $m_{a, b}(H^q(A))$ for all $a \geq b \geq 0$ and all $q \geq 0$.
\end{rmk}
\begin{defn}
Denote the indicator function by $\mathbf{1}_S(a, b)$, with
\[
\mathbf{1}_S(a, b) = \begin{cases}
1 & (a, b)\in S \\
0 & (a, b)\notin S.
\end{cases}
\]
\end{defn}
The following two lemmas establish formulas that are necessary to give a recursive formula for $m_{a, b}(H^k(A^n))$ in $n$. The proofs are completely straight-forward but are included for completeness.
\begin{lem}\label{lem:rec-13}
For any $a \geq b \geq 0$ and $k \geq 0$,
\begin{align*}
\langle V_{a, b}, & V_{1, 0} \otimes V \rangle = m_{a+1, b}(V) + m_{a, b+1}(V) + m_{a-1, b}(V) + m_{a, b-1}(V).
\end{align*}
\end{lem}
\begin{proof}
Let $I(a, b) = \{(a+1, b), (a, b+1), (a-1, b), (a, b-1)\}$. By Lemma \ref{lem:rep-thy-1,0},
\begin{align*}
\langle V_{a, b}, V_{1, 0} \otimes V \rangle &= \left\langle V_{a, b}, V_{1, 0} \otimes \left(\bigoplus_{(A, B)\in I(a, b)}m_{A, B}(V) V_{A, B} \right)\right\rangle \\
&= \sum_{(A, B) \in I(a, b)} m_{A, B}(V) \langle V_{a, b}, V_{1, 0} \otimes V_{A, B} \rangle \\
&= \sum_{(A, B) \in I(a, b)}m_{A, B}(V) \langle V_{a, b}, V_{A+1, B} \oplus V_{A, B+1} \oplus V_{A-1, B} \oplus V_{A, B-1} \rangle \\
&= m_{a+1, b}(V) + m_{a, b+1}(V) + m_{a-1, b}(V) + m_{a, b-1}(V). \qedhere
\end{align*}
\end{proof}
\begin{lem}\label{lem:rec-2}
For any $a \geq b \geq 0$,
\begin{align*}
\langle & V_{a, b}, (\mathbf{Q}_\ell \oplus V_{1, 1})\otimes V \rangle \\
&= (2- \mathbf{1}_{\{(1,1), (0,0)\}}(a, b))m_{a, b}(V) + m_{a-1, b-1}(V)+ m_{a-1, b+1}(V) + m_{a+1, b-1}(V) + m_{a+1, b+1}(V).
\end{align*}
\end{lem}
\begin{proof}
For all $a \geq b \geq 0$, $\langle V_{a, b}, \mathbf{Q}_\ell \otimes V \rangle = m_{a,b}(V)$. Now let $J(a, b) = \{(a-1, b-1), (a-1, b+1), (a, b), (a+1, b-1), (a+1, b+1)\}$. By Lemma \ref{lem:rep-thy-1,1},
\begin{align*}
\langle V_{a, b}, V_{1,1} \otimes V \rangle &= \left\langle V_{a, b}, V_{1,1} \otimes \left(\bigoplus_{(A, B) \in J(a, b)}m_{A, B}(V) V_{A, B}\right) \right\rangle \\
&= \sum_{(A, B) \in J(a, b)} m_{A, B}(V) \langle V_{a, b}, V_{1,1} \otimes V_{A, B} \rangle.
\end{align*}
For all $(A, B) \neq (1,1)$, $(0,0)$, Lemma \ref{lem:rep-thy-1,1} says
\begin{align*}
m_{A, B}(V) \langle V_{a, b}, V_{1,1} \otimes V_{A, B} \rangle &= m_{A, B}(V) \left\langle V_{a, b}, \bigoplus_{(C, D) \in J(A, B)}V_{C, D} \right\rangle \\
&= m_{A, B}(V).
\end{align*}
If $(0,0)\in J(a, b)$, then $(a, b) = (0,0)$ or $(1,1)$. If $(1,1) \in J(a, b)$, then $(a, b) = (0,0)$, $(1,1)$, $(2,0)$, or $(2,2)$. Therefore, the above gives that outside of these cases,
\begin{align*}
\langle V_{a, b}, & V_{1,1} \otimes V\rangle = \sum_{(A, B) \in J(a, b)} m_{A, B}(V) \\
&= m_{a-1, b-1}(V) + m_{a-1, b+1}(V) + m_{a, b}(V) + m_{a+1, b-1}(V) + m_{a+1, b+1}(V)
\end{align*}
which gives the lemma, since $(a, b) \neq (1,1)$, $(0,0)$ and $\mathbf{1}_{\{(1,1), (0,0)\}}(a, b) = 0$.
If $(a, b) = (2,0)$ or $(2,2)$, then $(1,1) \in J(a, b)$ but $(0,0) \notin J(a, b)$. In this case, Lemma \ref{lem:rep-thy-1,1} gives
\begin{align*}
m_{1,1}(V) \langle V_{a, b}, V_{1,1} \otimes V_{1,1}\rangle &= m_{1,1}(V) \langle V_{a, b}, V_{0,0} \oplus V_{2,0} \oplus V_{2,2} \rangle \\
&= m_{1,1}(V).
\end{align*}
Therefore, by the same calculation as the above, the lemma holds.
If $(a, b) = (0,0)$ or $(1,1)$, then both $(0,0)$, $(1,1) \in J(a, b)$. In this case,
\begin{align*}
m_{0,0}(V) \langle V_{a, b}, V_{1,1} \otimes V_{0,0} \rangle &= m_{0,0}(V) \langle V_{a, b}, V_{1,1} \rangle \\
&= (1-\mathbf{1}_{\{(0,0)\}}(a, b)) m_{0,0}(V),\\
m_{1,1}(V) \langle V_{a, b}, V_{1,1} \otimes V_{1,1} \rangle &= m_{1,1}(V) \langle V_{a, b}, V_{0,0} \oplus V_{2,0} \oplus V_{2,2} \rangle \\
&= (1-\mathbf{1}_{\{(1,1)\}}(a, b)) m_{1,1}(V).
\end{align*}
In both cases,
\[
m_{a, b}(V) \langle V_{a, b}, V_{1,1} \otimes V_{a, b} \rangle = 0 = (1- \mathbf{1}_{\{(0,0), (1,1)\}}(a, b))m_{a, b}(V)
\]
and so the lemma holds here as well.
\end{proof}
Combining all of the lemmas of this subsection shows that we have determined a recursive formula for all parts of the first identity of the following proposition.
\begin{prop}\label{prop:recursive_mult}
Let $a \geq b \geq 0$, $n \geq 1$, and $k \geq 0$. Viewing $H^*(A^N)$ as $\Sp(4, \mathbf{Z})$-representations,
\begin{align*}
m_{a, b}(H^k(A^n)) &= m_{a, b}(H^k(A^{n-1})) + \langle V_{a, b}, V_{1, 0}\otimes H^{k-1}(A^{n-1}) \rangle + \langle V_{a, b}, (\mathbf{Q}_\ell \oplus V_{1, 1})\otimes H^{k-2}(A^{n-1}) \rangle \\
&\quad+ \langle V_{a, b}, V_{1, 0}\otimes H^{k-3}(A^{n-1}) \rangle + m_{a, b}(H^{k-4}(A^{n-1}))
\end{align*}
and
\begin{align*}
m_{0,0}(H^k(A^n)) &= m_{0,0}(H^k(A^{n-1})) + m_{1,0}(H^{k-1}(A^{n-1})) + m_{0,0}(H^{k-2}(A^{n-1})) + m_{1,1}(H^{k-2}(A^{n-1})) \\
&\quad+ m_{1,0}(H^{k-3}(A^{n-1})) + m_{0,0}(H^{k-4}(A^{n-1})).
\end{align*}
\end{prop}
\begin{proof}
Apply the lemmas above to compute, for $j = 1, 3$,
\begin{align*}
\langle V_{0,0}, V_{1,0} \otimes H^{k-j}(A^{n-1}) \rangle &= m_{1, 0}(H^{k-j}(A^{n-1})), \\
\langle V_{0,0}, (\mathbf{Q}_\ell \oplus V_{1,1}) \otimes H^{k-2}(A^{n-1}) \rangle &= m_{0,0}(H^{k-2}(A^{n-1})) + m_{1,1}(H^{k-2}(A^{n-1})).
\end{align*}
The second identity of the proposition is obtained by plugging these into the first identity with $a = b = 0$.
\end{proof}
We can also more explicitly describe the representations $V_{a, b}$ that occur in $H^k(A^n)$. These descriptions are necessary to prove Theorem \ref{thm:low-degree-computation}.
\begin{prop}\label{prop:mult-even-odd}
If $m_{a, b}(H^k(A^n)) \neq 0$, then $a + b \equiv k \pmod 2$ and $a + b \leq k$. For all $n\geq k$, all such $a \geq b \geq 0$ and $k \geq 0$ give $m_{a, b}(H^k(A^n)) \neq 0$.
\end{prop}
\begin{proof}
To prove that if $m_{a, b}(H^k(A^n)) \neq 0$ then $a + b \equiv k \pmod 2$, we proceed by induction on $n$. For $n = 1$, the claim is true by Lemma \ref{lem:X2-local-systems}. Now assume the claim for $n-1$. Suppose $a + b \not\equiv k \pmod 2$ or $a + b > k$. Then using Lemmas \ref{lem:rec-13} and \ref{lem:rec-2} and letting $V(k) = H^k(A^{n-1})$ and $j = 1$ or $3$,
\begin{align*}
\langle V_{a, b}, V_{1, 0}\otimes V(k-j)) \rangle &= m_{a+1, b}(V(k-j)) + m_{a, b+1}(V(k-j)) \\
&\quad+ m_{a-1, b}(V(k-j)) + m_{a, b-1}(V(k-j)) = 0, \\
\langle V_{a, b}, (\mathbf{Q}_\ell \oplus V_{1,1}) \otimes V(k-2)\rangle &= (2 - \mathbf{1}_{\{(1,1), (0,0)\}}(a, b)) m_{a,b}(V(k-2)) + m_{a-1, b-1}(V(k-2)) \\
&\quad + m_{a-1, b+1}(V(k-2)) + m_{a+1, b-1}(V(k-2)) + m_{a+1, b+1}(V(k-2)) \\
&= 0.
\end{align*}
Both of the above are zero by the inductive hypothesis. Then by Proposition \ref{prop:recursive_mult},
\begin{align*}
m_{a,b}(H^k(A^n)) &= m_{a, b}(V(k)) + \langle V_{a, b}, V_{1, 0}\otimes V(k-1)) \rangle + \langle V_{a, b}, (\mathbf{Q}_\ell \oplus V_{1, 1})\otimes V(k-2) \rangle \\
&\quad+ \langle V_{a, b}, V_{1, 0}\otimes V(k-3) \rangle + m_{a, b}(V(k-4)) \\
&= m_{a, b}(V(k)) + m_{a, b}(V(k-4)) = 0.
\end{align*}
For fixed $k \geq 0$, we next show that $m_{a,b}(H^k(A^n)) \neq 0$ for $n \geq k$, by induction on $n$. For $n = 1$, the claim is again true by Lemma \ref{lem:X2-local-systems}. Assume the claim holds for $n-1$, and take any $k \leq n$. Let $a \geq b \geq 0$ be such that $a + b \equiv k \pmod 2$, and $a + b \leq k$. If $b \geq 1$, then by Proposition \ref{prop:recursive_mult}, Lemma \ref{lem:rec-13}, and the inductive hypothesis,
\[
m_{a,b}(H^k(A^n)) \geq \langle V_{a,b}, V_{1,0} \otimes H^{k-1}(A^{n-1}) \rangle \geq m_{a,b-1}(H^{k-1}(A^{n-1})) \geq 0.
\]
If $a \neq 0$ and $b = 0$, then
\[
m_{a,b}(H^k(A^n)) \geq \langle V_{a,b}, V_{1,0} \otimes H^{k-1}(A^{n-1}) \rangle \geq m_{a-1,b}(H^{k-1}(A^{n-1})) \geq 0.
\]
If $(a, b) = (0,0)$ and $k \geq 2$, then
\[
m_{0,0}(H^k(A^n)) \geq \langle V_{0,0}, (\mathbf{Q}_\ell \oplus V_{1,1}) \otimes H^{k-2}(A^{n-1}) \rangle \geq (2 - \mathbf{1}_{\{(1,1), (0,0)\}}(0,0)) m_{0,0}(H^{k-2}(A^{n-1})) \geq 0.
\]
If $k = 0$, then $H^0(A^n) = \mathbf{Q}_\ell$ for all $n$ and so $m_{0,0}(H^0(A^n)) = 1$.
\end{proof}
\begin{lem}\label{lem:small-cases-mult}
Let $a \geq b \geq 0$ and $M > 0$.
\begin{multicols}{2}
\begin{enumerate}
\item $m_{a,b}(H^0(A^M)) = \mathbf{1}_{\{(0,0)\}}(a, b)$.\label{item:a,b,M,0}
\item $m_{1,0}(H^1(A^M)) = M$.\label{item:1,0,M,1}
\item $m_{0,0}(H^2(A^M)) = \binom{M+1}{2}$. \label{item:0,0,M,2}
\item $m_{1,1}(H^2(A^M)) = \binom{M+1}{2}$. \label{item:1,1,M,2}
\item $m_{2,0}(H^2(A^M)) = \binom M 2$. \label{item:2,0,M,2}
\item $m_{1,0}(H^3(A^M)) = \binom M3 + 2 \binom{M+1}{3} + M^2$. \label{item:1,0,M,3}
\item $m_{0,0}(H^4(A^M)) = \frac{M(M+1)(M^2 + M + 2)}{8}$.\label{item:0,0,M,4}
\end{enumerate}
\end{multicols}
\end{lem}
\begin{proof}
All proofs are by induction on $M$. We can check manually that all claims hold for $M = 1$. Assume that they hold for $M -1$.
\begin{enumerate}
\item For all $M$, $H^0(A^M) = \mathbf{Q}_\ell$, the constant local system.
\item By Proposition \ref{prop:recursive_mult}, Lemma \ref{lem:rec-13} and (\ref{item:a,b,M,0}),
\begin{align*}
m_{1,0}&(H^1(A^M)) = m_{1,0}(H^1(A^{M-1})) + \langle V_{1,0}, V_{1,0} \otimes H^0(A^{M-1}) \rangle \\
&= (M-1) + \left(m_{2,0}(H^0(A^{M-1})) + m_{1,1}(H^0(A^{M-1})) + m_{0,0}(H^0(A^{M-1})) \right) = M.
\end{align*}
\item By Proposition \ref{prop:recursive_mult}, (\ref{item:a,b,M,0}), and (\ref{item:1,0,M,1}),
\begin{align*}
m_{0,0}(H^2(A^{M})) &= m_{0,0}(H^2(A^{M-1})) + m_{1,0}(H^1(A^{M-1})) + m_{0,0}(H^1(A^{M-1}))+ m_{1,1}(H^0(A^{M-1})) \\
&= \binom{M}{2} + (M-1) + 1 = \binom{M+1}{2}.
\end{align*}
\item By Proposition \ref{prop:recursive_mult}, Lemma \ref{lem:rec-13}, Lemma \ref{lem:rec-2}, (\ref{item:a,b,M,0}), and (\ref{item:1,0,M,1}),
\begin{align*}
m_{1,1}(H^2(A^{M})) &= m_{1,1}(H^2(A^{M-1})) + \langle V_{1,1}, V_{1,0} \otimes (H^1(A^{M-1})) \rangle + \langle V_{1,1}, (\mathbf{Q}_\ell \oplus V_{1,1}) \otimes (H^0(A^{M-1})) \rangle \\
&= \binom{M}{2} + \left(m_{2, 1}(H^1(A^{M-1})) + m_{1, 0}(H^1(A^{M-1}))\right) \\
&\quad+ \left(m_{1,1}(H^0(A^{M-1})) + m_{0,0}(H^0(A^{M-1})) + m_{2, 0}(H^0(A^{M-1})) + m_{2,2}(H^0(A^{M-1}))\right) \\
&= \binom{M}{2} + \left(m_{2, 1}(H^1(A^{M-1})) + (M-1)\right) + \left(1\right) = \binom{M+1}{2}
\end{align*}
where the last equality follows by Proposition \ref{prop:mult-even-odd}, which gives that $m_{2,1}(H^1(A^{M-1})) = 0$.
\item By Proposition \ref{prop:recursive_mult}, Lemma \ref{lem:rec-13}, Lemma \ref{lem:rec-2}, (\ref{item:a,b,M,0}), and (\ref{item:1,0,M,1}),
\begin{align*}
m_{2,0}(H^2(A^{M})) &= m_{2,0}(H^2(A^{M-1})) + \langle V_{2,0}, V_{1,0} \otimes (H^1(A^{M-1})) \rangle + \langle V_{2,0},(\mathbf{Q}_\ell \oplus V_{1,1}) \otimes (H^0(A^{M-1})) \rangle \\
&= \binom{M-1}{2} + \left(m_{3, 0}(H^1(A^{M-1})) + m_{2, 1}(H^1(A^{M-1})) + m_{1, 0}(H^1(A^{M-1}))\right) \\
&\quad+ \left(2m_{2, 0}(H^0(A^{M-1})) + m_{1,1}(H^0(A^{M-1})) + m_{3, 1}(H^0(A^{M-1}))\right) \\
&=\binom{M-1}{2} + (M-1) = \binom M 2.
\end{align*}
\item By Proposition \ref{prop:recursive_mult}, Lemma \ref{lem:rec-13}, Lemma \ref{lem:rec-2}, and (\ref{item:a,b,M,0}) - (\ref{item:2,0,M,2}),
\begin{align*}
m_{1,0}(H^3(A^{M})) &= m_{1,0}(H^3(A^{M-1})) + \langle V_{1,0}, V_{1,0} \otimes H^2(A^{M-1}) \rangle \\
&\quad+ \langle V_{1,0}, (\mathbf{Q}_\ell \oplus V_{1,1})\otimes H^1(A^{M-1}) \rangle + \langle V_{1,0}, V_{1,0} \otimes H^0(A^{M-1}) \rangle \\
&= m_{1,0}(H^3(A^{M-1})) + \left(m_{2, 0}(H^2(A^{M-1})) + m_{1,1}(H^2(A^{M-1})) + m_{0,0}(H^2(A^{M-1}))\right) \\
&\quad+ \left(2m_{1,0}(H^1(A^{M-1})) + m_{2,1}(H^1(A^{M-1}))\right) \\
&\quad+ \left(m_{2, 0}(H^0(A^{M-1})) + m_{1,1}(H^0(A^{M-1})) + m_{0,0}(H^0(A^{M-1}))\right) \\
&= \left(\binom{M-1}{3} + 2\binom M 3 + (M-1)^2 \right) + \left(\binom{M-1}{2} +\binom{M}{2} + \binom{M}{2}\right) \\
&\quad + \left(2(M-1) + m_{2,1}(H^1(A^{M-1}))\right) + 1\\
&= \binom M3 + 2 \binom{M+1}{3} + M^2
\end{align*}
where again, the last equality uses that $m_{2,1}(H^1(A^{M-1})) = 0$ by Proposition \ref{prop:mult-even-odd}.
\item By Proposition \ref{prop:recursive_mult}, (\ref{item:a,b,M,0}) - (\ref{item:1,1,M,2}), and (\ref{item:1,0,M,3}),
\begin{align*}
m_{0,0}(H^4(A^{M})) &= m_{0,0}(H^4(A^{M-1})) + m_{1,0}(H^3(A^{M-1})) + m_{0,0}(H^2(A^{M-1})) + m_{1,1}(H^2(A^{M-1})) \\
&\quad+ m_{1,0}(H^1(A^{M-1})) + m_{0,0}(H^0(A^{M-1})) \\
&= \frac{(M-1)(M)(M^2 - M + 2)}{8} + \left(\binom{M-1}{3} + 2\binom M3 + (M-1)^2\right) \\
&\quad + \binom{M}{2} + \binom{M}{2} + (M-1) + 1 \\
&= \frac{M(M+1)(M^2 + M + 2)}{8}. \qedhere
\end{align*}
\end{enumerate}
\end{proof}
We are now ready to compute $H^k(\mathcal X_2^n; \mathbf{Q}_\ell)$ for all $n \geq 1$ and $0 \leq k \leq 5$.
\begin{thm:low-degree-computation}
For all $n \geq 1$,
\begin{align*}
H^k(\mathcal X_2^n; \mathbf{Q}_\ell) &= \begin{cases}
\mathbf{Q}_\ell & k = 0 \\
0 & k = 1, 3 \\
\left(\binom{n+1}{2} + 1\right) \mathbf{Q}_\ell(-1) & k = 2 \\
\left(\frac{n(n+1)(n^2+n+2)}{8} + \binom{n+1}{2}\right)\mathbf{Q}_\ell(-2) & k = 4\\
\binom{n+1}{2} \mathbf{Q}_\ell(-5) \oplus \binom n2 \mathbf{Q}_\ell(-4) & k = 5
\end{cases}
\end{align*}
up to semi-simplification.
\end{thm:low-degree-computation}
\begin{proof}
Denote the $(p, q)$-entry on the $E_2$-sheet of the Leray spectral sequence of $\pi^n: \mathcal X_2^n\to\mathcal A_2$ by $E_2^{p,q}(n)$. We compute many entries on the $E_2$-sheet and list the nonzero results in Figure \ref{fig:X2-n-spectral-sequence}, from which the theorem follows directly. The special case of $n = 1$ is given in Figure \ref{fig:X2-spectral-sequence}. All computations here are up to semi-simplification.
\begin{enumerate}
\item $E_2^{p,0}(n) = H^p(\mathcal A_2; \mathbf{Q}_\ell)$ for all $p$.
\begin{proof}
By definition and Lemmas \ref{lem:X2-n-local-systems} and \ref{lem:small-cases-mult},
\[
E_2^{p,0}(n) = H^p(\mathcal A_2; H^0(A^{n})) = \bigoplus_{a \geq b \geq 0} m_{a, b}(H^0(A^{n}))H^p\left(\mathcal A_2; \mathbf V_{a, b} \left(\frac{a+b}{2}\right)\right) = H^p(\mathcal A_2; \mathbf{Q}_\ell).\qedhere
\]
\end{proof}
\item $E_2^{p, q}(n) = 0$ for all $p \geq 0$, $q \equiv 1 \pmod 2$.
\begin{proof}
Suppose $m_{a, b}^{n, q} \neq 0$. By Proposition \ref{prop:mult-even-odd}, $a+b \equiv 1 \pmod 2$. Therefore
\[
E_2^{p,q}(n) = H^p(\mathcal A_2; H^q(A^{n})) = \bigoplus_{\substack{a\geq b \geq 0 \\ a+b \equiv 1 \pmod 2}} m_{a, b}(H^q(A^{n})) H^p(\mathcal A_2; \mathbf V_{a, b})\left(\frac{a+b-q}{2}\right) = 0
\]
where the last equality follows since $H^p(\mathcal A_2; \mathbf V_{a, b}) = 0$. (See the remark before Theorem \ref{thm:petersen}.)
\end{proof}
\item $E_2^{p, 2}(n) = \binom{n+1}{2} H^p(\mathcal A_2; \mathbf{Q}_\ell)(-1)$ and $E_2^{p, 4}(n) = \frac{n(n+1)(n^2+n+2)}{8} H^p(\mathcal A_2; \mathbf{Q}_\ell)(-2)$ for $p = 0, 1, 2$.
\begin{proof}
Let $q = 2$, $4$. By definition and Proposition \ref{prop:mult-even-odd},
\[
E_2^{p, q}(n) = H^p(\mathcal A_2; H^q(A^{n})) = \bigoplus_{\substack{a + b \leq q \\ a + b \equiv 0 \pmod 2}} m_{a,b}(H^q(A^{n}))H^p(\mathcal A_2; \mathbf V_{a, b})\left(\frac{a+b-q}{2}\right).
\]
By Theorem \ref{thm:petersen}, $H^p(\mathcal A_2; \mathbf V_{a, b}) = 0$ for $(a, b) \neq 0$ and $p = 0$, $1$, so
\[
E_{2}^{p, q}(n) = m_{0,0}(H^q(A^{n}))H^p(\mathcal A_2;\mathbf{Q}_\ell) \left(-\frac{q}{2}\right)
\]
for $p = 0$, $1$. The claim then follows by Lemma \ref{lem:small-cases-mult}. For $p = 2$, Theorem \ref{thm:petersen} gives that $H^2(\mathcal A_2; \mathbf V_{a, b}) \neq 0$ only if $a = b$ even, and so
\[
E_2^{2, q}(n) = m_{0,0}(H^q(A^{n}))H^2(\mathcal A_2; \mathbf{Q}_\ell)\left(-\frac q2\right) \oplus \begin{cases}
0 & q = 2\\
m_{2,2}(H^4(A^{n}))H^2(\mathcal A_2; \mathbf V_{2,2}) & q = 4.
\end{cases}
\]
In the case $q = 2$, the claim then follows from Lemma \ref{lem:small-cases-mult}. In the case $q = 4$, the claim follows from Corollary \ref{cor:petersen} since $H^2(\mathcal A_2; \mathbf V_{2,2}) = 0$.
\end{proof}
\item $E_2^{3, 2}(n) = \binom{n+1}{2} \mathbf{Q}_\ell(-5) \oplus \binom n 2 \mathbf{Q}_\ell(-4)$ and $E_2^{4, 2}(n) = 0$.
\begin{proof}
Let $p = 3$, $4$. By definition, Proposition \ref{prop:mult-even-odd}, Theorem \ref{thm:a2}, and Lemma \ref{lem:small-cases-mult},
\begin{align*}
E_2^{p, 2}(n) &= H^p(\mathcal A_2; H^2(A^{n})) = \bigoplus_{a \geq b \geq 0} m_{a, b}(H^2(A^{n})) H^p(\mathcal A_2; \mathbf V_{a, b})\left(\frac{a + b - 2}{2}\right)\\
&= m_{0,0}(H^2(A^{n})) H^p(\mathcal A_2; \mathbf V_{0,0})(-1) \oplus m_{1,1}(H^2(A^{n})) H^p(\mathcal A_2; \mathbf V_{1,1}) \oplus m_{2,0}(H^2(A^{n})) H^p(\mathcal A_2; \mathbf V_{2,0})\\
&= \binom{n+1}{2} H^p(\mathcal A_2; \mathbf V_{1,1}) \oplus \binom{n}{2} H^p(\mathcal A_2; \mathbf V_{2,0}).
\end{align*}
Then the claim follows from Corollary \ref{cor:petersen}.
\end{proof}
\end{enumerate}
\end{proof}
\begin{rmk}
Theorem \ref{thm:low-degree-computation} is consistent with the stabilization result \cite[Theorem 6.1]{grushevsky--hulek--tommasi}, which says that the rational cohomology of $\mathcal X_g^n$ stabilizes in degrees $k < g = 2$.
\end{rmk}
\begin{figure}
\centering
\includegraphics[width=\textwidth]{X2-n-spectral-sequence.pdf}
\caption{Some low degree terms of the $E_2$-page of the Leray spectral sequence for $\pi^n: \mathcal X_2^n\to \mathcal A_2$ determined in Theorem \ref{thm:low-degree-computation}. Note that $E_2^{1,q} = 0$ for all $q \geq 0$ and $E_2^{p, q} = 0$ for all $p \geq 4$ and $q = 0, 1, 2, 3$.}
\label{fig:X2-n-spectral-sequence}
\end{figure}
\subsection{Explicit computations for $n = 2$.}
Once one has computed $m_{a, b}(H^k(A^{n}))$ for fixed $n$ and for all $k \geq 0$, $a \geq b \geq 0$, one can in theory apply Theorem \ref{thm:petersen} and determine $H^*(\mathcal X_2^n; \mathbf{Q}_\ell)$. In this subsection, we detail the results of this process for $n = 2$.
\begin{lem}\label{lem:X2-2-local-systems}
The local systems $H^k(A^2; \mathbf{Q}_\ell)$ on $\mathcal A_2$ are
\[
H^k(A^2; \mathbf{Q}_\ell) \cong \begin{cases}
\mathbf V_{0,0} & k = 0 \\
2\mathbf V_{1, 0} & k = 1 \\
3 \mathbf V_{0,0}(-1) \oplus 3 \mathbf V_{1,1} \oplus \mathbf V_{2,0} & k = 2 \\
6 \mathbf V_{1, 0}(-1) \oplus 2\mathbf V_{2, 1} & k = 3\\
6 \mathbf V_{0,0}(-2) \oplus 4\mathbf V_{1,1}(-1) \oplus 3\mathbf V_{2, 0}(-1) \oplus \mathbf V_{2,2} & k = 4 \\
6 \mathbf V_{1, 0}(-2) \oplus 2\mathbf V_{2, 1}(-1) & k = 5 \\
3 \mathbf V_{0,0}(-3) \oplus 3 \mathbf V_{1,1}(-2) \oplus \mathbf V_{2,0}(-2) & k = 6 \\
2\mathbf V_{1,0}(-3) & k = 7 \\
\mathbf V_{0,0}(-4) & k = 8 \\
0 & k > 8.
\end{cases}
\]
\end{lem}
\begin{proof}
This is a direct computation using Lemma \ref{lem:X2-n-local-systems}, Lemma \ref{lem:rec-13}, and Lemma \ref{lem:rec-2}.
\end{proof}
Using Lemma \ref{lem:X2-2-local-systems}, we can compute all entries of the $E_2$-page of the Leray spectral sequence for $\pi^2: \mathcal X_2^2 \to \mathcal A_2$. As always, the following results are up to semi-simplification.
\begin{lem}\label{lem:e2-terms-X2-2}
For $q = 1$, $3$, $5$, $7$, and all $p$,
\[
H^p(\mathcal A_2; H^q(A^{n})) = 0.
\]
For $q = 0$, $8$,
\[
H^p(\mathcal A_2; H^q(A^{2})) \cong \begin{cases}
\mathbf{Q}_\ell\left(-\frac q2\right) & p = 0 \\
\mathbf{Q}_\ell\left(-\frac q2-1\right) & p = 2 \\
0 & \text{otherwise}.
\end{cases}
\]
For $q = 2$, $6$,
\[
H^p(\mathcal A_2; H^q(A^{2})) \cong \begin{cases}
3\mathbf{Q}_\ell\left(-\frac q2\right) & p = 0\\
3\mathbf{Q}_\ell\left(-\frac q2-1\right) & p = 2 \\
3\mathbf{Q}_\ell\left(-\frac{q-2}{2}-5\right) \oplus \mathbf{Q}_\ell\left(-\frac{q-2}{2}-4\right) & p = 3 \\
0 & \text{otherwise}.
\end{cases}
\]
For $q = 4$,
\[
H^p(\mathcal A_2; H^4(A^{2})) \cong \begin{cases}
6\mathbf{Q}_\ell(-2) & p = 0 \\
6\mathbf{Q}_\ell(-3) & p = 2 \\
3\mathbf{Q}_\ell(-5) \oplus 4\mathbf{Q}_\ell(-6) & p = 3 \\
0 & \text{otherwise}.
\end{cases}
\]
\end{lem}
\begin{proof}
By definition, $E^{p,q}_2 = H^p(\mathcal A_2; H^q(A^2)) = \bigoplus_{a \geq b \geq 0} m_{a, b}(H^q(A^{2}))H^p(\mathcal A_2; \mathbf V_{a, b})$. Suppose $q$ is odd. By Proposition \ref{prop:mult-even-odd}, if $m_{a, b}(H^q(A^{2})) \neq 0$, then $a+b \equiv 1 \pmod 2$. For such $(a, b)$, the remarks before Theorem \ref{thm:petersen} imply that $H^p(\mathcal A_2; \mathbf V_{a, b}) = 0$ for all $p$.
For $0 \leq q\leq 8$ even, combine Lemma \ref{lem:X2-n-local-systems}, Lemma \ref{lem:X2-2-local-systems}, Theorem \ref{thm:a2}, and Corollary \ref{cor:petersen}.
\end{proof}
\begin{rmk}
The computations in Lemma \ref{lem:e2-terms-X2-2} are consistent with Theorem \ref{thm:low-degree-computation}.
\end{rmk}
By the usual argument, we obtain the following theorem using these preliminaries.
\begin{thm}\label{thm:2-power-universal-surface}
The cohomology of the second fiber power $\mathcal X_2^2$ of the universal abelian surface is given by
\[
H^k(\mathcal X_2^2;\mathbf{Q}_\ell) = \begin{cases}
\mathbf{Q}_\ell & k = 0 \\
0 & k = 1, 3, k > 10 \\
4\mathbf{Q}_\ell(-1) & k = 2 \\
9\mathbf{Q}_\ell(-2) & k = 4 \\
3\mathbf{Q}_\ell(-5) \oplus \mathbf{Q}_\ell(-4) & k = 5 \\
9\mathbf{Q}_\ell(-3) & k = 6 \\
3\mathbf{Q}_\ell(-5) \oplus 4\mathbf{Q}_\ell(-6) & k = 7 \\
4\mathbf{Q}_\ell(-4) & k = 8 \\
3\mathbf{Q}_\ell(-7) \oplus \mathbf{Q}_\ell(-6) & k = 9 \\
\mathbf{Q}_\ell(-5) & k = 10\\
\end{cases}
\]
up to semi-simplification.
\end{thm}
\begin{proof}
By Proposition \ref{prop:leray}, there is a spectral sequence
\[
E_2^{p,q} = H^p(\mathcal A_2; H^q(A^{2})) \implies H^{p+q}(\mathcal X_2^2; \mathbf{Q}_\ell)
\]
which degenerates on the $E_2$-page. Combining the lemmas in this section gives the entries of the $E_2$-page as recorded in Figure \ref{fig:X2-2-spectral-sequence}.
\end{proof}
\begin{figure}
\centering
\includegraphics{X2-2-spectral-sequence.pdf}
\caption{The nonzero terms on the $E_2$-page of the Leray spectral sequence for $\pi^2: \mathcal X_2^2 \to \mathcal A_2$.}
\label{fig:X2-2-spectral-sequence}
\end{figure}
\section{Cohomology of $\mathcal X_2^{\Sym(n)}$}\label{sec:symmetric-powers}
In this section, we compute $H^*(\mathcal X_2^{\Sym(n)}; \mathbf{Q}_\ell)$. As opposed to Section \ref{sec:fiber-powers}, we show that the cohomology in fixed degree stabilizes as $n$ increases and explicitly give the computations for small degree. Afterwards, we give a complete description of the cohomology for the case $n = 2$. For brevity, we will often drop the constant coefficients if the context is clear, writing $H^k(A^n)$ instead of $H^k(A^n;\mathbf{Q}_\ell)$.
\subsection{Computations for general $n$.}\label{sec:sym-n}
Let $\pi^n: \mathcal X_2^{\Sym(n)} \to \mathcal A_2$ and $\pi: \mathcal X_2 \to \mathcal A_2$. Let $A$ be an abelian surface. For all $n \geq 1$, the symmetric group $S_n$ acts on $A^n$ by permuting the coordinates, which induces an action of $S_n$ on $H^*(A^n)$. The $S_n$-action on $A^n$ is not free but this is not a problem in the context of stacks. On the other hand,
\[
H^k(A^n; \mathbf{Q}_\ell) \cong \bigoplus_{\substack{(k_1, \dots, k_n)\\ \sum k_i = k}} \bigotimes_{i=1}^n H^{k_i}(A; \mathbf{Q}_\ell)
\]
by the K\"unneth formula.
\begin{lem}\label{lem:sn-fixed}
The local systems $H^k(\Sym^n A; \mathbf{Q}_\ell)$ on $\mathcal A_2$ are
\[
H^k(\Sym^n A; \mathbf{Q}_\ell) \cong H^k(A^n; \mathbf{Q}_\ell)^{S_n} \cong \bigoplus_{\substack{(k_0, \dots, k_4) \\ \sum_{i=0}^4 ik_i = k \\ \sum_{i=0}^4 k_i = n}} \bigwedge^{k_1} H^1(A) \otimes \Sym^{k_2}H^2(A) \otimes \bigwedge^{k_3} H^3(A)\otimes \mathbf{Q}_\ell(-2k_4).
\]
\end{lem}
\begin{proof}
The first isomorphism in the lemma statement follows from the Hochschild--Serre spectral sequence for $A^n \to A^n/S_n \cong \Sym^n A$.
For any $\sigma \in S_n$, let $Q_\sigma(x_1, \dots, x_n)$ be the sum of all products $x_i x_j$ with $i < j$ which occur in reversed order in the sequence $\sigma^{-1}(1), \dots, \sigma^{-1}(n)$. Observe that the induced action of $S_n$ on $H^k(A^n; \mathbf{Q}_\ell)$ is then given by
\[
\sigma\cdot (c_1 \otimes \dots \otimes c_n) = (-1)^{\varepsilon}\left(c_{\sigma^{-1}(1)} \otimes \dots \otimes c_{\sigma^{-1}(n)}\right) \in \bigotimes_{i=1}^n H^{k_{\sigma^{-1}(i)}}(A; \mathbf{Q}_\ell) \subseteq H^k(A^n; \mathbf{Q}_\ell)
\]
for all $c_1 \otimes \dots \otimes c_n \in \bigotimes_{i=1}^n H^{k_i}(A; \mathbf{Q}_\ell)$ with $\varepsilon = Q_\sigma(k_1, \dots, k_n)$. (See \cite{macdonald}.)
There is a projection $p: H^k(A^n; \mathbf{Q}_\ell) \to H^k(A^n; \mathbf{Q}_\ell)^{S_n}$ given by averaging. For each fixed $(k_1, \dots, k_n)$ with $\sum_{i=1}^n k_i = k$ and $k_1 \geq \dots \geq k_n$, consider the $S_n$-subrepresentation
\[
W_{k_1, \dots, k_n} := \bigoplus_{\sigma \in S_n} \bigotimes_{i=1}^n H^{k_{\sigma(i)}}(A; \mathbf{Q}_\ell) \subseteq H^k(A^n; \mathbf{Q}_\ell).
\]
The summand corresponding to $1 \in S_n$ above can be written as $\bigotimes_{i=0}^4 H^i(A; \mathbf{Q}_\ell)^{\otimes m_i}$ with $m_i = \#\{k_j: k_j = i\}$. The image $p(W_{k_1, \dots, k_n})$ is spanned by the image $p(c)$ of simple tensors $c \in \bigotimes_{i=0}^4 H^i(A; \mathbf{Q}_\ell)^{\otimes m_i}$ and so $p$ restricted to $\bigotimes_{i=0}^4 H^i(A; \mathbf{Q}_\ell)^{\otimes m_i}$ is surjective onto $p(W_{k_1, \dots, k_n})$ with kernel $\langle c - \sigma \cdot c: \sigma \in \prod_{i=0}^4 S_{m_i} \leq S_n\rangle$.
For a transposition $\sigma = (\ell_1 \ell_2) \in S_{m_j} \leq \prod_{i=0}^4 S_{m_i}$ with $\ell_1 > \ell_2$, observe that
\[
Q_\sigma(k_1, \dots, k_n) = k_{\ell_2}k_{\ell_1}+\sum_{\ell = \ell_2+1}^{\ell_1 - 1} k_{\ell}k_{\ell_1}+k_{\ell_2}k_{\ell} = j^2 + \sum_{\ell = \ell_2+1}^{\ell_1 - 1} 2j^2 \equiv j \pmod 2.
\]
This implies that for $i \equiv 0 \pmod 2$,
\[
H^i(A; \mathbf{Q}_\ell)^{\otimes m_i}/\langle c - \sigma \cdot c: \sigma \in S_{m_i} \rangle \cong \Sym^{m_i} H^i(A; \mathbf{Q}_\ell)
\]
and for $i \equiv 1 \pmod 2$,
\[
H^i(A; \mathbf{Q}_\ell)^{\otimes m_i}/\langle c - \sigma \cdot c: \sigma \in S_{m_i} \rangle \cong \bigwedge^{m_i} H^i(A; \mathbf{Q}_\ell).
\]
Combining all of the above,
\begin{align*}
p(W_{k_1, \dots, k_n}) &\cong \bigotimes_{i=0}^4 \left(H^i(A; \mathbf{Q}_\ell)^{\otimes m_i}/\langle c - \sigma \cdot c: \sigma \in S_{m_i} \rangle\right) \\
&\cong \bigwedge^{m_1} H^1(A; \mathbf{Q}_\ell) \otimes \Sym^{m_2}H^2(A; \mathbf{Q}_\ell) \otimes \bigwedge^{m_3} H^3(A; \mathbf{Q}_\ell) \otimes \mathbf{Q}_\ell(-2m_4). \qedhere
\end{align*}
\end{proof}
\begin{lem}
For fixed $k$, $H^k(\mathcal X_2^{\Sym(n)}; \mathbf{Q}_\ell)$ stabilizes for $n \geq k$.
\end{lem}
\begin{proof}
Fix $k\in \mathbf{N}$. For each $n \in \mathbf{N}$, consider the set
\[
S(n) := \left\{(k_0, \dots, k_4) \in \mathbf{N}^5 : \sum_{i=0}^4 ik_i = k, \sum_{i=0}^4 k_i = n\right\}.
\]
If $n \geq k$, then there is a bijection $S(k) \to S(n)$ given by sending each $(k_0, \dots, k_4) \mapsto (k_0 + (n-k), k_1, \dots, k_4)$. Using this bijection and the fact that $\Sym^m H^0(A; \mathbf{Q}_\ell) \cong \mathbf{Q}_\ell$ for any $m \geq 0$, compute for all $n \geq k$ that
\begin{align*}
H^k(A^k; \mathbf{Q}_\ell)^{S_k} &\cong \bigoplus_{(k_0, \dots, k_4) \in S(k)} \bigwedge^{k_1}H^1(A; \mathbf{Q}_\ell) \otimes \Sym^{k_2} H^2(A; \mathbf{Q}_\ell) \otimes \bigwedge^{k_3}H^3(A; \mathbf{Q}_\ell)\otimes \mathbf{Q}_\ell(-2k_4) \\
&\cong \bigoplus_{(k_0, \dots, k_4) \in S(n)} \bigwedge^{k_1}H^1(A; \mathbf{Q}_\ell) \otimes \Sym^{k_2} H^2(A; \mathbf{Q}_\ell) \otimes \bigwedge^{k_3}H^3(A; \mathbf{Q}_\ell)\otimes \mathbf{Q}_\ell(-2k_4) \cong H^k(A^n; \mathbf{Q}_\ell)^{S_n}.
\end{align*}
So for fixed $k$, $H^k(\Sym^n A; \mathbf{Q}_\ell)$ stabilizes for all $n \geq k$.
By Proposition \ref{prop:leray},
\[
H^k(\mathcal X_2^{\Sym(n)}; \mathbf{Q}_\ell) = \bigoplus_{p+q=k} H^p(\mathcal A_2; H^q(\Sym^nA; \mathbf{Q}_\ell)) = \bigoplus_{p+q=k} H^p(\mathcal A_2; H^q(\Sym^k A; \mathbf{Q}_\ell))
\]
where the last equality follows because $q \leq k \leq n$.
\end{proof}
For small $k$, this simplifies the computations for the local systems $H^k(\Sym^n A; \mathbf{Q}_\ell)$.
\begin{prop}\label{prop:example-sym-n}
For all $n \geq 1$,
\begin{align*}
H^0(\Sym^nA; \mathbf{Q}_\ell) &\cong \mathbf{Q}_\ell,\\
H^1(\Sym^nA; \mathbf{Q}_\ell) &\cong \mathbf V_{1,0}.
\end{align*}
For all $n \geq 2$,
\[
H^2(\Sym^nA; \mathbf{Q}_\ell) \cong 2\mathbf{Q}_\ell(-1) \oplus 2\mathbf V_{1,1}.
\]
For all $n \geq 3$,
\[
H^3(\Sym^nA; \mathbf{Q}_\ell) \cong 4\mathbf V_{1,0}(-1) \oplus \mathbf V_{2,1}.
\]
For all $n \geq 4$,
\[
H^4(\Sym^nA; \mathbf{Q}_\ell) \cong 7\mathbf{Q}_\ell(-2) \oplus 4\mathbf V_{1,1}(-1) \oplus 2 \mathbf V_{2,0}(-1) \oplus 2\mathbf V_{2,2}.
\]
For all $n \geq 5$,
\[
H^5(\Sym^nA; \mathbf{Q}_\ell) \cong 10 \mathbf V_{1,0}(-2) \oplus 5 \mathbf V_{2,1}(-1) \oplus \mathbf V_{3,2}.
\]
\end{prop}
\begin{proof}
The necessary facts from the representation theory of $\Sp(4, \mathbf{Z})$ are Lemma \ref{lem:rep-thy-1,0}, Lemma \ref{lem:rep-thy-1,1}, and \cite[Exercise 16.11]{fulton--harris} which says that $\Sym^a V_{1,1} \cong \bigoplus_{k=0}^{\lfloor \frac a2 \rfloor} V_{a - 2k, a - 2k}$ for any $a \geq 0$. Applying these facts to the direct sum given by Lemma \ref{lem:sn-fixed} gives the decomposition into irreducible $\Sp(4, \mathbf{Z})$-representations as claimed. Finally, add appropriate Tate twists as in the proof of Lemma \ref{lem:X2-local-systems}.
\end{proof}
Proposition \ref{prop:example-sym-n} provides the inputs to the computation of the cohomology of $\mathcal X_2^{\Sym(n)}$ in the usual way.
\begin{thm:low-degree-sym-n}
For all $n \geq k$ for $k$ even and for all $n \geq k-1$ for $k$ odd,
\[
H^k(\mathcal X_2^{\Sym(n)}; \mathbf{Q}_\ell) = \begin{cases}
\mathbf{Q}_\ell & k = 0 \\
0 & k = 1, 3 \\
3\mathbf{Q}_\ell(-1) & k = 2 \\
9\mathbf{Q}_\ell(-2) & k = 4 \\
2\mathbf{Q}_\ell(-5) & k = 5
\end{cases}
\]
up to semi-simplification.
\end{thm:low-degree-sym-n}
\begin{proof}
Denote the $(p, q)$-entry on the $E_2$-sheet of the Leray spectral sequence (given by Proposition \ref{prop:leray}) of $\pi^n: \mathcal X_2^{\Sym(n)} \to \mathcal A_2$ by $E_2^{p, q}(n) = H^p(\mathcal A_2; H^q(\Sym^n A))$. This spectral sequence degenerates on the $E_2$-page. Applying Proposition \ref{prop:example-sym-n} and Corollary \ref{cor:petersen} yields $E_2^{p, q}(n)$ for $n \geq q$ and $q = 0$, $2$, $4$, which we record in Figure \ref{fig:Sym-n-spectral-sequence}. Observe also that $E_2^{p, q}(n) = 0$ for all $n \geq 0$ if $q$ is odd or if $p > 4$ by Theorem \ref{thm:petersen}. The theorem now follows directly.
\end{proof}
\begin{figure}
\centering
\includegraphics[width=\textwidth]{Sym-n-spectral-sequence.pdf}
\caption{Some nonzero terms $E_2^{p, q}(n)$ of the Leray spectral sequence for $\pi^n: \mathcal X_2^{\Sym(n)} \to \mathcal A_2$, for $n \geq q$ for $q$ even and for all $n \geq 0$ for $q$ odd. Note that $E_2^{1,q} = 0$ for all $q \geq 0$ and $E_2^{p, q} = 0$ for all $p \geq 4$ and $q = 0, 1, 2, 3$.}
\label{fig:Sym-n-spectral-sequence}
\end{figure}
\subsection{Explicit computations for $n = 2$.}
We compute $H^*(\mathcal X_2^{\Sym(2)}; \mathbf{Q}_\ell)$ completely. We first need the following.
\begin{lem}\label{lem:Sym2-local-systems}
The local systems $H^k(\Sym^2A; \mathbf{Q}_\ell)$ on $\mathcal A_2$ are
\begin{align*}
H^k(\Sym^2A; \mathbf{Q}_\ell) &\cong \begin{cases}
\mathbf{Q}_\ell & k = 0 \\
\mathbf V_{1,0} & k = 1 \\
2\mathbf{Q}_\ell(-1) \oplus 2\mathbf V_{1,1} &k = 2\\
3\mathbf V_{1,0}(-1) \oplus \mathbf V_{2, 1} & k = 3\\
4\mathbf{Q}_\ell(-2) \oplus 2 \mathbf V_{1,1}(-1) \oplus \mathbf V_{2,0}(-1) \oplus \mathbf V_{2, 2} & k = 4 \\
3\mathbf V_{1,0}(-2) \oplus \mathbf V_{2, 1}(-1) & k = 5\\
2\mathbf{Q}_\ell(-3) \oplus 2\mathbf V_{1,1}(-2) &k = 6\\
\mathbf V_{1,0}(-3) & k = 7 \\
\mathbf{Q}_\ell(-4) & k = 8 \\
0 & k > 8.
\end{cases}
\end{align*}
\end{lem}
\begin{proof}
This is a direct computation using Lemma \ref{lem:sn-fixed}.
\end{proof}
As usual, we want to compute $H^p(\mathcal A_2; H^q(\Sym^nA))$ for all $p$, $q \geq 0$. With Lemma \ref{lem:Sym2-local-systems}, this process is completely analogous to that of Sections \ref{sec:universal-surface} and \ref{sec:fiber-powers}. Therefore, we list the results below and omit the explanations.
\begin{thm}\label{thm:sym-2}
The cohomology of $\mathcal X_2^{\Sym(2)}$ is given by
\[
H^k(\mathcal X_2^{\Sym(2)}; \mathbf{Q}_\ell) = \begin{cases}
\mathbf{Q}_\ell & k = 0 \\
0 & k = 1, 3, k > 10 \\
3\mathbf{Q}_\ell(-1) & k = 2 \\
6\mathbf{Q}_\ell(-2) & k = 4 \\
2\mathbf{Q}_\ell(-5) & k = 5 \\
6\mathbf{Q}_\ell(-3) & k = 6 \\
2\mathbf{Q}_\ell(-6) \oplus \mathbf{Q}_\ell(-5)& k = 7 \\
3\mathbf{Q}_\ell(-4) & k = 8 \\
2\mathbf{Q}_\ell(-7) & k = 9 \\
\mathbf{Q}_\ell(-5) & k = 10
\end{cases}
\]
up to semi-simplification.
\end{thm}
\begin{proof}
By Proposition \ref{prop:leray}, there is a spectral sequence with $E_2^{p, q} = H^p(\mathcal A_2; H^q(\Sym^2 A))$ which degenerates on the $E_2$-page and converges to $H^*(\mathcal X_2^{\Sym(2)}; \mathbf{Q}_\ell)$. Using Lemma \ref{lem:Sym2-local-systems} and Corollary \ref{cor:petersen}, we can compute $E_2^{p,q}$ for all $p, q \geq 0$. The results are recorded in Figure \ref{fig:Sym2-spectral-sequence}, from which the theorem follows directly.
\end{proof}
\begin{figure}
\centering
\includegraphics[width=\textwidth]{Sym2-spectral-sequence.pdf}
\caption{The nonzero terms on the $E_2$-page of the Leray spectral sequence for $\pi^2: \mathcal X_2^{\Sym(2)} \to \mathcal A_2$.}
\label{fig:Sym2-spectral-sequence}
\end{figure}
\begin{rmk}
Note for all $n \geq 2$, the $E_2^{p, q}$ term in the spectral sequence for $\mathcal X_2^{\Sym(n)} \to \mathcal A_2$ for $q = 0, 1, 2, 3$ remain stable and are given in the corresponding entries in Figure \ref{fig:Sym2-spectral-sequence}.
\end{rmk}
\section{Arithmetic Statistics}\label{sec:arithmetic-statistics}
In this section, we apply the cohomological results of the previous sections to obtain arithmetic statistics results about abelian surfaces over finite fields. We also discuss the possible applications giving arithmetic statistics about torsion on abelian surfaces using level structures. Finally, we give a different interpretation of the (suitably weighted) point counts of $\mathbf{F}_q$-isomorphism classes obtained in this section as unweighted counts of $\overline \mathbf{F}_q$-isomorphism classes.
Given the \'etale cohomology of a variety over a finite field $\mathbf{F}_q$, one can use the Grothendieck--Lefschetz trace formula to immediately deduce the number of $\mathbf{F}_q$-points on the variety. Even though the spaces $\mathcal X$ studied in this paper are not varieties but rather algebraic stacks, there is fortunately an applicable generalization, the Grothendieck--Lefschetz--Behrend trace formula, which gives the \emph{groupoid cardinality} of their $\mathbf{F}_q$-points.
\begin{defn}
Let $X$ be a groupoid. The \emph{groupoid cardinality} $\#X$ is defined as
\[
\#X = \sum_{x \in X}\frac{1}{\#\Aut(x)}.
\]
\end{defn}
The following definition is necessary in order to state the Grothendieck--Lefschetz--Behrend trace formula.
\begin{defn}
Let $\mathcal X$ be a smooth Deligne--Mumford stack of finite type over $\mathbf{F}_q$. Let $\mathcal X_{\overline \mathbf{F}_q, \text{sm}}$ be the smooth site associated to $\mathcal X_{\overline \mathbf{F}_q}$. The arithmetic Frobenius acting on $H^i(\mathcal X_{\overline \mathbf{F}_q, \text{sm}}, \mathbf{Q}_\ell)$ is denoted by $\Phi_q: H^i(\mathcal X_{\overline \mathbf{F}_q, \text{sm}}, \mathbf{Q}_\ell) \to H^i(\mathcal X_{\overline \mathbf{F}_q,\text{sm}}, \mathbf{Q}_\ell)$. The action of $\Phi_q$ on $\mathbf{Q}_\ell(1)$ is multiplication by $q$. For any $n \in \mathbf{Z}$, the action of $\Phi_q$ on $\mathbf{Q}_\ell(n)$ is multiplication by $q^n$.
\end{defn}
\begin{rmk}
For Deligne--Mumford stacks, the \'etale and smooth cohomology of constructible sheaves coincide (see \cite[Chapter 12]{laumon--moret-bailly}), so we may use them interchangeably. All stacks in this section are Deligne--Mumford stacks over $\mathbf{F}_q$. We will omit the distinction and just write $H^*(\mathcal X; \mathbf{Q}_\ell)$ for \'etale (or smooth) cohomology of $\mathcal X_{\overline \mathbf{F}_q}$.
\end{rmk}
The main tool of this section is the following trace formula.
\begin{thm}[Grothendieck--Lefschetz--Behrend trace formula, {\cite[Theorem 3.1.2]{behrend-inventiones}}]\label{thm:glb-trace}
Let $\mathcal X$ be a smooth Deligne--Mumford stack of finite type and constant dimension over the finite field $\mathbf{F}_q$. Then
\[
q^{\dim \mathcal X} \sum_{k \geq0} (-1)^k (\tr \Phi_q \mid H^k(\mathcal X_{\overline \mathbf{F}_q, \text{sm}}, \mathbf{Q}_\ell)) = \sum_{\xi \in[\mathcal X(\mathbf{F}_q)]} \frac{1}{\#\Aut(\xi)} =: \#\mathcal X(\mathbf{F}_q).
\]
\end{thm}
\subsection{Applying the Grothendieck--Lefschetz--Behrend trace formula.}\label{sec:glb-trace}
In this subsection, we apply the trace formula (Theorem \ref{thm:glb-trace}) to deduce corollaries of the cohomological results of the previous sections. Recall that the interpretation of the $\mathbf{F}_q$-points of each stack in question is given in Section \ref{sec:spaces}. This first count is well-known, but we list it below for completeness.
\begin{thm}
\[
\#\mathcal A_2(\mathbf{F}_q) = q^3 + q^2.
\]
\end{thm}
\begin{proof}
Using Theorem \ref{thm:a2}, apply the trace formula (Theorem \ref{thm:glb-trace}), noting that $\dim \mathcal A_2 = 3$ and that the values $\tr(\Phi_q \mid H^k(\mathcal A_2; \mathbf{Q}_\ell))$ are known.
\end{proof}
The point counts in the rest of this section are new to the best of our knowledge. Although all cohomology computations in the previous sections are only up to semi-simplification, the trace of a linear operator does not change under semi-simplification. Therefore, we apply the trace formula (Theorem \ref{thm:glb-trace}) to the semi-simplification without making this distinction.
\begin{thm}
\begin{align*}
\# \mathcal X_2(\mathbf{F}_q) &= q^5 + 2q^4 + 2q^3 + q^2 - 1,\\
\# \mathcal X_2^2(\mathbf{F}_q) &= q^7 + 4q^{6} + 9q^{5} + 9q^{4} + 3q^{3} - 5q^{2} - 5q -3,\\
\#\mathcal X_2^{\Sym(2)} &= q^7 + 3q^6 + 6q^5 + 6q^4 + 3q^3 - 2q^2 - 2q - 2.
\end{align*}
\end{thm}
\begin{proof}
In all cases, the counts follow from the trace formula (Theorem \ref{thm:glb-trace}). Applying Theorem \ref{thm:universal-surface} and the fact that $\dim \mathcal X_2 = 5$,
\[
\#\mathcal X_2(\mathbf{F}_q) = q^5(1 + 2q^{-1} + 2q^{-2} - q^{-5} + q^{-3}) = q^5 + 2q^4 + 2q^3 + q^2 - 1.
\]
Applying Theorem \ref{thm:2-power-universal-surface} and the fact that $\dim \mathcal X_2^2 = 7$,
\begin{align*}
\#\mathcal X_2^2(\mathbf{F}_q) &= q^7\left(1 + 4q^{-1} + 9q^{-2} - (3q^{-5} + q^{-4}) + 9q^{-3} \right) \\
&\quad +q^7 \left(- (3q^{-5} + 4q^{-6}) + 4q^{-4}-(3q^{-7} + q^{-6}) + q^{-5}\right) \\
&= q^7 + 4q^{6} + 9q^{5} + 9q^{4} + 3q^{3} - 5q^{2} - 5q -3.
\end{align*}
Applying Theorem \ref{thm:sym-2} and the fact that $\dim \mathcal X_2^{\Sym(2)} = 7$,
\begin{align*}
\#\mathcal X_2^{\Sym(2)} &= q^7 \left(1 + 3q^{-1} + 6q^{-2} - 2q^{-5} + 6q^{-3} \right) \\
&\quad+ q^7\left(- (q^{-5} + 2q^{-6}) + 3q^{-4} - 2q^{-7} + q^{-5}\right) \\
&= q^7 + 3q^6 + 6q^5 + 6q^4 + 3q^3 - 2q^2 - 2q - 2 \qedhere
\end{align*}
\end{proof}
We can also piece together the partial information we have about $H^k(\mathcal X_2^n; \mathbf{Q}_\ell)$ and $H^k(\mathcal X_2^{\Sym(n)};\mathbf{Q}_\ell)$ to give an approximation of $\#\mathcal X_2^n(\mathbf{F}_q)$ and $\#\mathcal X_2^{\Sym(n)}(\mathbf{F}_q)$, for fixed $n$ and asymptotic in $q$.
\begin{thm}
For all $n \geq 1$,
\[
\# \mathcal X_2^n(\mathbf{F}_q) = q^{3 + 2n} + \left(\binom{n+1}{2}+1\right)q^{2 + 2n} + \left(\frac{n(n+1)(n^2+n+2)}{8} + \binom{n+1}{2}\right)q^{1 + 2n} + O(q^{2n})
\]
and for all $n \geq 4$,
\[
\# \mathcal X_2^{\Sym(n)}(\mathbf{F}_q) = q^{3+2n} + 3q^{2 + 2n} + 9q^{1 + 2n} + O(q^{2n}).
\]
\end{thm}
\begin{proof}
By Theorem \ref{thm:weights}, for all $p \geq 0$ and $a \geq b \geq 0$,
\[
\lvert\tr(\Phi_q|H^p(\mathcal A_2; \mathbf V_{a, b}))\rvert \leq \dim H^p(\mathcal A_2; \mathbf V_{a,b}) q^{-\frac{p+a+b}{2}}
\]
and so for any $N \geq 0$ such that $N - p \equiv a+b \pmod 2$,
\[
\left\lvert\tr\left(\Phi_q \biggr| H^p(\mathcal A_2; \mathbf V_{a,b})\left(\frac{a + b - (N-p)}{2}\right)\right)\right\rvert \leq \dim H^p(\mathcal A_2; \mathbf V_{a,b}) q^{-N/2}.
\]
For any $N \geq 0$ and $\mathcal X = \mathcal X_2^n$ or $\mathcal X_2^{\Sym(n)}$, this estimate, the trace formula (Theorem \ref{thm:glb-trace}), the properties of the Leray spectral sequence for $\mathcal X \to \mathcal A_2$ (Proposition \ref{prop:leray}), and Proposition \ref{prop:mult-even-odd} imply
\[
\#\mathcal X(\mathbf{F}_q) = q^{3+2n}\left(\sum_{0 \leq k \leq N} (-1)^k\tr\left(\Phi_q | H^k(\mathcal X; \mathbf{Q}_\ell)\right)\right) + O\left(q^{3 + 2n-\frac{N+1}{2}}\right).
\]
For $\mathcal X = \mathcal X_2^n$, applying Theorem \ref{thm:low-degree-computation} with $N = 5$ gives
\[
\#\mathcal X_2^n(\mathbf{F}_q) = q^{3 + 2n} + \left(\binom{n+1}{2}+1\right)q^{2 + 2n} + \left(\frac{n(n+1)(n^2+n+2)}{8} + \binom{n+1}{2}\right)q^{1 + 2n} + O(q^{2n})
\]
and for $\mathcal X = \mathcal X_2^{\Sym(n)}$, the same computation using Theorem \ref{thm:low-degree-sym-n} with $N = 5$ gives
\[
\#\mathcal X_2^{\Sym(n)} = q^{3+2n} + 3q^{2 + 2n} + 9q^{1 + 2n} + O(q^{2n}). \qedhere
\]
\end{proof}
These point counts imply the arithmetic statistics results outlined in Section \ref{sec:introduction} which we discuss for the remainder of this subsection.
\begin{lem}\label{lem:prob-defns}
Define a probability measure $\mathbf P$ on $[\mathcal A_2(\mathbf{F}_q)]$ by
\[
\mathbf P([A_0]) = \frac{1}{\#\mathcal A_2(\mathbf{F}_q)\#\Aut_{\mathbf{F}_q}(A_0)}
\]
for each $\mathbf{F}_q$-isomorphism class $[A_0]\in[\mathcal A_2(\mathbf{F}_q)]$. For fixed $n \geq 1$, the expected value of the number of $\mathbf{F}_q$-points on $n$th powers of abelian surfaces with respect to this probability measure is
\[
\mathbf E[\#A^n(\mathbf{F}_q)] = \frac{\sum_{(A_0, p) \in [\mathcal X_2^n(\mathbf{F}_q)]} \frac{1}{\#\Aut_{\mathbf{F}_q}(A_0, p)}}{\sum_{A_0 \in [\mathcal A_2(\mathbf{F}_q)]} \frac{1}{\#\Aut_{\mathbf{F}_q}(A_0)}} = \frac{\#\mathcal X_2^n(\mathbf{F}_q)}{\#\mathcal A_2(\mathbf{F}_q)}.
\]
Similarly, the expected value of the groupoid cardinality of $\Sym^n A(\mathbf{F}_q)$ is
\[
\mathbf E[\#\Sym^n A(\mathbf{F}_q)] = \frac{\sum_{(\Sym^n A_0, p) \in [\mathcal X_2^{\Sym(n)}(\mathbf{F}_q)]} \frac{1}{\#\Aut_{\mathbf{F}_q}(\Sym^n A_0, p)} }{\sum_{A_0 \in [\mathcal A_2(\mathbf{F}_q)]} \frac{1}{\#\Aut_{\mathbf{F}_q}(A_0)}} = \frac{\#\mathcal X_2^{\Sym(n)}(\mathbf{F}_q)}{\#\mathcal A_2(\mathbf{F}_q)}.
\]
\end{lem}
\begin{proof}
Consider a representative abelian surface $A_0$ in a fixed $\mathbf{F}_q$-isomorphism class $[A_0]$ and let $Z_0 = A_0^n$ or $\Sym^n A_0$. There is an action of $\Aut_{\mathbf{F}_q}(A_0)$ on $Z_0$. For any $p_0 \in Z_0(\mathbf{F}_q)$, its $\mathbf{F}_q$-isomorphism class is precisely its orbit under the action of $\Aut_{\mathbf{F}_q}(A_0)$ and its automorphism group is $\Stab_{\Aut_{\mathbf{F}_q}(A_0)}(p_0)$ if $Z_0 = A_0^n$ and $\Stab_{\Aut_{\mathbf{F}_q}(A_0)}(p_0) \times \Stab_{S_n}(p_0)$ if $Z_0 = \Sym^n A_0$.
Let $N(p_0) = \#\Stab_{S_n}(p_0)$ if $Z_0 = \Sym^n A_0$ and $N(p_0) = 1$ if $Z_0 = A_0^n$. The contribution of $A_0$ (and its corresponding fiber $Z_0$) to the expected value is
\[
\frac{1}{\#\mathcal A_2(\mathbf{F}_q)}\sum_{p_0 \in [Z_0(\mathbf{F}_q)]} \frac{1}{\#\Aut_{\mathbf{F}_q}(Z_0, p_0)} = \frac{1}{\#\mathcal A_2(\mathbf{F}_q)}\sum_{p_0 \in [Z_0(\mathbf{F}_q)]} \frac{\#\Orb(p_0)}{N(p_0)\#\Aut_{\mathbf{F}_q}(A_0)} = \frac{\#Z_0(\mathbf{F}_q)}{\#\mathcal A_2(\mathbf{F}_q)\#\Aut_{\mathbf{F}_q}(A_0)}
\]
where the first equality follows from the orbit-stabilizer theorem and the second follows from the fact that the groupoid cardinality of $\Sym^n A_0(\mathbf{F}_q)$ is $\sum_{p_0 \in \Sym^nA_0(\mathbf{F}_q)} \frac{1}{N(p_0)}$.
\end{proof}
Lemma \ref{lem:prob-defns} and the results of this section immediately imply the statistics given in Section \ref{sec:introduction}; we restate them here for convenience.
\begin{cor:avg-fq-points}
The expected number of $\mathbf{F}_q$-points on abelian surfaces defined over $\mathbf{F}_q$ is
\[
\mathbf E[\#A(\mathbf{F}_q)] = q^2 + q + 1 - \frac{1}{q^3 + q^2}.
\]
\end{cor:avg-fq-points}
Because $\#A^n(\mathbf{F}_q) = \#A(\mathbf{F}_q)^n$ for all abelian surfaces $A$, the following corollary gives asymptotics for all moments of $\#A(\mathbf{F}_q)$ as well as the exact second moment.
\begin{cor:nth-fiber-asymptotic-in-q}
The expected value of $\#A^2(\mathbf{F}_q)$ is
\[
\mathbf E[\#A^2(\mathbf{F}_q)] = q^4 + 3q^3 + 6q^2 + 3q - \frac{5q^2 + 5q + 3}{q^3 + q^2}
\]
and for all $n \geq 1$,
\[
\mathbf E[\# A^n(\mathbf{F}_q)] = q^{2n} + \binom{n+1}{2} q^{2n-1} + \left(\frac{n(n+1)(n^2+n+2)}{8}\right) q^{2n-2} + O(q^{2n-3}).
\]
\end{cor:nth-fiber-asymptotic-in-q}
Recall that $\Sym^n A(\mathbf{F}_q)$ for an abelian surface $A$ and any $n \geq 1$ is the set of $n$-tuples defined over $\mathbf{F}_q$ as tuples, i.e. the $n$ points are permuted by $\Frob_q$.
\begin{cor:sym-asymptotic-in-q}
The expected value of $\#\Sym^2 A(\mathbf{F}_q)$ is
\[
\mathbf E[\#\Sym^2 A(\mathbf{F}_q)] = q^4 + 2q^3 + 4q^2 + 2q + 1 - \frac{3q^2 + 2q + 2}{q^3 + q^2}
\]
and for all $n \geq 4$,
\[
\mathbf E[\#\Sym^nA(\mathbf{F}_q)] = q^{2n} + 2q^{2n-1} + 7q^{2n-2} + O(q^{2n-3}).
\]
\end{cor:sym-asymptotic-in-q}
The fact that we have determined the exact value for the second moment means we can calculate the variance of $\#A(\mathbf{F}_q)$ using Corollary \ref{cor:avg-fq-points}.
\begin{cor:variance}
The variance of $\#A(\mathbf{F}_q)$ is
\[
\Var(\#A(\mathbf{F}_q)) = \mathbf E[\#A^2(\mathbf{F}_q)] - (\mathbf E[\#A(\mathbf{F}_q)])^2 = q^3 + 3q^2 + q - 1 - \frac{3q^2 + 3q + 1}{q^3+ q^2} - \frac{1}{(q^3 + q^2)^2}.
\]
\end{cor:variance}
\subsection{Level structures.}
Let $N \geq 2$ and let $\pi_N: \mathcal X_2[N] \to \mathcal A_2[N]$ be the projection map. By construction, $\pi_1^{\orb}(\mathcal A_2[N])\cong \Sp(4, \mathbf{Z})[N]$. For $N \geq 3$, $\Sp(4, \mathbf{Z})[N]$ is torsion-free, from which it follows that all points in $\mathcal A_2[N]$ have trivial stabilizers and $\pi_1^{\orb}(\mathcal A_2[N]) \cong \pi_1(\mathcal A_2[N])$.
First, all representations of $\Sp(4, \mathbf{Z})[N]$ obtained by restriction of irreducible representations of $\Sp(4, \mathbf{C})$ are still irreducible. In particular, the decomposition given in Lemma \ref{lem:X2-local-systems} also holds for the local system $H^k(A; \mathbf{Q}_\ell)$ on $\mathcal A_2[N]$, obtained by restricting $\Sp(4, \mathbf{Z})$-representations to $\Sp(4, \mathbf{Z})[N]$.
However, the cohomology of local systems on $\mathcal A_2[N]$ is not yet known in general. In the case $N = 2$, many parts of the Euler characteristics of local systems $\mathbf V_{a,b}$ on $\mathcal A_2[2]$ are known and there are conjectures for the rest; this is done in \cite{bergstrom-faber-vandergeer}. Here, we consider the compactly supported Euler characteristics of such local systems, defined
\[
e_c(\mathcal A_2[2]; \mathbf V_{a, b}) := \sum_{k \geq 0} (-1)^k [H^k_c(\mathcal A_2[2]; \mathbf V_{a, b})]
\]
taken in the Grothendieck group of an appropriate category, e.g. the category of mixed Hodge structures or of Galois representations.
\begin{conj}[Bergstr\"om--Faber--van der Geer, {\cite[Section 10]{bergstrom-faber-vandergeer}}]
The compactly supported Euler characteristic of $\mathbf V_{1,1}$ over $\mathcal A_2[2]$ is given by $5\mathbf{Q}_\ell(-3) - 10 \mathbf{Q}_\ell(-2)$. The compactly supported Euler characteristic of $\mathbf V_{0,0}$ over $\mathcal A_2[2]$ is given by $\mathbf{Q}_\ell(-3) + \mathbf{Q}_\ell(-2) - 14 \mathbf{Q}_\ell(-1) + 16\mathbf{Q}_\ell$.
\end{conj}
The cohomology of $\mathcal A_2[2]$ is also computed in \cite[Theorem 5.2.1]{lee--weintraub}. Assuming these two calculations and using the Leray spectral sequence of $\mathcal X_2[2] \to \mathcal A_2[2]$,
\begin{align*}
e_c(\mathcal X_2[2]; \mathbf{Q}_\ell) &= \sum_{k \geq 0}(-1)^k H^k_c(\mathcal X_2[2]; \mathbf{Q}_\ell) = \sum_{p, q \geq 0} (-1)^{p+q} H_c^p(\mathcal A_2[2]; H^q(A; \mathbf{Q}_\ell))\\
&= e_c(\mathcal A_2[2]; \mathbf V_{0,0}) + e_c(\mathcal A_2[2]; \mathbf V_{0,0}(-1)) + e_c(\mathcal A_2[2]; \mathbf V_{0,0}(-2)) + e_c(\mathcal A_2[2]; \mathbf V_{1,1}) \\
&= \mathbf{Q}_\ell(-5) + 2\mathbf{Q}_\ell(-4) - 7 \mathbf{Q}_\ell(-3) - 7 \mathbf{Q}_\ell(-2) + 2\mathbf{Q}_\ell(-1) + 16 \mathbf{Q}_\ell.
\end{align*}
These computations plus a version of the trace formula (Theorem \ref{thm:glb-trace}) for compactly supported cohomology imply that
\begin{align*}
\#\mathcal A_2[2](\mathbf{F}_q) &= q^3 + q^2 - 14 q + 16, \\
\#\mathcal X_2[2](\mathbf{F}_q) &= q^5 + 2q^4 - 7q^3 - 7q^2 + 2q + 16.
\end{align*}
In particular, note that an $\mathbf{F}_q$-point on $\mathcal A_2[N]$ corresponds to an abelian surface $A$ defined over $\mathbf{F}_q$ with an ordered basis of its $N$-torsion defined over $\mathbf{F}_q$. Therefore, careful analysis of the counts $\#\mathcal A_2[2](\mathbf{F}_q)$ and $\#\mathcal X_2[2](\mathbf{F}_q)$ will yield the average number of abelian surfaces over $\mathbf{F}_q$ with $2$-torsion defined over $\mathbf{F}_q$ and the average number of $\mathbf{F}_q$-points on such abelian surfaces.
\subsection{An unweighted interpretation.}\label{sec:unweighted}
The interpretation of $\#\mathcal X(\mathbf{F}_q)$ as a weighted count of $\mathbf{F}_q$-isomorphism classes of objects parametrized by $\mathcal X$ (for $\mathcal X$ any stack considered in this paper) as in the previous subsections is a natural one. However, there is a way to interpret this count as an unweighted one of $\overline \mathbf{F}_q$-isomorphism classes of such objects, for $\mathcal X = \mathcal X_2^n$ for any $n \geq 1$ and $\mathcal X = \mathcal A_2$. We outline the ideas here, although they are standard. (For example, see \cite[Section 5]{van-der-geer--van-der-vlugt} or \cite[Section 10.7]{katz--sarnak} for this in other contexts.)
\begin{thm}[{\cite[Proposition III.1.5]{serre_galois}}]\label{thm:serre-galois}
Let $K/k$ be a Galois extension and let $V$ be a quasiprojective variety defined over $k$. Let $E(K/k, V)$ be the $k$-isomorphism classes of varieties $W$ that become isomorphic to $V$ over $K$. Then there is a canonical bijection
\[
\theta: E(K/k, V) \to H^1(\Gal(K/k); \Aut_K(V)).
\]
In particular, let $\alpha: W \to V$ be a $K$-isomorphism. Define the map
\[
\theta_0: W \mapsto \left(\gamma \mapsto a_\gamma := \alpha^\gamma\circ \alpha^{-1} \in Z^1(\Gal(K/k); \Aut_K(V))\right)
\]
where $\alpha^\gamma := \gamma^{-1} \circ \alpha \circ \gamma$. The map $\alpha \mapsto (\gamma \mapsto a_\gamma)$ descends to $\theta$.
\end{thm}
\begin{rmk}
In our setting, we take $K = \mathbf{F}_q$ and $L = \overline \mathbf{F}_q$, and $V$ to be either a principally polarized abelian surface $(A, \lambda)$, or a tuple $(A, \lambda, p)$ with $p \in A^n(\mathbf{F}_q)$. Let $E(\overline \mathbf{F}_q/\mathbf{F}_q, (A, \lambda, p))$ be the $\mathbf{F}_q$-isomorphism classes of tuples of principally polarized abelian varieties $(A', \lambda')$ and points $p \in (A')^n(\mathbf{F}_q)$. The only issue to check is that the map $\theta$ is still well-defined -- see \cite[p. 157]{milne-abvar}.
\end{rmk}
Fix some $n\in\mathbf{Z}_{\geq 0}$, a principally polarized abelian surface $(A_0, \lambda_0)$ defined over $\mathbf{F}_q$, and a point $p_0 \in A_0^n(\mathbf{F}_q)$. (If $n = 0$, we set $p_0 = \emptyset$.)
\begin{lem}\label{lem:twisted}
Let $\Aut_{\overline \mathbf{F}_q}(A_0, \lambda_0, p_0)$ act on itself by twisted conjugacy,
\[
\varphi \cdot \psi = \varphi^{\Frob_q} \psi \varphi^{-1}.
\]
Let $\varphi_1 \sim \varphi_2$ in $\Aut_{\overline \mathbf{F}_q}(A_0, \lambda_0, p_0)$ if they are in the same orbit. There is a bijection
\[
\tau: Z^1(\Gal(\overline \mathbf{F}_q/\mathbf{F}_q), \Aut_{\overline \mathbf{F}_q}(A_0, \lambda_0, p)) \to \Aut_{\overline \mathbf{F}_q}(A_0, \lambda_0, p)
\]
given by $\tau: (\gamma \mapsto a_\gamma) \mapsto a_{\Frob_q}$ which descends to a bijection
\[
H^1(\Gal(\overline \mathbf{F}_q/\mathbf{F}_q), \Aut_{\overline \mathbf{F}_q}(A_0, \lambda_0, p)) \to \Aut_{\overline \mathbf{F}_q}(A_0, \lambda_0, p)/\sim.
\]
\end{lem}
\begin{proof}
Because $\Gal(\overline \mathbf{F}_q/\mathbf{F}_q)$ is topologically generated by $\Frob_q$, a cocycle $(\gamma \mapsto a_\gamma)$ is determined by the image of $\Frob_q$, given by an arbitrary $a_{\Frob_q} \in \Aut_{\overline \mathbf{F}_q}(\overline A)$. This gives that $\tau$ is a bijection.
Two cohomologous cocycles $\xi_1$ and $\xi_2$ are given by twists by some $ \varphi \in \Aut_{\overline \mathbf{F}_q}(A_0, \lambda_0, p)$, i.e. $\varphi^{\Frob_q} \xi_1(\Frob_q) = \xi_2(\Frob_q) \varphi$, or after rearranging, $\xi_2(\Frob_q) = \varphi^{\Frob_q} \xi_1(\Frob_q) \varphi^{-1}$.
\end{proof}
\begin{prop}
For all $n \geq 0$,
\[
\# \mathcal X_2^n(\mathbf{F}_q) = \#\{\overline \mathbf{F}_q\text{-isomorphism classes of }(A, \lambda, p),\text{ with }p \in A^n(\mathbf{F}_q)\text{, defined over }\mathbf{F}_q\},
\]
where $\mathcal X_2^0 := \mathcal A_2$.
\end{prop}
\begin{proof}
First, fix some $(A, \lambda, p) \in E(\overline \mathbf{F}_q/\mathbf{F}_q, (A_0, \lambda_0, p_0))$ and let $\alpha: A \to A_0$ be an $\overline \mathbf{F}_q$-isomorphism. By definition, $\tau\theta_0(A, \lambda, p) = \alpha^{\Frob_q}\alpha^{-1}$. Take $\varphi \in \Stab(\alpha^{\Frob_q}\alpha^{-1})$ to see that
\[
\alpha^{\Frob_q}\alpha^{-1} = \varphi^{\Frob_q}(\alpha^{\Frob_q}\alpha^{-1})\varphi^{-1} = (\Frob_q^{-1})(\varphi\alpha)(\Frob_q)(\varphi\alpha)^{-1}
\]
which is equivalent to the condition $(\alpha^{-1}\varphi \alpha)\Frob_q = \Frob_q(\alpha^{-1}\varphi\alpha)$, i.e. $\alpha^{-1} \varphi \alpha \in \Aut_{\mathbf{F}_q}(A, \lambda, p)$. Therefore, the stabilizer of $\tau\theta_0(A, \lambda, p)$ under the twisted conjugacy action of $\Aut_{\overline \mathbf{F}_q}(A_0, \lambda_0, p_0)$ is the subgroup $\alpha \Aut_{\mathbf{F}_q}(A, \lambda, p) \alpha^{-1}$ and $\#\Stab(\tau\theta_0(A, \lambda, p)) = \#\Aut_{\mathbf{F}_q}(A, \lambda, p)$.
Consider the following computation.
\begin{align*}
\sum_{(A, \lambda, p)} \frac{1}{\#\Aut_{\mathbf{F}_q}(A, \lambda, p)} &= \sum_{(A, \lambda, p)} \frac{1}{\#\Stab(\tau\theta_0(A, \lambda, p))}\\
&= \sum_{\varphi \in \Aut_{\overline \mathbf{F}_q}(A_0, \lambda_0, p_0)/\sim} \frac{1}{\#\Stab(\varphi)} \quad\quad\text{by Theorem \ref{thm:serre-galois} and Lemma \ref{lem:twisted}}\\
&= \sum_{\varphi \in \Aut_{\overline \mathbf{F}_q}(A_0, \lambda_0, p_0)/\sim} \frac{\#\Orb(\varphi)}{\#\Aut_{\overline \mathbf{F}_q}(A_0, \lambda_0, p_0)} \\
&= \frac{1}{\#\Aut_{\overline \mathbf{F}_q}(A_0, \lambda_0, p_0)} \sum_{\varphi \in \Aut_{\overline \mathbf{F}_q}(A_0, \lambda_0, p_0)/\sim}\#\Orb(\varphi) \\
&= 1.
\end{align*}
The sum in the first line above is over $E(\overline \mathbf{F}_q/\mathbf{F}_q, (A_0, \lambda_0, p_0))$. Then
\begin{align*}
\#\mathcal X_2^n(\mathbf{F}_q) &= \sum_{(A, \lambda, p)\in \mathcal X_2^n(\mathbf{F}_q)} \frac{1}{\#\Aut_{\mathbf{F}_q}(A, \lambda, p)} \\
&= \sum_{(A_0, \lambda_0, p_0) \in \mathcal X_2^n(\overline \mathbf{F}_q)} \left(\sum_{(A, \lambda, p) \in E(\overline \mathbf{F}_q/\mathbf{F}_q, (A_0, \lambda_0, p_0))} \frac{1}{\#\Aut_{\mathbf{F}_q}(A, \lambda, p)} \right)\\
&= \sum_{(A_0, \lambda_0, p_0) \in \mathcal X^n(\overline \mathbf{F}_q)} 1 \\
&= \#\{\overline \mathbf{F}_q\text{-isomorphism classes of }(A, \lambda, p),\text{ with }p \in A^n(\mathbf{F}_q)\text{, defined over }\mathbf{F}_q\}.\qedhere
\end{align*}
\end{proof}
\bibliographystyle{alpha}
|
\section{Natural Language and its Processing}
The term {\it natural language} refers to any system of symbolic communication (spoken, signed or written) that has evolved naturally in humans without intentional planning and design. This distinguishes natural languages such as Arabic and Japanese from artificially constructed languages such as Esperanto or Python. Natural language processing (NLP), also called computational linguistics or human language technologies, is the sub-field of artificial intelligence (AI) focused on modeling natural languages to build applications such as speech recognition and synthesis, machine translation, optical character recognition, sentiment analysis, question answering, dialogue systems, etc. NLP is a highly interdisciplinary field with connections to computer science, linguistics, cognitive science, psychology, mathematics and others.
Some of the earliest AI applications were in NLP (e.g., machine translation), the last decade (2010-2020) in particular has witnessed an incredible increase in quality matched with a rise in public awareness, use and expectations of what may have seemed like science fiction in the past. NLP researchers pride themselves on developing language independent models and tools that can be applied to all human languages, e.g. machine translation systems can be built for a variety of languages using the same basic mechanisms and models. However, the reality is that some languages do get more attention (e.g., English and Chinese) than others (e.g., Hindi and Swahili). Arabic, the primary language of the Arab world and the religious language of millions of non-Arab Muslims is somewhere in the middle of this continuum. Arabic NLP has many challenges, but has also seen many successes and developments.
Next we discuss Arabic's main challenges as a necessary background, and then we present a brief history of Arabic NLP. We then survey a number of its research areas, and close with a critical discussion of the future of Arabic NLP.
\section{Arabic and its Challenges}
Arabic today poses a number of modeling challenges for NLP: morphological richness, orthographic ambiguity, dialectal variations, orthographic noise, and resource poverty.
We do not include issues of right-to-left Arabic typography, which is a effectively solved problem (that is not universally implemented).
\textbf{Morphological Richness}
Arabic words have numerous forms resulting from a rich inflectional system that includes features for gender, number, person, aspect, mood, case, and a number of attachable clitics. As a result, it is not uncommon to find single Arabic words that translate into five-word English sentences: <wasayadrusuwnahA> {\it wa+sa+ya-drus-uuna+ha} `and they will study it'. This challenge leads to a higher number of unique vocabulary types compared to English, which is can challenging for machine learning model.
\textbf{Orthographic Ambiguity}
The Arabic script uses diacritical marks to represent short vowels and other phonological information than is important to distinguish words from each other. However, these marks are almost never used outside of religious texts and children's literature, which leads to a high degree of ambiguity for words outside of their context. Educated Arabs do not usually have a problem with reading undiacrtized Arabic, but it is a challenege for Arabic learners.
This out-of-context ambiguity in Standard Arabic leads to a staggering 12 analyses per word on average: e.g. the readings of the word <ktbt> {\it ktbt} (no diacritics) includes <katab"tu> {\it katabtu} `I wrote',
<katabat"> {\it katabat} `she wrote', and the quite semantically distant
<katibat> {\it ka+tibat} `such as Tibet'.
\textbf{Dialectal Variation}
Arabic is also not a single {\it language} but rather a family of historically linked varieties, among which Standard Arabic is the official language of governance, education and the media, while the other varieties, so-called dialects, are the languages of daily use in spoken, and increasingly written, form. Arab children grow up learning their native dialects, such as Egyptian, Levantine, or Gulf Arabic, which have their own grammars and lexicons that differ from each other and Standard Arabic. For example, the word for `car' is <sayyAraT> {\it sayyaara} in Standard Arabic, <`arabiyyaT> {\it arabiyya} in Egyptian Arabic, <karih"baT> {\it karihba} in Tunisian Arabic, and <mawtar> {\it motar} in Gulf Arabic.
The differences can be significant to the point that using Standard Arabic tools on dialectal Arabic leads to quite suboptimal performance.
\textbf{Orthographic Inconsistency}
Standard and dialectal Arabic are both written with a high degree of spelling inconsistency, especially on social media:
32\% of words in MSA comments online have spelling errors \cite{Zaghouani:2014:large}; and dialectal Arabic
has no official spelling standards, although there are efforts to develop such standards computationally \cite{Habash:2018:unified}.
Furthermore, Arabic can be encountered online written in other scripts, most notably, a romanization called Arabizi that attempts to capture the phonology of the words \cite{Darwish:2014:arabizi}.
\textbf{Resource Poverty}
Data is the bottleneck of NLP: this is true for rule-based approaches that need lexicons and carefully created rules; and for ML approaches that need corpora and annotated corpora.
Unannotated corpora of text are quite plentiful in Arabic and have been used successful to build neural language models such AraBert \cite{antoun2020arabert}.
However, Arabic morphological analyzers and lexicons as well as annotated and parallel data in non-news genre and in dialects are limited.
While none of the above-mentioned issues are unique to Arabic, their combination creates a particularly challenging situation for research and development in NLP.
\section{A Brief History of NLP in the Arab World}
Historically, Arabic NLP can be said to have gone through three waves. The first wave was in the early 1980's with the introduction of Microsoft MS-DOS 3.3 with Arabic language support \cite{rippin1991arabic}. In 1985 the first Arabic morphological analyzer was developed by Sakhr company. During the same year there was a symposium in Kuwait for Arabic and computers, where most of the presented research focused on morphological analysis of Arabic text and the use of rule-based approach in Arabic NLP. Sakhr has also continued leading research and development in Arabic computational linguistics by developing the first syntactic and semantic analyzer in 1992 and Arabic optical character recognition in 1995. Sakhr has also produced many commercial products and solutions including Arabic to English machine translation, Arabic text-to-speech (TTS), and Arabic search engine. This period almost exclusively focused on Standard Arabic with a few exceptions related to work on speech recognition \cite{Gadalla:1997:callhome}.
The second wave was during the years 2000-2010. Arabic NLP gained increasing importance in the Western world especially after September 11.
The USA especially funded large projects for companies and research centers to develop NLP tools for Arabic and its dialects including: machine translation, speech synthesis and recognition, information retrieval and extraction, text to speech and named entity recognition \cite{farghaly2009arabic,Habash:2010:introduction}.
Most of the developed systems in that period used machine learning (ML) which was on the rise in the field of NLP as a whole. In principle, ML required far less linguistic knowledge than rule-based approaches, and was fast and more accurate. However it needed a lot of data, some of which was not easy to collect, e.g. dialectal Arabic to English parallel texts. Arabic's rich morphology exacerbated the data dependence further. So, this period saw some successful instances of hybrid systems that combine rule-based morphological analyzers with ML disambiguation which relied on the then newly created of the Penn Arabic Treebank \cite{Maamouri:2004:patb,Habash:2005:MADA}. The leading universities, companies and consortium at the time were: Columbia University, University of Maryland, IBM, and LDC. Also, the MEDAR consortium was established 2008 for cooperation between Arabic and European Union countries for developing Arabic language resources.
The third wave started 2010, when the research focus on Arabic NLP came back to the Arab world. This period witnessed a proliferation of Arab researchers and graduate students interested in Arabic NLP and an increase in publications in top conferences from the Arab world. Active universities include New York University Abu Dhabi (UAE), American University in Beirut (Lebanon), King Saud University (KSA), Cairo University (Egypt), etc. And active research centers include Qatar Computing Research Institute (Qatar), King Abdulaziz City for Science and Technology (KSA), etc.
This period also overlapped with two major independent developments: one is the rise of deep learning and neural models and the other is the rise of social media. The first development affected the direction of research pushing it further into ML space; and the second led to the increase in social media data, which introduced many new challenge in a larger scale: more dialects, and more noise.
This period also witnessed a welcome increase in Arabic language resources and processing tools, and a heightened awareness of the importance of AI for the future of the region -- e.g. the UAE now as a ministry for AI specifically.
Finally, new young and ambitious companies such as Mawdoo3 are competing for a growing market and expectations in the Arab world.
It's important to note that throughout the different waves, research of different backgrounds (Arab and non-Arab) contributed and continue to contribute to the developments in the Arabic NLP.
\section{Arabic Tools and Resources}
introduce
Enabling vs applications
rule-stat-deep
define, exemplify, related to challenges, highlight specific efforts
\subsection{Arabic Enabling Technologies}
Proposed areas:
\subsubsection{Corpora and Lexicons}
A majority of Dialectal Arabic computational efforts have targeted creating resources for country or regionally specific dialects~\cite{Gadalla:1997:callhome,diab2010colaba,al2012yadac,Salama:2014:youdacc,sadat-kazemi-farzindar:2014:SocialNLP,Smaili:2014:building,Jarrar:2016:curras,Khalifa:2016:large,Al-Twairesh:2018:suar,el2020habibi}.
There are several resources that are used across a wide variety of NLP problems. The most notable resource is the Penn Arabic Treebank (PATB) \cite{Maamouri:2004:patb}, which provides a relatively large Arabic corpus that is morphologically analyzed, segmented, lemmatized, tagged with fine-grained parts of speech, diacritized, and parsed. PATB has enabled much of the Arabic NLP research since its creation. Other important corpra include the Agence France Press document collection, which is composed of 383k articles and was used heavily for Arabic information retrieval evaluation, and a variety of large Arabic corpora such the Arabic Gigaword \url{https://catalog.ldc.upenn.edu/LDC2011T11}, Arabic Wikipedia, and Abu El-Khair corpus \cite{el20161}, which is composed to 1.5B words.
The success of deep learning approach in English NLP and the prevalence of the use of word embedding models such as word2vec \cite{Mikolov2013} and GloVe \cite{Pennington2014}, quickly had an effect on Arabic NLP \cite{al2015deep} with the appearance of several models such as AraVec \cite{Soliman2017} and Mazajak \cite{farha2019mazajak}. This new direction, resulted in improved performance for NLP task with little or no feature engineering. Another shift is currently in the making with the appearance of Arabic contextualized embeddings \cite{antoun2020arabert,safaya2020kuisail,lan2020gigabert}.
Contextualized embeddings, such as BERT \cite{bert}, revealed promising possibilities for improving many Arabic NLP problems. At the time of writing this article, a handful of contextualized embedding models are known to support Arabic including BERT Multilingual\cite{bert}, Arabic BERT\cite{safaya2020kuisail}, AraBERT\cite{antoun2020arabert}, and more recently GigaBert \cite{lan2020gigabert}. However, none of these models has wide Arabic dialect coverage.
\subsubsection{Morphological Processing}
Tokenization, analysis, disambiguation, diacritization
Part of Speech Tagging (POS) is the process of assigning parts of speech, such as noun, verb, or adjective, to each word (or token) given its context within a sentence. POS tagging is often required for downstream NLP tasks such as parsing. There are three approaches typically used for part of speech tagging, namely: (1) rule-based; (2) statistical; and (3) deep learning.
There are several Arabic POS tag sets that have been developed for different purposes based upon the tagging objective \cite{alqrainy2020towards}. Some of the most widely known tag sets include PATB, CATiB and Khoja tag sets \cite{habash2010book}. There are several Arabic POS taggers from commercial companies, such as Sakhr and RDI, and research labs and universities such as Farasa, Stanford, and MADAMIRA \cite{darwish2017arabic}.
Farasa POS tagger uses 16 tags of PATB simplified tags set \cite{darwish2017arabic}.
\subsubsection{Syntactic Processing}
Syntactic parsing is the process of generating a parse tree for a sentence. Parse trees have two main representations, namely constituency and dependency trees. The constituency-based syntactic trees, also known as a phrase-structure trees, partition sentences into sub-constituents (phrases), where non-terminals are constituents (ex. prepositional phrase) and terminals are words. As for dependency trees, a sentence is represented in a tree with an independent node as a root and each of the other words depends on exactly one word as its syntactic head. The arcs between the head and the dependents have relation or function labels. For example, in the sentence ``he left'', the head is the verb ``left'' and ``he'' is dependent on the head with a ``subject of'' relationship.
The most popular Arabic syntactic parsers for Arabic are: Stanford, Farasa, and Camel. Stanford is a statistical parser from the Stanford Natural Language Processing Group that can parse English, German, Arabic and Chinese. For Arabic, it uses a probabilistic context free grammar that was developed based on PATB \cite{Green:2010:better}. Updated versions of the parser use a shift-reduce algorithm \cite{zhu2013fast} and neural transition-based dependency parsing \cite{chen2014fast}. Farasa is an Arabic NLP toolkit that provides syntactic constituency and dependency parsing \cite{zhang2015randomized}. Similar to Stanford, Farasa was tuned for the news domain in MSA. CamelParser is a dependency parser trained on CATiB using MaltParser, which is a language-independent and data-driven dependency parser \cite{Shahrour:2016:camelparser}.
\subsubsection{Named Entity Recognition}
Named Entity recognition (NER) is the task of identifying one or more consecutive words in text that refer to objects that exist in the real-world (named entities), such as organizations, persons, locations, brands, products, foods, etc. Named entity recognition is essential for extracting structured data from an unstructured text, relationship extraction, ontology population, classification, machine translation, question answering, and other applications.
Unlike English, where named entities, such as person names, are capitalized, Arabic lacks casing, which complicates Arabic NER. Further, Arabic named entities often correspond to Arabic adjectives or nouns. For example, the Arabic names 'Jameela' and 'Adel' are also the common adjectives `beautiful' and `just'. This inherent ambiguity means that matching entries in named entity gazetteers is highly error prone. A comprehensive list of other challenges can be found in \cite{Shaalan:2014:survey}.
Traditionally, Arabic NER approaches included the use of hand-crafted heuristics, machine learning, and a hybrid of both \cite{Shaalan:2014:survey} with heavy reliance on gazetteers \cite{Benajiba:2008:arabic}. Recent approaches exploited cross-lingual links between Arabic and English knowledge bases to expand Arabic gazetteers and to carry over capitalization from English to Arabic \cite{darwish2013named}. Much of the earlier work on Arabic NER focused on formal text, typically written in MSA, and applying models that are trained on MSA on social media text, which becoming more ubiquitous and much of which is dialectical, led to unsatisfactory results \cite{darwish2014simple}. The aforementioned Arabic NER challenges suggest that understanding the context in which a word appears can address linguistic ambiguity and significantly improve NER.
Contextualized embeddings and other deep learning approaches such as sequence to sequence models and convolutional neural networks have led to improved results for Arabic NER \cite{ali2019boosting,DBLP:journals/csl/KhalifaS19,liu-etal-2019-arabic,Obeid:2020:cameltools}. It is expected that the use of contextualized embeddings trained on larger corpora of varying Arabic dialects, coupled with the use of deep learning models is likely to contribute positively to Arabic NER.
\subsubsection{Dialect Identification}
Arabic dialect identification (DID) is the task of automatically identifying the dialect of a particular segment of speech or text of any size (i.e., word, sentence, or document). This task has attracted increasing attention in the NLP research field. For instance, several evaluation campaigns were dedicated to discriminating between language varieties~\cite{malmasi-EtAl:2016:VarDial3,zampieri-EtAl:2017:VarDial,zampieri-EtAl:2018:VarDial}. This is not surprising considering the importance of automatic DID for several NLP tasks, where prior knowledge about the dialect of an input text can be helpful for applications, such as machine translation~\cite{salloum-EtAl:2014:P14-2}, sentiment analysis~\cite{altwairesh-alkhalifa-alsalman:2016:P16-1}, or author profiling~\cite{sadat-kazemi-farzindar:2014:SocialNLP}.
The expansion into multi-dialectal data sets and models to identify them was initially done at the regional level
\cite{Biadsy:2009:using,zaidan2011arabic,Elfardy:2014:aida,Bouamor:2014:multidialectal,darwish-sajjad-mubarak:2014:EMNLP2014,Meftouh:2015:machine,7982330}.
The Multi Arabic Dialects Application and Resources (MADAR) project aimed to create finer grained dialectal corpus and lexicon \cite{Bouamor:2018:madar}. The data was used for dialectal identification at the city level \cite{Salameh:2018:fine-grained,obeid-etal-2019-adida} of 25 Arab cities. The main issue with that data is that it was commissioned and not naturally occurring. Concurrently, larger Twitter-based datasets covering 10-21 countries were also introduced~\cite{abdelali2020arabic,Abdul-Mageed:2018:you,Mubarak:2014:using,Zaghouani:2018:araptweet}. The Nuanced Arabic Dialect Identification (NADI) Shared Task~\cite{mageed-etal-2020-nadi} followed earlier pioneering works by providing country-level dialect data for 21 Arab countries, and introduced a province-level identification task aiming at exploring a total of 100 provinces across these countries.
\subsubsection{Infrastructure}
Arabic NLP has made significant progress with the development of several tools and resources, such as POS taggers, morphological analyzers, text classifiers, and parsers. However, there is a limited number of homogeneous and flexible Arabic toolkits that gathers these components.
The need for such toolkits led to the development of multi-lingual infrastructures such as GATE\footnote{https://gate.ac.uk}, Stanford CoreNLP \footnote{\url{https://stanfordnlp.github.io/CoreNLP/}} and UIMA\footnote{https://uima.apache.org/d/uimaj-current/index.html}.
Such offer researchers easy access to several tools, eliminating the need to develop them from scratch every time. In the case of Arabic, some available infrastructures include, among others, ATKS\footnote{https://www.microsoft.com/en-us/research/project/arabic-toolkit-service-atks/}, AraNLP \cite{althobaiti2014aranlp}, MADAMIRA \cite{pasha2014madamira}, Farasa, and ArabiTools\footnote{https://www.arabitools.com/}.
CAMeL Tools\footnote{\url{https://github.com/CAMeL-Lab}}, is a collection of open-source tools, developed in Python, that supports both MSA and Arabic dialects. It currently provides utilities for pre-processing, morphological modeling, dialect identification, named entity recognition and sentiment analysis. CAMeL Tools provides command-line interfaces (CLIs) and application programming interfaces (APIs) covering these utilities.
Farasa\footnote{http://qatsdemo.cloudapp.net/farasa/} is a collection of Java libraries and CLIs for MSA. These include separate tools for diacritization, segmentation, POS tagging, parsing, and NER. This allows for a more flexible use of components compared to MADAMIRA.
SAFAR\footnote{http://arabic.emi.ac.ma/safar/} is a Java-based framework bringing together all layers of ANLP: resources, pre-processing, morphology, syntax and semantics. The general idea behind SAFAR is to gather, within a single homogeneous infrastructure, the already developed and available Arabic tools. In addition to facilitating access to such tools, the platform enables comparing tools’ performance. All tools within SAFAR are standardized according to several Java interfaces, therefore users can add new implementations and also easily create customized pipelines.
A feature comparison of some Arabic infrastructures can be found in \cite{obeid2020camel} while a more detailed survey and a software engineering comparative study can be found in \cite{jaafar2018survey}. Whatever the specific choice a researcher might make, the trend to use infrastructures more extensively will significantly save time and change the way Arabic applications are designed and developed.
\subsection{Arabic Applications}
\subsubsection{Sentiment and Emotion Analysis}
Sentiment analysis (SA), aka opinion mining, is the task of identifying the
affective states and subjective information in a text. For example, a
movie review such as <A.hsn fylm alsanaT dy!> `the best movie this
year!' is said to indicate a positive sentiment.
SA is a very powerful tool for tracking customer satisfaction, carrying out competition analysis,
and generally gauging public opinion towards a specific
issue, topic, or product.
SA has attracted a lot of attention in the Arabic research community during the
last decade, connected with the availability of large volumes of opinionated and
sentiment reflecting data from Arabic social media.
Early Arabic SA efforts focused on the creation of needed resources
such as sentiment lexicons, training datasets, and sentiment treebanks \cite{
Abdul-Mageed2012,Mourad2013,Badaro2014,ElSahar2015,
Refaee2014,salameh-mohammad-kiritchenko:2015:NAACL-HLT,Shoukry2015,
Khalil2015,Eskander2015,El-Beltagy2016,baly2017sentiment}, as well as
shared task benchmarks \cite{SemEval:2017:task4,SemEval2018Task1}.
Arabic SA solution span a range of methods from now convential use of
rules and lexicons
\cite{El-Beltagy2013,Badaro:2014:large,Abdul-Mageed:2014:sana}
to machine learning based methods
\cite{abu-farha-magdy-2019-mazajak,badaro-etal-2018-ema,Baly:2017:sentiment},
as well as hybrid approaches employing morpholgical and syntactic
features \cite{al2019enhancing}. Recently, fine-tuning large pre-trained language models has achieved
improved Arabic SA results
\cite{antoun2020arabert,abdulmageed2020microdialect}.
\cite{badaro2019survey} presents a comprehensive survey on the status
of sentiment analysis in Arabic and the future directions.
\subsubsection{Pedagogical Applications}
Pedagogical applications of Arabic NLP can be divided into three general areas: computer-assisted language learning systems based on NLP techniques, readability assessment of Arabic texts, and corpus-building efforts in support of language learning for learners of Arabic as a first language (L1) or as a foreign or second language (L2). Pedagogical applications focus on four major skills, namely reading, writing, listening, and speaking. For Arabic, such applications have solely focused on the Modern Standard variety of Arabic (MSA) with no application targeting dialectal varieties.
\textit{Computer-Assisted Language Learning (CALL) Systems}
The earliest CALL system can probably be attributed to \cite{shaalan2005intelligent} \cite{shaalan2006error}. The software included morphological, syntax, and error analyzers to issue feedback to the learner. The system used grammar and linguistic analysis rules to help learners identify and correct a variety of errors, based on the instructor entering a single correct answer to an exercise.
More recent work by \cite{mahmoud2016intelligent} used production rules to provide tutoring on Arabic grammar. The work was extended \cite{mahmoud2018multiagents} to use a multi-agent tutoring system that simulate the instructor, the student, the learning strategy, a log book to monitor progress, and a learning interface. Another approach focused on reading \cite{maamouri2012developing} where the reading experience is enriched with concordances, text-to-speech (TTS), morpho-syntactic analysis, and auto-generated quiz questions.
\paragraph{Readability Assessment of MSA Texts } Text readability can be defined as the ability of a text to be read and understood by its reader in an acceptable amount of time and effort given the characteristics of the reader (skills, knowledge, interests), text characteristics (lexical richness, grammatical complexity, genre, etc.), and reader-text interaction. Learning to read MSA is somewhat akin to reading a foreign tongue due to its lexical and syntactic divergence from people's native dialects.
For L1 readability, There has been multiple attempts to formulate readability scores using easy-to-extract text characteristics and statistically estimated parameters based on reference corpora \cite{c-s2018review}. One striking characteristic of these measures is that they used a limited number of language-independent variables such as text length, average word length, and average sentence length. Further measures, incorporated other parameters such as the number of syllables in words, the relative rarity or absence of dialectal alternatives, and the presence of less common letters \cite{el-haj-rayson-2016-osman}.
An alternative approach, particularly for L2, entails using supervised learning to automatically classify the readability levels of texts using supervised classification methods such as Support Vector Machines (SVMs) \cite{ alkhalifa2010arability,alTamimi2014AARI} and decision trees \cite{c-s2014elmezouar}. The classifiers would look at different features, such as surface, morphological, lexical, and syntactic features, of the text along with the reader's exposure to the vocabulary in earlier readings.
Although clear progress has been made for both L1 and L2 readability assessment, machine learning techniques are still not able to give fine-grained discrimination of the difficulty of texts. We believe that there are a few fundamental reasons for this can be attributed to the dearth of reliable computational tools and corpora -- compared to English -- with available ones being strongly task dependent. Most the current work has focused on L1 readers with particular emphasis on grade school curricula \cite{Al-Ajlan2008,alkhalifa2010arability,alTamimi2014AARI}. There are unfortunately questions about the suitability of these curricula to student \cite{usaid2015}, and there is a push to inform the enhancement of curricula using pedagogical tools and to compare curricula across Arab countries \cite{al-sulaiti-etal-2016-compilation,mubarak2020curricula}. The L2 pedagogical applications are even more limited with limited corpora \cite{maamouri2012developing} with disproportionate focus on beginners\footnote{https://learning.aljazeera.net/en}. There is a definite need for augmenting these corpora in a reasoned way, taking into consideration different text features and learners, both young and old, beefing up the sparsely populated levels with authentic material, and exploiting technologies such as text simplification and text error analysis and correction. Learner corpora, which as the name suggests are produced by learners of Arabic can inform the creation of tools and corpora \cite{Alfaifi2014ArabicLC,alkanhal2012kacstc,alotaibi2017parallel,habash2017qalb,rytting-etal-2014-arcade}.
\subsubsection{Dialogue Systems}
Automated dialog systems capable of sustaining a smooth and natural conversation with users have attracted considerable interest from both research and industry in the past few years. This technology is changing how companies engage with their customers among many other applications. While commercial dialog systems such as Amazon Alexa, Google Home and Apple Siri support many international languages, only Apple Siri supports Arabic with limited performance. On the other hand, there is an important body of research work on English language dialog systems. Current NLP methods for Arabic language dialogue, action classification or semantic decoding is mostly based on handcrafted rule-based systems and methods that use feature engineering \cite{alhumoud2018arabic}. Indeed, as explained in previous sections, Arabic language texts have a lot of challenges, such as the complexity of Arabic grammar, a high degree of ambiguity, orthographic variations, and the existence of multiple dialects.
Among the earliest research works on Arabic dialog application is the Quran chatbot \cite{shawar2004arabic} where the conversation length is short since the system answers a user inputer with a single response. It uses a retrieval-based model as the dataset is limited by the content of the Quran. More recently, and following current trends, \cite{bashir2018implementation} presented an approach that uses deep learning techniques for text classification and Named Entity Recognition to build a natural language understanding module -- the core component of any dialogue system -- for the domain of home automation in Arabic. Other works have focused on developing dialog systems for the case of Arabic dialects. For instance, \cite{ali2016botta} developed an Egyptian chatbot, named BOTTA, that is publicly available for users who want to chat with it online. Also, \cite{alnabiha} built “Nabiha” a chatbot that can carry out conversation with Information Technology students in the Saudi Arabic dialect. As a whole, with these limited efforts, Arabic dialogue systems technology is still in an infancy stage. There is a great need to develop new advanced NLP understanding and speech recognition modules for Arabic language users.
\subsubsection{Content Moderation on Social Media}
Typically, news websites and online forums do not allow posting user comments that contain offensive language, hate speech, cyber-bullying, and spam among other types of inappropriate or dangerous content\footnote{ex: \url{https://www.bbc.co.uk/usingthebbc/terms/what-are-the-rules-for-commenting/}}. Although social media platforms like Facebook and Twitter have similar rules to protect users from harmful content, many posts violate these rules. Such content cannot be easily detected given the huge volume of posts, dialectal variations, creative spelling on social media, and the scarcity of available data and detection tools.
This area is relatively new for Arabic. One of the more active areas has to do with the detection of offensive language, which covers targeted attacks, vulgar and pornographic language, and hate speech. Initial work was performed on comments from a news site and limited numbers of tweets (1.1k) \cite{mubarak2017abusive} and YouTube comments \cite{alakrot2018towards}. Some works focused on adult content \cite{Alshehri2018ThinkBY} and others on hate speech \cite{albadi2018they,al2019detection}. SemEval2020 and the workshop on Open-Source Arabic Corpora and Processing Tools included shared tasks on the automatic detection of such language using a labeled set of 10k tweets \cite{mubarak-etal-2020-overview}. A myriad of classifiers were used for this task including SVMs, recurrent neural networks, and transformer models. Work on spam detection on Twitter is nascent and much work is required \cite{mubarak2020spam}.
\subsection{Arabic Information Retrieval}
With the increasing volume of Arabic content, information retrieval has become a necessity for many domains such as medical records, digital libraries, web content, and news. The main research interests have focused on retrieval of formal language, mostly in the news domain, with ad hoc retrieval, OCR document retrieval, and cross-language retrieval. The literature on other aspects of retrieval continues to be sparse or non-existent, though some of these aspects have been investigated by industry. Others aspects of Arabic retrieval that have received some attention include document image retrieval, speech search, social media and web search, and filtering \cite{darwish2014arabic}. However, efforts on different aspects of Arabic retrieval continue to be deficient and severely lacking behind efforts in other languages. Examples of unexplored problems include searching Wikipedia, which contains semi-structured content, religious text, which often contain semi-structured data such chains of narrations, rulings, and commentaries, Arabic forums, which are very popular in the Arab world and constitute a significant portion of the Arabic web, and poetry. To properly develop algorithms and methods to retrieve such content, standard test sets and clear usage scenarios are required. We also opine that recent improvements in contextual embeddings can positively impact the effectiveness of many retrieval tasks.
Another IR related problem is question answering, which comes in many flavors, the most common of which is trying to attempting to identify a passage or a sentence that answers a question. Performing such a task may employ a large set of NLP tools such as parsing, NER, co-reference resolution, and text semantic representation. There has been limited research work on this problem \cite{IEEE:mawdoo3/deep2019,romeo2019language} and existing commercial solutions such as \url{Ujeeb.com} are rudimentary.
\section{Future Outlook}
Arabic NLP has many challenges, but it has also seen many successes and developments over the last 40 years. We are optimistic by its continuously positive albeit (at times) slow development arc.
If we are to imagine the next decade or two of Arabic NLP, we expect a large growth in the market for Arabic NLP in the Arab World. This is consistent with the global rising demands and expectations for language technologies and the increase in research and development in the Arab world in this area.
To support this vision, we believe it is time to have an association for Arabic language technologists that brings together talent and resources and sets standards for the Arabic NLP community. Such an organization can support NLP education in the Arab world and serve as a hub for resources (data and tools). We also recommend more open source tools and public data are made available to create a basic development framework that lowers the threshold for joining the community, thus attracting more talent that will form the base of the next generation of Arabic NLP researchers, developers and entrepreneurs.
\section{Introduction}
\section{What is Natural Language Processing?}
Written language could be defined as a thought communication script for human beings. It has been a way to store knowledge and information for millenniums \cite{DBLP:phd/hal/AlNatsheh19}. People can naturally understand and ``decode'' back the written language into thoughts and meanings. However, natural language is considered to be very complex for a machine with classical computations to process and understand. The science that studies the computational methods and syntactical approaches to automatically process and semantically understand the language is what the community defines as Natural Language Processing (NLP). Automating language processing and understanding is very important for many applications like search engines, dialogue systems, recommender systems, question-answering systems, and big data analytics.
There are many overlapping scientific disciplines that actively contribute to NLP, i.e, computational linguistics, machine learning, conversational AI, natural language understanding (NLU), text representation, voice recognition, cognitive science, and logic and symbolic learning \cite{DBLP:phd/hal/AlNatsheh19}. A sample of NLP main tasks are; Named Entity Recognition (NER), morphological segmentation, Part of Speech (POS), syntactical parsing, and text preprocessing and normalization like tokenization and numeration. Recently with the big advancements in machine learning, most of the state-of-the-art NLP techniques are based on unsupervised machine learning text embedding, or dense vector representation, that encodes not only syntactic but also contextual semantics information \cite{DBLP:conf/naacl/PagliardiniGJ18,DBLP:conf/naacl/DevlinCLT19}.
\section{A Short History of NLP in the Arab World}
Arabic is one of the most widely used languages in the world. It is one of the six official languages in the United Nations and also the language of the Holy Quran, thus it is not only the language of people in Arab countries but also it is the second language for millions of Muslims around the world.
Historically, we can say that Arabic natural language processing went through three waves, the first wave was in the early 1980's with the introduction of Microsoft MS-DOS 3.3 with Arabic language support \cite{rippin1991arabic}. In 1985 the first Arabic morphological analyzer was developed by Sakhr company. During the same year there was a symposium in Kuwait for Arabic and computers, where most of the presented research focused on morphological analysis of Arabic text and the use of rule-based approach in Arabic NLP. Sakhr has also continued leading research and development in Arabic computational linguistics by developing the first syntactic and semantic analyzer in 1992 and Arabic optical character recognition in 1995. Sakhr has also produced many commercial products and solutions including Arabic to English machine translation, Arabic text-to-speech (TTS), and Arabic search engine.
The second wave was during the years 2000-2010. Arabic NLP has gained increasing importance in the Western world to enable non-Arabic speakers make sense of Arabic text especially after September 11. The need to identify Arabic names at airport security and analyze Arabic documents on the spot became very essential; thus, countries such as the USA went funding companies and research centers to develop Arabic NLP tools including: machine translation, speech synthesis and recognition, information retrieval and extraction, text to speech and named entity recognition \cite{farghaly2009arabic}. Most of the developed systems in that era used machine learning because it does not require deep linguistic knowledge, and it is fast and inexpensive \cite{farghaly2009arabic}. The leading universities, companies and consortium at the time were: Columbia University, University of Maryland, IBM, and LDC. Also, the MEDAR consortium was established 2008 for cooperation between Arabic and European Union countries for developing Arabic language resources.
The third wave started 2010, when the research focus on Arabic NLP has came back to the Arab world and it witnessed the proliferation of Arab researchers and graduate students interested in ANLP. Universities such as: NYAUD (UAE), AUB (Lebanon), KSU (SA), Cairo University (Egypt), etc. and research centers such as: QCRI (Qatar), KACST (SA), etc. have shown increase publications in this area. There research has focused more on Arabic dialects and social media and the used techniques have developed to neural and deep learning approaches. We also witnessed increase in Arabic language resources and pre-processing tools.
\section{Arabic NLP Challenges}
Arabic has its own characteristics. These characteristics cause many difficulties and ambiguities to process it. The remarkable difference between Arabic and remaining languages, particularly Latin ones, can be at first glance noticed through its RTL writing system and its letters that change shape according to their position in the word. This makes Arabic OCR challenges more serious. Arabic is a pro-drop language which allows subject pronouns to drop \cite{farghalyshaalan}. Arabic is also an agglutinative language, having a rich and non concatenative morphology. Most of texts don't contain diacritics which increases lexical ambiguity. Contrary to Latin languages, There is no capitalization in Arabic, one can imagine how difficult is to identify named entities without capital letters.\\
In addition, Arabic is a VSO language but it has the ability to switch to the five remaining orders: VOS, SVO, SOV, OVS, OSV, which is not the case for many other languages. This can be a source of additional issues for Arabic NLP, knowing that the majority of Arabic textual content does not contain diacritics.\\
One of the most serious problems that face Arabic processing is the lack of significant annotated corpora for different NLP tasks, as lemmatization, diacritization, transliteration of named entities, etc.\\ The emerging of dialects in the social media due to the advent of the Internet and the new technologies allowed an important slice of people, particularly those who have low intellectual levels, to write texts in their own dialects instead of MSA, which highly contributed in increasing dialectal textual resources, but without respecting orthographic and grammar rules. This can be considred as an additional serious issue that face Arabic NLP researchers.
\section{Arabic Tools and Resources}
We would like people to write about different topics (individually or in small groups).
\begin{itemize}
\item what is the task?
\item why is it important?
\item why is it challenging for Arabic?
\item what tools/sota right now?
\item what are future directions?
\end{itemize}
This section can be broken into its three main subsections.
\subsection{Arabic Data Resources}
\subsubsection{Introduction}
This section presents Arabic NLP resources, focusing on the most relevant and commonly used ones. While NLP tools are software tools, resources include linguistic data in an electronic and efficiently computer-readable format. These resources, required for the preparation and execution of NLP tools, are roughly divided into those whose unit of organization is the word (or multi-word expression) and those whose unit of organization is the sentence or sentence fragment. The former category includes dictionaries, thesauri, wordnets and ontologies, and, for speech applications, pronunciation dictionaries. They are normally constructed manually or semi-automatically and revised by language experts. The latter contain large, sometimes very large amounts of text, obtained from various sources and can be either raw, with no more processing that division into sentence or sentence fragments, or annotated in several different ways.
Especially these days, when so much of NLP practice is based on tools trained using machine learning algorithms and extensive data resources, the performance of NLP applications directly depends on the quality of the computational resources used to construct them. High quality resources are therefore a key for NLP improvement. Frequently however, they do not receive sufficient attention or support because resource construction is a lengthy and costly task that requires significant teamwork among linguists, lexicographers, database producers, and publishers over an extended period of time. While many new digital data resources have been constructed for Arabic in the last two decades, construction has frequently been driven by an agenda that mostly ignored certain applications to the benefit of others. It is worth remarking that, although resource construction is now well underway the Arab world itself in both the commercial and sectors, much of the work on the development of Arabic resources took place in the United States, in Europe and, more recently, through collaborations between organizations located in those countries and partner institutions in the MENA region. At present, many data resources for Arabic can be found in known international repositories (namely ELRA/ELDA, LDC, and CLARIN), from which they can be licensed at costs that vary depending on the origin of the resource and its intended use. Open resources are released directly from their authors’ websites.
While perhaps there does not appear to be a shortage in Arabic resources, a 2014 survey by Zaghouani of freely available Arabic corpora \cite{zaghouani2014critical} open indicated that there were significantly fewer than one hundred. A small additional number has been constructed and released since that time or is still under construction. This number gives a somewhat misleading picture of the landscape of Arabic NLP resources because, of the ones that do exist, many are not interoperable, having been built using different tools and assumptions, few are comprehensive. Moreover, many resources are proprietary and only available at prohibitively high prices. Serious, well-planned, and well-coordinated investment in resources will be instrumental for the future of Arabic NLP.
\subsubsection{Arabic lexicons, wordnets, and ontologies}
Although there are many Arabic lexicons in paper format, covering most domains and aspects of the language, few resources are available in digital form or usable in NLP tasks. A recent initiative to build a large Arabic lexicographic database was proposed in \cite{JA19}, which includes 150 Arabic-multilingual lexicons that were digitized, restructured, normalized and stored in one database. This database is accessible through a set of RESTFULL web services (API) as well as through a lexicographic search engine \cite{ADJ19}. One of the early stem databases was developed to support the BAMA morphological analyzer \cite{ Buckwalter2002}. An extended version of BAMA, called SAMA, includes more stems, tags, and solutions \cite{Graff09}. There are also other initiatives to represent Arabic lexicons in international standard formats, such as the W3C lemon model \cite{JAM19, khalfi16} and ISO’s LMF \cite{aida16, sou14}. In addition, \cite{namly20} developed one of the most comprehensive lexicons with more than 7M stems and corresponding lemmas.
Arabic WordNet \cite{awn06} is a semantic lexicon consisting of about 11k synsets, created by manually translating a small subset of Princeton WordNet, the Common Base Concepts. These are common concepts in several wordnets, thus they are assumed to also exist in Arabic. This initial set was extended downwards with more specific concepts, mostly, and upwards with more general concepts, to improve the maximal connectivity of those base concepts. Later, it was enriched with more verbs, plurals, and thousands of named entities \cite{abouenour2013evaluation}. An Arabic VerbNet \cite{Mousser2013} was also developed to classify verbs that have the same syntactic descriptions and argument structure.
The Arabic Ontology \cite{jarrarAraOnto} is a formal Arabic wordnet that has the same the structure as WordNet, but its content was built with ontological analysis in mind. It was benchmarked, as much as possible, against scientific and rigorous knowledge sources, rather than being based just on speakers’ beliefs, as lexicons and wordnets typically are. The ontology consists currently of about 1.5k well-investigated concepts, in addition to about 20k concepts that are partially validated but usable for NLP tasks. In addition, the ontology is mapped to a large set of lexical concepts in the Arabic Lexicographic Database \cite{JAM19}, and fully mapped to Princeton WordNet, Wikidata, and other resources.
The above-mentioned lexicons and semantic resources have targeted exclusively MSA. Work on comparable resources for dialectal Arabic, and particularly for the Maghrebi (western) dialects of Morocco, Algeria, and Tunisia, has been sparser and very recent. Maltese Arabic, though closely related to Tunisian, is frequently not considered a dialect of Arabic because of the heavy influence of both Romance languages (through Italian) and English.
Construction of lexicons for various dialects of Arabic has followed different approaches. As a multi-dialectal lexicon, the MADAR lexicon \cite{Bouamor-etal-2018} is a collection of 1,045 concepts extracted from the MADAR Corpus (mentioned below) defined in terms of triplets of words and phrases from English, French and MSA, along with multiple equivalent dialectal forms covering 25 cities from the Arab world. For the Algerian dialect, authors of \cite{abidi2018automatic} developed an iterative multilingual word embeddings approach, which allowed to construct an Algerian dialect corpus, from which an Algerian lexicon of 6947 entries was built. Each of its words is associated to its different transliterations. Since the dialect is evolving every day, one of the advantages of this approach is that the lexicon can be updated easily by harvesting new data. For Tunisian, a dialect to MSA bilingual lexicon \cite{sghaier2017tunisian} containing almost 14K of manually approved words was developed from different sources. Data was collected from social networks, blogs, and forums.
A different approach was used to develop the Moroccan Dialect Electronic Dictionary (MDED) containing 12K entries \cite{tachicart2014building}. One major MDED feature is its annotation\footnote{http://arabic.emi.ac.ma:8080/mded/} with useful metadata such as the MSA translation, the POS, the origin (MSA, French, Amazigh, Spanish or English) and the dialectal root. The lexicon has been semi-automatically developed with a manual linguistic validation. First, Almaknaz MSA dictionary was translated to Moroccan and then the Moroccan old Colin \cite{zakia1994dictionnaire} dictionary was translated to MSA. Lastly, the integration of the two translations was augmented to include more current Moroccan words from forums and from speech used in daily conversations between young Moroccan people.
There are also two relatively recent efforts to create WordNets for Arabic dialects. An Iraqi Wordnet \cite{c-s2013aiccsa} was bootstrapped from Arabic WordNet, assuming that the node and linkage structure could start out being the same for the two WordNets and automatically proposing Iraqi words for synsets with the aid an Iraqi Arabic-English bidirectional dictionary. Where no candidate words could be found, the MSA word was left as an option, to be accepted or rejected (as all proposals) by an Iraqi native speaker. A very different approach was followed to create TunDiaWN, a WordNet for the Tunisian dialect \cite{bouchlaghem-etal-2014-tunisian}. The authors used a corpus-based method to extract from a dialectal corpus they collected and used clustering techniques to group them, leveraging both human expertise and English WordNet and Arabic WordNet structures. Finally, it also appears that some work has been done towards the creation of an Egyptian Arabic Wordnet\footnote{https://catalog.ldc.upenn.edu/LDC2018T23}.
\subsubsection{Corpora}
According to EAGLES (the Expert Advisory Group on Language Engineering Standards) \cite{sinclair2004intuition}, a corpus is a collection of naturally occurring samples of a language. These samples are selected and stored in electronic format. It is worth mentioning that, historically, Al-Khalil bnu Ahmed Al-Farahidi, was among the first to assemble a large collection of texts in the 8th century \cite{versteegh2014arabic}.
Over the past few years, Arabic corpus building has seen a tremendous growth in interest and activity. Extensive lists of available corpora can be found in, \cite{habash2010book}, \cite{Zaghouani2017CriticalSO}, and \cite{zeroual2018thesis}. Some corpora were built for general use, while others were designed and built for specific purposes, such as language learning, Quranic studies, spellchecking, and others. We briefly outline below different types of corpora and provide well-known examples of each, distinguishing between monolingual and multilingual corpora and covering different kinds of Arabic, namely Classical Arabic (CA), Modern Standard Arabic (MSA), and varieties of Dialectal Arabic (DA). Corpora developed specifically for pedagogical or closely related applications will be discussed in a later section.
CA corpora are fundamentally monolingual. The Al-Mus’haf corpus \cite{zeroual2016} is considered both a classical and a Quranic corpus, and includes morpho-syntactic annotations such as stem, stem’s pattern, lemma, lemma pattern, and root. Shamela is another large-scale CA corpus (1B words) covering the past 14 centuries \cite{belinkov16}. The Tashkeela corpus \cite{zerrouki17} was extracted from Shamela, and contains about 75M fully vocalized words.
Many corpus-building efforts have targeted MSA, the language of the Arabic media. MSA monolingual corpora are probably the most common and easiest to construct, by collecting text from online news sites, newswire and other sources across different Arab countries. The earliest of the very large Arabic raw (non-annotated) monolingual corpora was the ArabicGigaword corpus \cite{parker11}, initially produced by LDC\footnote{https://catalog.ldc.upenn.edu/LDC2003T12} in 2003 and last revised in 2011\footnote{https://catalog.ldc.upenn.edu/LDC2011T11}. The International Corpus of Arabic was developed by Bibliotheca Alexandrina and contains 100 million words that were collected from the press, net articles, books, and academic text sources \cite{alansary07}.
Many more and freely available corpora have been developed since then, as general-purpose corpora or destined for specific tasks, but often usable beyond their original purpose. A recent listing and description of such corpora is provided by \cite{zeroual2018thesis}.
A special category of monolingual corpora are treebanks, containing text that has been syntactically annotated according to specific grammatical theories. For Arabic, different treebanks have been developed. The Penn Arabic Treebank (PATB) \cite{Maamouri2004ThePA, maamouri2010} is an MSA corpus and consists of about 1.6M words of morphologically and syntactically annotated data (mostly newswire). The annotation scheme was modeled on the Penn Treebank for English, while taking into account specificities of Arabic syntax. In the Prague Arabic Dependency Treebank\footnote{http://ufal.mff.cuni.cz/padt/PADT\_1.0/docs/index.html} data similar to the PATB data is annotated using a dependency grammar theoretical framework \cite{smrz08}. The Columbia Arabic Treebank \cite{habash-roth-2009-catib} sought to create a simpler resource, sacrificing some linguistic richness for the sake of speed of annotation and using representations and terminology inspired by traditional Arabic syntax.
Multilingual corpora represent an important category of resources that are particularly useful for machine translation, but not only. MSA has been included in relevant pioneer multilingual corpora such as the open source parallel corpus (OPUS) \cite{tiedemann2012parallel}, the largest collection of freely available parallel corpora in more than 90 languages, comprising over 40 billion tokens, and including data from several domains. OPUS draws primarily on legislative and administrative texts, translated movie subtitles, newspapers, and localization data from open-source software projects. One other widely-known resource is the MultiUN corpus (Multilingual Corpus from United Nation) \cite{chen2012multiun}, available in all six official languages of the UN plus German, and comprising 271.5 million Arabic tokens. The MulTed corpus \cite{zeroual2020multed} is a multilingual and PoS tagged parallel corpus with bilingual sentence-alignment considering English as a pivot language. The corpus has been derived from the TEDx talks and contains subtitles that cover 1,100 talks, including a variety of domains and topics.
Dialectal corpus construction has also received some attention recently. MADAR is a multi-dialect corpus in the travel domain covering 25 Arabic cities \cite{bouamor18}. PADIC \cite{meftouh2015machine} is another one composed of 6400 sentences in five dialects from both the Maghreb and the Middle-East (Syria and Palestine) that have been aligned with MSA. The Shami corpus \cite{kwaik2018shami}, constructed using a combination of manual and automatic methods, specializes on the four Levantine dialects with 117K sentences. Curras \cite{jarrar2017curras} is a general-purpose annotated corpus for the Palestinian Levant dialect, consisting of about 60K tokens; it was manually annotated with about 16 morphological features and linked with MSA using LDC tags. An Emirati Arabic corpus, called Gumar, was collected from Emirati novels and consists of about 200k words \cite{khalifa18}. A monolingual dialectal corpus of Moroccan Arabic was developed and collected from different sources such as social media, TV scripts, and recorded conversations between Moroccan people \cite{tachicart2019empirical}. It was manually validated by 30 native speakers’ annotators, resulting in a corpus containing 34k Moroccan dialectal sentences\footnote{http://arabic.emi.ac.ma:8080/MCAP/faces/corpus\_tei.xhtml}.
Finally, it should be mentioned that there are also speech-oriented corpora, such as the CALLHOME Egyptian corpus \cite{canavan97} and the Orientel corpus \cite{siemund02}, which covers several dialects.
\subsection{Arabic Enabling Technologies}
Proposed areas:
\subsubsection{Morphological Processing}
Tokenization, analysis, disambiguation, diacritization
\subsubsection{Syntactic Processing}
Part of Speech Tagging (POS) is the process of assigning parts of speech, such as noun, verb, or adjective, to each word (or token) given its context within a sentence. POS tagging is often required for downstream NLP tasks such as parsing. There are three approaches typically used for part of speech tagging, namely: (1) rule-based; (2) statistical; and (3) deep learning.
There are several Arabic POS tag sets that have been developed for different purposes based upon the tagging objective \cite{alqrainy2020towards}. Some of the most widely known tag sets include the Penn Arabic Treebank (PATB), CATiB and Khoja tag sets \cite{habash2010book}. There are several Arabic POS taggers from commercial companies, such as Sakhr and RDI, and research labs and universities such as Farasa, Stanford, and MADAMIRA \cite{darwish2017arabic}.
Syntactic parsing is the process of generating a parse tree for a sentence. Parse trees have two main representations, namely constituency and dependency trees. The constituency-based syntactic trees, also known as a phrase-structure trees, partition sentences into sub-constituents (phrases), where non-terminals are constituents (ex. prepositional phrase) and terminals are words. As for dependency trees, a sentence is represented in a tree with an independent node as a root and each of the other words depends on exactly one word as its syntactic head. The arcs between the head and the dependents have relation or function labels. For example, in the sentence ``he left'', the head is the verb ``left'' and ``he'' is dependent on the head with a ``subject of'' relationship.
The most popular Arabic syntactic parsers for Arabic are: Stanford, Farasa, and Camel. Stanford is a statistical parser from the Stanford Natural Language Processing Group that can parse English, German, Arabic and Chinese. For Arabic, it uses a probabilistic context free grammar that was developed based on pATB \cite{Green:2010:better}. Updated versions of the parser use a shift-reduce algorithm \cite{zhu2013fast} and neural transition-based dependency parsing \cite{chen2014fast}. Farasa is an Arabic NLP toolkit that provides syntactic constituency and dependency parsing \cite{zhang2015randomized}. Similar to Stanford, Farasa was tuned for the news domain in MSA. Farasa POS tagger uses 16 tags of PATB simplified tags set \cite{darwish2017arabic}. Camel is a dependency parser trained on CATiB using MaltParser, which is a language-independent and data-driven dependency parser \cite{Shahrour:2016:camelparser}.
\subsubsection{Named Entity Recognition}
Named Entity recognition(NER) is the task of identifying one or more consecutive words in text that refer to objects that exist in the real-world (named entities), such as organizations, persons, locations, brands, products, foods, etc. Named entity recognition is essential for extracting structured data from an unstructured text, relationship extraction, ontology population, classification, machine translation, question answering, and other applications.
Unlike English, where named entities, such as person names, are capitalized, Arabic lacks casing, which complicates Arabic NER. Further, Arabic named entities often correspond to Arabic adjectives or nouns. For example, the Arabic names 'Jameela' and 'Adel' are also the common adjectives `beautiful' and `just'. This inherent ambiguity means that matching entries in named entity gazetteers is highly error prone. A comprehensive list of other challenges can be found in \cite{shalaan1}.
Traditionally, Arabic NER approaches included the use of hand-crafted heuristics, machine learning, and a hybrid of both \cite{shalaan1} with heavy reliance on gazetteers \cite{benajiba2008arabic}. Recent approaches exploited cross-lingual links between Arabic and English knowledge bases to expand Arabic gazetteers and to carry over capitalization from English to Arabic \cite{darwish2013named}. Much of the earlier work on Arabic NER focused on formal text, typically written in MSA, and applying models that are trained on MSA on social media text, which becoming more ubiquitous and much of which is dialectical, led to unsatisfactory results \cite{darwish2014simple}. The aforementioned Arabic NER challenges suggest that understanding the context in which a word appears can address linguistic ambiguity and significantly improve NER. The recent rise to of contextualized embeddings, such as BERT \cite{bert}, revealed promising possibilities for improving Arabic NER. At the time of writing this article, a handful of contextualized embedding models are known to support Arabic including BERT Multilingual\cite{bert}, Arabic BERT\cite{safaya2020kuisail}, AraBERT\cite{antoun2020arabert}, and more recently GigaBert \cite{lan2020gigabert}. However, none of these models has wide Arabic dialect coverage. Other deep learning approaches such as sequence to sequence models and convolutional neural networks have led to improved results for Arabic NER \cite{ali2019boosting,DBLP:journals/csl/KhalifaS19,liu-etal-2019-arabic}. It is expected that the use of contextualized embeddings trained on larger corpora of varying Arabic dialects, coupled with the use of deep learning models is likely to contribute positively to Arabic NER.
\subsubsection{Text classification}
Arabic dialect identification (DID) is the task of automatically identifying the dialect of a particular segment of speech or text of any size (i.e., word, sentence, or document). This task has attracted increasing attention in the NLP research field. For instance, several evaluation campaigns were dedicated to discriminating between language varieties~\cite{malmasi-EtAl:2016:VarDial3,zampieri-EtAl:2017:VarDial,zampieri-EtAl:2018:VarDial}. This is not surprising considering the importance of automatic DID for several NLP tasks, where prior knowledge about the dialect of an input text can be helpful for applications, such as machine translation~\cite{salloum-EtAl:2014:P14-2}, sentiment analysis~\cite{altwairesh-alkhalifa-alsalman:2016:P16-1}, or author profiling~\cite{sadat-kazemi-farzindar:2014:SocialNLP}.
A majority of Dialectal Arabic computational efforts have targeted creating resources for country or regionally specific dialects~\cite{Gadalla:1997:callhome,diab2010colaba,al2012yadac,Salama:2014:youdacc,sadat-kazemi-farzindar:2014:SocialNLP,Smaili:2014:building,Jarrar:2016:curras,Khalifa:2016:large,Al-Twairesh:2018:suar,el2020habibi}.
The expansion into multi-dialectal data sets and models to identify them was initially done at the regional level
\cite{Biadsy:2009:using,zaidan2011arabic,Elfardy:2014:aida,Bouamor:2014:multidialectal,darwish-sajjad-mubarak:2014:EMNLP2014,Meftouh:2015:machine,7982330}.
The Multi Arabic Dialects Application and Resources (MADAR) project aimed to create finer grained dialectal corpus and lexicon \cite{Bouamor:2018:madar}. The data was used for dialectal identification at the city level \cite{Salameh:2018:fine-grained,obeid-etal-2019-adida} of 25 Arab cities. The main issue with that data is that it was commissioned and not naturally occurring. Concurrently, larger Twitter-based datasets covering 10-21 countries were also introduced~\cite{abdelali2020arabic,Abdul-Mageed:2018:you,Mubarak:2014:using,Zaghouani:2018:araptweet}.
The Nuanced Arabic Dialect Identification (NADI) Shared Task~\cite{mageed-etal-2020-nadi} followed earlier pioneering works by providing country-level dialect data for 21 Arab countries, and introduced a province-level identification task aiming at exploring a total of 100 provinces across these countries.
\subsubsection{Infrastructures}
Arabic NLP has made significant progress with the development of several tools and resources, such as POS taggers, morphological analyzers, text classifiers, and parsers. However, there is a limited number of homogeneous and flexible Arabic toolkits that gathers these components.
The need for such toolkits led to the development of multi-lingual infrastructures such as GATE\footnote{https://gate.ac.uk}, Stanford CoreNLP \footnote{\url{https://stanfordnlp.github.io/CoreNLP/}} and UIMA\footnote{https://uima.apache.org/d/uimaj-current/index.html}.
Such offer researchers easy access to several tools, eliminating the need to develop them from scratch every time. In the case of Arabic, some available infrastructures include, among others, ATKS\footnote{https://www.microsoft.com/en-us/research/project/arabic-toolkit-service-atks/}, AraNLP \cite{althobaiti2014aranlp}, MADAMIRA \cite{pasha2014madamira}, Farasa, and ArabiTools\footnote{https://www.arabitools.com/}.
CAMeL Tools\footnote{\url{https://github.com/CAMeL-Lab}}, is a collection of open-source tools, developed in Python, that supports both MSA and Arabic dialects. It currently provides utilities for pre-processing, morphological modeling, dialect identification, named entity recognition and sentiment analysis. CAMeL Tools provides command-line interfaces (CLIs) and application programming interfaces (APIs) covering these utilities.
Farasa\footnote{http://qatsdemo.cloudapp.net/farasa/} is a collection of Java libraries and CLIs for MSA. These include separate tools for diacritization, segmentation, POS tagging, parsing, and NER. This allows for a more flexible use of components compared to MADAMIRA.
SAFAR\footnote{http://arabic.emi.ac.ma/safar/} is a Java-based framework bringing together all layers of ANLP: resources, pre-processing, morphology, syntax and semantics. The general idea behind SAFAR is to gather, within a single homogeneous infrastructure, the already developed and available Arabic tools. In addition to facilitating access to such tools, the platform enables comparing tools’ performance. All tools within SAFAR are standardized according to several Java interfaces, therefore users can add new implementations and also easily create customized pipelines.
A feature comparison of some Arabic infrastructures can be found in \cite{obeid2020camel} while a more detailed survey and a software engineering comparative study can be found in \cite{jaafar2018survey}. Whatever the specific choice a researcher might make, the trend to use infrastructures more extensively will significantly save time and change the way Arabic applications are designed and developed.
\subsection{Arabic Applications}
Proposed areas:
\subsubsection{Sentiment and Emotion Analysis}
Sentiment analysis is a very powerful tool to use when trying to understand customer satisfaction, carrying out competition analysis, and more generally when gauging public opinion towards a specific issue, topic, product, ad, decision, etc. Research in this area has attracted much attention in the Arabic research community during the last decade, and the applications of this work have been valuable to a multitude of stakeholders from governments to companies and public figures. Rise in the interest in this research area came with the almost explosive increase of Arabic social media usage which in turn resulted in the availability of large volumes of opinionated and sentiment reflecting data. When work on this area first started, Arabic was considered as an under resourced language with many resources needed for carrying out sentiment analysis, such as sentiment lexicons, large training datasets, and sentiment treebanks. With time, these resources were constructed \cite{ Abdul-Mageed2012,baly2017sentiment,Badaro2014,Eskander2015,El-Beltagy2016,ElSahar2015, Refaee2014,salameh-mohammad-kiritchenko:2015:NAACL-HLT,Shoukry2015, Khalil2015,Mourad2013}, and SemEval conducted shared tasks that included Arabic sentiment analysis in 2017 \cite{SemEval:2017:task4} and its affect (emotion) detection in 2018 \cite{SemEval2018Task1}. All such efforts contributed to resources and benchmarks for the task. Early approaches for Arabic sentiment analysis explored the use of rules \cite{El-Beltagy2013}, but it quickly became apparent that machine learning approaches are better suited for this task, and the focus shifted to the best pre-preprocessing steps and features to use to produce the best results. The success of deep learning approach on English sentiment analysis and the prevalence of the use of word embedding models such as word2vec \cite{Mikolov2013} and GloVe \cite{Pennington2014}, quickly had researchers doing work on Arabic sentiment analysis investigate similar models for Arabic \cite{baly2017sentiment,al2015deep}. The efforts were initially held back due to the lack of Arabic pre-trained word embeddings, but this again was quickly mitigated by the appearance of several models such as AraVec \cite{Soliman2017} and Mazajak \cite{farha2019mazajak}. This new direction, resulted in improved performance for the task with little or no effort being directed to feature engineering. Another shift is currently in the making with the appearance of Arabic contextualized embeddings \cite{antoun2020arabert,safaya2020kuisail,lan2020gigabert}. Sentiment analysis gave rise to Aspect Based Sentiment Analysis which takes into account the terms related to the aspects and identifies the sentiment associated with each aspect \cite{al2019enhancing,areed2020aspect,trigui2020hybrid}. Although a lot of progress has been achieved in the area of sentiment analysis in Arabic, there remains a lot to be done for dialectal Arabic. Also there is still a need to develop large scale Arabic annotated data to enable training of robust sentiment classification models. \cite{badaro2019survey} presents a comprehensive survey on the status of sentiment analysis in Arabic and the future directions.
A closely related topic that recently attracted the attention of researchers is Emotion Recognition in Arabic \cite{alswaidan2020hybrid,baly2019arsentd,badaro2018arsel,hifny2019efficient,shahin2019emotion}. Similar to how sentiment analysis resources and models started maturing, a lot of work still needs to be done in emotion recognition.
\subsubsection{Machine Translation}
NOTE: need to say something on work on Arabic sign language:
\cite{al2001recognition, luqman2019automatic}
One of the earliest works on Arabic Machine translation has been addressed in 1991 in \cite{ibrahim1991MA} where the authors presented the problem of translating the embedded idioms and proverb expressions from English into Arabic. In 1992, the problem of aligning sentences in bilingual texts for the two couples of languages French–English and French–Arabic has been tackled in \cite{debili1992aligning}. In the same year, an English-Arabic MT system has been developed for translating political news sentences \cite{rafea1992mutargem}. In 1995, a machine translation system from Arabic to English and French has been implemented \cite{mankai1995machine} based on Fillmore’s case frames that the authors found to be well adapted to the analysis of Arabic.
For the sake of facilitating the access to the English web content for Arab people, the authors of \cite{guessoum2001methodology} introduced in 2001 a system that translates web pages from English to Arabic using
a commercial machine translation system. The same authors presented in \cite{guessoum2004methodology} a statistical methodology for evaluating four English–Arabic commercial (MT) systems, based on lexical, and grammatical coverage, and, semantic and pronoun resolution correctness. Stating that
the majority of the content of scientific documents contain noun phrases, the authors of \cite{shaalan2004machine} investigated machine translation of noun phrases from English into Arabic. The same task has been achieved for the opposite direction, i.e. from Arabic into English using transfer-based
approach \cite{hatem2010syntactic}. Though, the most of MT systems have been performed mainly for Arabic and English, we can find works on how to improve statistical machine translation from Arabic into Chinese using English as pivot language \cite{habash2009improving}. There are many other works dealing with SMT from and to Arabic that have been carried out, for instance in \cite{habash2006arabic, hasan2006creating, elming2009syntactic, hatem2008modified, nguyen2008context, carpuat2010improving, tahir2010knowledge}.
Recently, Deep Neural Networks have been adopted for Arabic Machine Translation as in \cite{gashaw2019amharicarabic, DBLP:journals/mt/AmeurGM19, al2020neural, 2016arXiv160602680A}. The task becomes more complicated when dealing with Arabic dialects that suffer of lack of resources. Indeed, a lot of research works have been conducted to achieve SMT and NMT tasks for Arabic dialects. Indeed, authors of \cite{sawaf2010arabic} presented a hybrid MT system from Arabic dialects into English. While in \cite{salloum2011dialectal}, the authors improved an Arabic-English SMT system. In \cite{salloum2014sentence}, the impact of sentence-level dialect identification on machine translation performance has been explored.\\
In addition to works on Machine translation between Arabic dialects and other languages, many trials to achieve Machine translation between Arabic (MSA) and its dialects have been done covering Egyptian \cite{bakr2008hybrid, salloum2012elissa}, Maghrebi \cite{meftouh2015machine}, Gulf and Levantine \cite{salloum2012elissa}. In spite of all these contributions, much research work is still needed to improve the performance of Machine translation for Arabic.
\subsubsection{Pedagogical Applications}
Pedagogical applications of Arabic NLP can be divided into three general areas: computer-assisted language learning systems based on NLP techniques, readability assessment of Arabic texts, and corpus-building efforts in support of language learning for learners of Arabic as a first language (L1) or as a foreign or second language (L2). Pedagogical applications focus on four major skills, namely reading, writing, listening, and speaking. For Arabic, such applications have solely focused on the Modern Standard variety of Arabic (MSA) with no application targeting dialectal varieties.
\textit{Computer-Assisted Language Learning (CALL) Systems}
The earliest CALL system can probably be attributed to \cite{shaalan2005intelligent} \cite{shaalan2006error}. The software included morphological, syntax, and error analyzers to issue feedback to the learner. The system used grammar and linguistic analysis rules to help learners identify and correct a variety of errors, based on the instructor entering a single correct answer to an exercise.
More recent work by \cite{mahmoud2016intelligent} used production rules to provide tutoring on Arabic grammar. The work was extended \cite{mahmoud2018multiagents} to use a multi-agent tutoring system that simulate the instructor, the student, the learning strategy, a log book to monitor progress, and a learning interface. Another approach focused on reading \cite{maamouri2012developing} where the reading experience is enriched with concordances, text-to-speech (TTS), morpho-syntactic analysis, and auto-generated quiz questions.
\paragraph{Readability Assessment of MSA Texts } Text readability can be defined as the ability of a text to be read and understood by its reader in an acceptable amount of time and effort given the characteristics of the reader (skills, knowledge, interests), text characteristics (lexical richness, grammatical complexity, genre, etc.), and reader-text interaction. Learning to read MSA is somewhat akin to reading a foreign tongue due to its lexical and syntactic divergence from people's native dialects.
For L1 readability, There has been multiple attempts to formulate readability scores using easy-to-extract text characteristics and statistically estimated parameters based on reference corpora \cite{c-s2018review}. One striking characteristic of these measures is that they used a limited number of language-independent variables such as text length, average word length, and average sentence length. Further measures, incorporated other parameters such as the number of syllables in words, the relative rarity or absence of dialectal alternatives, and the presence of less common letters \cite{el-haj-rayson-2016-osman}.
An alternative approach, particularly for L2, entails using supervised learning to automatically classify the readability levels of texts using supervised classification methods such as Support Vector Machines (SVMs) \cite{ alkhalifa2010arability,alTamimi2014AARI} and decision trees \cite{c-s2014elmezouar}. The classifiers would look at different features, such as surface, morphological, lexical, and syntactic features, of the text along with the reader's exposure to the vocabulary in earlier readings.
Although clear progress has been made for both L1 and L2 readability assessment, machine learning techniques are still not able to give fine-grained discrimination of the difficulty of texts. We believe that there are a few fundamental reasons for this can be attributed to the dearth of reliable computational tools and corpora -- compared to English -- with available ones being strongly task dependent. Most the current work has focused on L1 readers with particular emphasis on grade school curricula \cite{Al-Ajlan2008,alkhalifa2010arability,alTamimi2014AARI}. There are unfortunately questions about the suitability of these curricula to student \cite{usaid2015}, and there is a push to inform the enhancement of curricula using pedagogical tools and to compare curricula across Arab countries \cite{al-sulaiti-etal-2016-compilation,mubarak2020curricula}. The L2 pedagogical applications are even more limited with limited corpora \cite{maamouri2012developing} with disproportionate focus on beginners\footnote{https://learning.aljazeera.net/en}. There is a definite need for augmenting these corpora in a reasoned way, taking into consideration different text features and learners, both young and old, beefing up the sparsely populated levels with authentic material, and exploiting technologies such as text simplification and text error analysis and correction. Learner corpora, which as the name suggests are produced by learners of Arabic can inform the creation of tools and corpora \cite{Alfaifi2014ArabicLC,alkanhal2012kacstc,alotaibi2017parallel,habash2017qalb,rytting-etal-2014-arcade}.
\subsubsection{Dialogue Systems}
Automated dialog systems capable of sustaining a smooth and natural conversation with users have attracted considerable interest from both research and industry in the past few years. This technology is changing how companies engage with their customers among many other applications. While commercial dialog systems such as Amazon Alexa, Google Home and Apple Siri support many international languages, only Apple Siri supports Arabic with limited performance. On the other hand, there is an important body of research work on English language dialog systems. Current NLP methods for Arabic language dialogue, action classification or semantic decoding is mostly based on handcrafted rule-based systems and methods that use feature engineering \cite{alhumoud2018arabic}. Indeed, as explained in previous sections, Arabic language texts have a lot of challenges, such as the complexity of Arabic grammar, a high degree of ambiguity, orthographic variations, and the existence of multiple dialects.
Among the earliest research works on Arabic dialog application is the Quran chatbot \cite{shawar2004arabic} where the conversation length is short since the system answers a user inputer with a single response. It uses a retrieval-based model as the dataset is limited by the content of the Quran. More recently, and following current trends, \cite{bashir2018implementation} presented an approach that uses deep learning techniques for text classification and Named Entity Recognition to build a natural language understanding module -- the core component of any dialogue system -- for the domain of home automation in Arabic. Other works have focused on developing dialog systems for the case of Arabic dialects. For instance, \cite{ali2016botta} developed an Egyptian chatbot, named BOTTA, that is publicly available for users who want to chat with it online. Also, \cite{alnabiha} built “Nabiha” a chatbot that can carry out conversation with Information Technology students in the Saudi Arabic dialect. As a whole, with these limited efforts, Arabic dialogue systems technology is still in an infancy stage. There is a great need to develop new advanced NLP understanding and speech recognition modules for Arabic language users.
\subsubsection{Content Moderation on Social Media}
Typically, news websites and online forums do not allow posting user comments that contain offensive language, hate speech, cyber-bullying, and spam among other types of inappropriate or dangerous content\footnote{ex: \url{https://www.bbc.co.uk/usingthebbc/terms/what-are-the-rules-for-commenting/}}. Although social media platforms like Facebook and Twitter have similar rules to protect users from harmful content, many posts violate these rules. Such content cannot be easily detected given the huge volume of posts, dialectal variations, creative spelling on social media, and the scarcity of available data and detection tools.
This area is relatively new for Arabic. One of the more active areas has to do with the detection of offensive language, which covers targeted attacks, vulgar and pornographic language, and hate speech. Initial work was performed on comments from a news site and limited numbers of tweets (1.1k) \cite{mubarak2017abusive} and YouTube comments \cite{alakrot2018towards}. Some works focused on adult content \cite{Alshehri2018ThinkBY} and others on hate speech \cite{albadi2018they,al2019detection}. SemEval2020 and the workshop on Open-Source Arabic Corpora and Processing Tools included shared tasks on the automatic detection of such language using a labeled set of 10k tweets \cite{mubarak-etal-2020-overview}. A myriad of classifiers were used for this task including SVMs, recurrent neural networks, and transformer models. Work on spam detection on Twitter is nascent and much work is required \cite{mubarak2020spam}.
\subsection{Arabic Information Retrieval (IR)}
With the increasing volume of Arabic content, information retrieval has become a necessity for many domains such as medical records, digital libraries, web content, and news. The main research interests have focused on retrieval of formal language, mostly in the news domain, with ad hoc retrieval, OCR document retrieval, and cross-language retrieval. The literature on other aspects of retrieval continues to be sparse or non-existent, though some of these aspects have been investigated by industry. Others aspects of Arabic retrieval that have received some attention include document image retrieval, speech search, social media and web search, and filtering \cite{darwish2014arabic}. However, efforts on different aspects of Arabic retrieval continue to be deficient and severely lacking behind efforts in other languages. Examples of unexplored problems include searching Wikipedia, which contains semi-structured content, religious text, which often contain semi-structured data such chains of narrations, rulings, and commentaries, Arabic forums, which are very popular in the Arab world and constitute a significant portion of the Arabic web, and poetry. To properly develop algorithms and methods to retrieve such content, standard test sets and clear usage scenarios are required. We also opine that recent improvements in contextual embeddings can positively impact the effectiveness of many retrieval tasks.
Another IR related problem is question answering, which comes in many flavors, the most common of which is trying to attempting to identify a passage or a sentence that answers a question. Performing such a task may employ a large set of NLP tools such as parsing, NER, co-reference resolution, and text semantic representation. There has been limited research work on this problem \cite{IEEE:mawdoo3/deep2019,romeo2019language} and existing commercial solutions such as \url{Ujeeb.com} are rudimentary.
\section{Future Directions}
\begin{itemize}
\item An association for Arabic Language Technologies?
\item A hub for data and resources
\item NLP education in the Arab world
\item Attracting Arab talent to work on Arabic
\item More basic common frameworks for development
\end{itemize}
\section{Natural Language and its Processing}
The term {\it natural language} refers to any system of symbolic communication (spoken, signed or written) that has evolved naturally in humans without intentional human planning and design. This distinguishes natural languages such as Arabic and Japanese from artificially constructed languages such as Esperanto or Python. Natural language processing (NLP), also called computational linguistics or human language technologies, is the sub-field of artificial intelligence (AI) focused on modeling natural languages to build applications such as speech recognition and synthesis, machine translation, optical character recognition (OCR), sentiment analysis (SA), question answering, dialogue systems, etc. NLP is a highly interdisciplinary field with connections to computer science, linguistics, cognitive science, psychology, mathematics and others.
Some of the earliest AI applications were in NLP (e.g., machine translation); and the last decade (2010-2020) in particular has witnessed an incredible increase in quality, matched with a rise in public awareness, use, and expectations of what may have seemed like science fiction in the past. NLP researchers pride themselves on developing language independent models and tools that can be applied to all human languages, e.g. machine translation systems can be built for a variety of languages using the same basic mechanisms and models. However, the reality is that some languages do get more attention (e.g., English and Chinese) than others (e.g., Hindi and Swahili). Arabic, the primary language of the Arab world and the religious language of millions of non-Arab Muslims is somewhere in the middle of this continuum. Though Arabic NLP has many challenges, it has seen many successes and developments.
Next we discuss Arabic's main challenges as a necessary background, and we present a brief history of Arabic NLP. We then survey a number of its research areas, and close with a critical discussion of the future of Arabic NLP.
\section{Arabic and its Challenges}
Arabic today poses a number of modeling challenges for NLP: morphological richness, orthographic ambiguity, dialectal variations, orthographic noise, and resource poverty.
We do not include issues of right-to-left Arabic typography, which is an effectively solved problem (although not universally implemented).
\paragraph{Morphological Richness}
Arabic words have numerous forms resulting from a rich inflectional system that includes features for gender, number, person, aspect, mood, case, and a number of attachable clitics. As a result, it is not uncommon to find single Arabic words that translate into five-word English sentences: <wasayadrusuwnahA> {\it wa+sa+ya-drus-uuna+ha} `and they will study it'. This challenge leads to a higher number of unique vocabulary types compared to English, which is challenging for machine learning models.
\paragraph{Orthographic Ambiguity}
The Arabic script uses optional diacritical marks to represent short vowels and other phonological information that is important to distinguish words from each other. These marks are almost never used outside of religious texts and children's literature, which leads to a high degree of ambiguity. Educated Arabs do not usually have a problem with reading undiacritized Arabic, but it is a challenge for Arabic learners and computers.
This out-of-context ambiguity in Standard Arabic leads to a staggering 12 analyses per word on average: e.g. the readings of the word <ktbt> {\it ktbt} (no diacritics) includes <katab"tu> {\it katabtu} `I wrote',
<katabat"> {\it katabat} `she wrote', and the quite semantically distant
<katibat> {\it ka+tibat} `such as Tibet'.
\paragraph{Dialectal Variation}
Arabic is also not a single {\it language} but rather a family of historically linked varieties, among which Standard Arabic is the official language of governance, education and the media, while the other varieties, so-called dialects, are the languages of daily use in spoken, and increasingly written, form. Arab children grow up learning their native dialects, such as Egyptian, Levantine, Gulf, or Moroccan Arabic, which have their own grammars and lexicons that differ from each other and from Standard Arabic. For example, the word for `car' is <sy"ArT> {\it sayyaara} in Standard Arabic, <`rbyT> {\it arabiyya} in Egyptian Arabic, <krhbT> {\it karhba} in Tunisian Arabic, and <mwtr> {\it motar} in Gulf Arabic.
The differences can be significant to the point that using Standard Arabic tools on dialectal Arabic leads to quite sub-optimal performance.
For instance, \cite{Khalifa:2016:large} report that using a state-of-the-art tool for MSA morphological disambiguation on Gulf Arabic returns POS tag and lemma accuracy at about 72\% and 64\% respectively, compared to the performance on MSA, which is 96\% for both \cite{pasha2014madamira}.
\paragraph{Orthographic Inconsistency}
Standard and dialectal Arabic are both written with a high degree of spelling inconsistency, especially on social media:
A third of all words in MSA comments online have spelling errors \cite{Zaghouani:2014:large};
and dialectal Arabic has no official spelling standards, although there are efforts to develop such standards computationally, such as the work on CODA, or Conventional Orthography for Dialectal Arabic \cite{Habash:2018:unified}.
Furthermore, Arabic can be encountered online written in other scripts, most notably, a romanization called Arabizi that attempts to capture the phonology of the words \cite{Darwish:2014:arabizi}.
\paragraph{Resource Poverty}
Data is the bottleneck of NLP: this is true for rule-based approaches that need lexicons and carefully created rules; and for Machine Learning (ML) approaches that need corpora and annotated corpora.
Although Arabic unannotated text corpora are quite plentiful, Arabic morphological analyzers and lexicons as well as annotated and parallel data in non-news genre and in dialects are limited.
None of the above-mentioned issues are unique to Arabic - e.g. Turkish and Finnish are morphologically rich; Hebrew is orthographically ambiguous; and many languages have dialectal variants. However, the combination and degree of these phenomena in Arabic creates a particularly challenging situation for NLP research and development.
For more information on Arabic computational processing challenges, see \cite{farghaly2009arabic,Habash:2010:introduction}.
\section{A Brief History of NLP in the Arab World}
Historically, Arabic NLP can be said to have gone through three waves. The first wave was in the early 1980's with the introduction of Microsoft MS-DOS 3.3 with Arabic language support.
In 1985 the first Arabic morphological analyzer was developed by Sakhr. Most of the research in that period focused on morphological analysis of Arabic text and using rule-based approaches.
Sakhr has also continued leading research and development in Arabic computational linguistics by developing the first syntactic and semantic analyzer in 1992 and Arabic optical character recognition in 1995. Sakhr also produced many commercial products and solutions including Arabic to English machine translation, Arabic text-to-speech (TTS), and an Arabic search engine. This period almost exclusively focused on Standard Arabic with a few exceptions related to work on speech recognition \cite{Gadalla:1997:callhome}.
The second wave was during the years 2000-2010. Arabic NLP gained increasing importance in the Western world especially after September 11.
The USA funded large projects for companies and research centers to develop NLP tools for Arabic and its dialects including: machine translation, speech synthesis and recognition, information retrieval and extraction, text to speech, and named entity recognition \cite{farghaly2009arabic,Habash:2010:introduction,Olive:2011:handbook}.
Most of the systems developed in that period used machine learning, which was on the rise in the field of NLP as a whole. In principle, ML required far less linguistic knowledge than rule-based approaches, and was fast and more accurate. However it needed a lot of data, some of which was not easy to collect, e.g. dialectal Arabic to English parallel texts. Arabic's rich morphology exacerbated the data dependence further. So, this period saw some successful instances of hybrid systems that combine rule-based morphological analyzers with ML disambiguation which relied on the then newly created Penn Arabic Treebank (PATB) \cite{Habash:2005:MADA,Maamouri:2004:patb}.
The leading universities, companies and consortia at the time were: Columbia University, University of Maryland, IBM, BBN, SRI, the Linguistic Data Consortium (LDC), and European Language Resources Association (ELRA).
The third wave started in 2010, when the research focus on Arabic NLP came back to the Arab world. This period witnessed a proliferation of Arab researchers and graduate students interested in Arabic NLP and an increase in publications in top conferences from the Arab world. Active universities include New York University Abu Dhabi (NYUAD), American University in Beirut (AUB), Carnegie Mellon University in Qatar (CMUQ), King Saud University (KSU), Birzeit University (BZU), Cairo University, etc. Active research centers include Qatar Computing Research Institute (QCRI), King Abdulaziz City for Science and Technology (KACST), etc. It should be noted that there are many actively contributing researchers in smaller groups across the Arab world.
This period also overlapped with two major independent developments: one is the rise of deep learning and neural models and the other is the rise of social media. The first development affected the direction of research pushing it further into the ML space; and the second led to the increase in social media data, which introduced many new challenge at a larger scale: more dialects and more noise.
This period also witnessed a welcome increase in Arabic language resources and processing tools, and a heightened awareness of the importance of AI for the future of the region -- e.g. the UAE now has a ministry for AI specifically.
Finally, new young and ambitious companies such as Mawdoo3 are competing for a growing market and expectations in the Arab world.
It's important to note that throughout the different waves, researchers of different backgrounds (Arab and non-Arab) contributed and continue to contribute to the developments in the Arabic NLP.
\section{Arabic Tools and Resources}
We organize this section on Arabic tools and resources into two parts: first, we discuss enabling
technologies which are the basic resources and utilities that are not
user-facing products; and, second,
we discuss a number of advanced user-targeting applications.
\subsection{Arabic Enabling Resources and Technologies}
\subsubsection{Corpora and Lexical Resources}
Resource construction is a lengthy and costly task that requires significant teamwork among linguists, lexicographers, and publishers over an extended period of time.
\paragraph{Corpora} NLP relies heavily on the existence of corpora for developing and evaluating its models, and the performance of NLP applications directly depends on the quality of these corpora.
Historically, Al-Khalil ibn Ahmad Al-Farahidi, was among the first to assemble a large collection of texts in the 8th century \cite{versteegh2014arabic}.
Textual corpora are classified at a high level as annotated and unannotated corpora.
Annotated corpora are naturally a subset of unannotated corpora that have been enriched with additional information such as contextual morphological analyses, lemmas, diacritizations, part-of-speech tags, syntactic analyses, dialect IDs, named entities, sentiment, and even parallel translations. The more information, the costlier the process is to create such corpora.
For Arabic, the main collections of annotated corpora were created in its second wave, mostly outside the Arab world.
the most notable annotated resource is the LDC's Penn Arabic Treebank (PATB) \cite{Maamouri:2004:patb},
which provides a relatively large MSA corpus that is morphologically analyzed, segmented, lemmatized, tagged with fine-grained parts of speech, diacritized, and parsed. PATB has enabled much of the Arabic NLP research since its creation.
The Prague Arabic Dependency Treebank (PADT) was the first dependency representation treebank for Arabic \cite{Smrz:2002:prague}.
The Columbia Arabic Treebank (CATiB) was an effort to develop a simplified dependency representation with a faster annotation scheme for MSA \cite{Habash:2009:catib,Taji:2018:arabic}.
The University of Leeds' Quranic Arabic Corpus is a beautifully constructed treebank that uses traditional morpho-syntactic analyses of the Holy Quran \cite{Dukes:2010:dependency,Dukes:2010:morphological}.
With the rising interest in dialectal data, there have been many efforts to collect and annotate dialectal data \cite{al2012yadac,Al-Twairesh:2018:suar,Bouamor:2014:multidialectal,Bouamor:2018:madar,diab2010colaba,el2020habibi,Gadalla:1997:callhome,sadat-kazemi-farzindar:2014:SocialNLP,Salama:2014:youdacc,Smaili:2014:building}.
The LDC was first to create a Levantine and an Egyptian Arabic Treebanks \cite{Maamouri:2014:developing}.
In the Arab world, the efforts are relatively limited in terms of creating annotated corpora.
Examples include BZU's Curras, the Palestinian Arabic annotated corpus \cite{Jarrar:2016:curras},
NYUAD's Gumar, the Emirati Arabic annotated corpus \cite{Khalifa:2018:morphologically},
and Al-Mus’haf Quranic Arabic corpus \cite{zeroual2016}, which is based on the Quran and includes morpho-syntactic annotations such as stems, stem patterns, and roots.
Another annotation effort with a focus on MSA spelling and grammar correction is the Qatar Arabic Language Bank (QALB), which was developed between Columbia and CMUQ \cite{Zaghouani:2014:large}.
Other specialized annotated corpora developed in the Arab world include NYUAD's parallel gender corpus with sentences in masculine and feminine for anti-gender bias research, the Arab-Acquis corpus pairing Arabic with all of Europe's languages for a portion of European parliamentary proceedings, and the MADAR corpus of parallel dialects created in collaboration with CMUQ.
In contrast to annotated corpora, there are many unannotated datasets.
Most large data sets also started outside the Arab world, e.g.,
the Agence France Press document collection, which is heavily used for Arabic information retrieval evaluation, the LDC's Arabic Gigaword \cite{Parker:2011:arabic},
Arabic Wikipedia, and the ArTenTen corpus \cite{arts2014artenten}.
Important collections in the Arab World include: the
International Corpus of Arabic (Bibliotheca Alexandrina); Shamela, a large-scale corpus (1B words) covering the past 14 centuries of Arabic\footnote{\url{https://shamela.ws/}};
the Tashkeela corpus containing 75M fully vocalized words (National Computer Science Engineering School in Algeria) \cite{zerrouki17};
NYUAD's Gumar Gulf Arabic corpus containing over 100M words of internet novels \cite{Khalifa:2016:large};
and Abu El-Khair corpus (Umm Al-Qura University, KSA) \cite{el20161}.
The success of word embedding models \cite{Mikolov2013,Pennington2014}
trained on unannotated data and resulting in improved performance for NLP tasks with little or no feature engineering have led to many contributions in Arabic NLP \cite{al2015deep,farha2019mazajak,Soliman2017}.
The more recent appearance of contextualized embeddings trained on unannotated data, such as BERT \cite{devlin2018bert}, is creating promising possibilities for improving many Arabic NLP tasks. At the time of writing this article, a handful of contextualized embedding models are known to support Arabic including Multilingual BERT \cite{bert}, Arabic BERT \cite{safaya2020kuisail},
AraBERT (AUB) \cite{antoun2020arabert}, GigaBert (Ohio State U.) \cite{lan2020gigabert}, Marbert (U. of British Columbia) \cite{abdulmageed2020microdialect}, and QARiB (QCRI).
\paragraph{Lexical Resources}
We can distinguish three types of lexical resources (aka, lexicons, dictionaries and databases): (a) morphological resources that encode all inflected forms of words, (b) lexical resources that are lemma based, such as machine readable monolingual and multilingual dictionaries, and (c) semantic resources that link lemmas to each other, such as wordnets and ontologies. These resources are useful for a variety of NLP tasks.
Some of the earliest publicly available Arabic lexical resources were created outside of the Arab world in the second wave mentioned earlier. The Buckwalter Arabic Morphological Analyzer (BAMA), with its extended version called Standard Arabic Morphological Analyzer (SAMA), both available from the LDC, provided one of the first stem databases with tags and morphological solutions, and are used in a number of tools. Elixir-FM is a functional morphology analyzer developed in Charles University in Czech Republic \cite{Smrz:2007:elixirfm}.
The DIINAR \cite{dichy2005dinar}
Arabic morphological database is a full form resource developed in France.
The Tharwa lemma-based lexicon was developed at Columbia University and included 70k entries in Egyptian Arabic, MSA and English; and later extended with Levantine Arabic \cite{Diab:2014:tharwa}.
Arabic WordNet is a semantic lexicon consisting of about 11k synsets with subset and superset relationships between concepts and linked to a number of other languages through the Global Wordnet effort.
This effort was done by a number of American and European universities \cite{awn06}.
And the Arabic VerbNet \cite{Mousser2013}
classifies verbs that have the same syntactic descriptions and argument structure (U. of Konstanz, Germany).
Some of the efforts in the Arab world led to multiple notable resources.
Al-Khalil morphological analyzer is a large morphological database for Arabic developed by researchers in Morocco and Qatar \cite{Boudchiche:2017:alkhalil}
Calima Star is an extension of the BAMA/SAMA family done at NYUAD and is part of the CAMeL Tools toolkit \cite{Obeid:2020:cameltools,Taji:2018:arabic-morphological}.
BZU developed a large Arabic lexicographic database constructed from 150 lexicons that are diacritized and standardized \cite{JA19}.
The MADAR project (NYUAD and CMUQ) includes a lexicon with 47k lemma entries covering 25 city dialects in Parallel \cite{Bouamor:2018:madar}.
Other lexicons have been developed for
Algerian \cite{abidi2018automatic},
Tunisian \cite{sghaier2017tunisian},
and Morrocan \cite{tachicart2014building}.
Finally, in terms of semantic lexical resources, the BZU Arabic Ontology \cite{jarrarAraOnto}
is a formal Arabic wordnet with more than 20k concepts that was built with ontological analysis in mind and is linked to the Arabic Lexicographic Database, Wikidata, and other resources \cite{JAM19}.
More Arabic resources can be found in known international repositories (namely ELRA/ELDA, LDC, and CLARIN) or directly from their authors’ websites \cite{farghaly2009arabic,Habash:2010:introduction,Zaghouani:2014:critical}.
Unfortunately, many are not interoperable, have been built using different tools and assumptions, released under propriety licenses, and a few are comprehensive. Serious, well-planned, and well-coordinated investment in resources will be instrumental for the future of Arabic NLP.
\subsubsection{Morphological Processing}
Given the challenges of Arabic morphological richness and ambiguity, morphological processing has received a lot of attention.
The task of morphological analysis refers to the generation of all possible readings of a particular undiacritized word out of context. Morphological disambiguation is about identifying the correct in-context reading. This broad definition allows us to think of word-level tasks such as Part-of-Speech (POS) tagging, stemming, diacritization and tokenization as sub-types of morphological disambiguation that focus on specific aspects of ambiguity.
Most work on Arabic morphological analysis and disambiguation is on MSA; however there is a growing number of efforts on dialectal Arabic \cite{Darwish:2018:multi-dialect,khalifa-etal-2020-morphological,pasha2014madamira,Samih:2017:neural,Zalmout:2018:noise-robust}.
There are a number of commonly used morphological analyzers for Standard and dialectal Arabic (Egyptian and Gulf), e.g., BAMA, SAMA, Elixir-FM, Al-Khalil, Calima Egyptian, and CAlima Star \cite{Boudchiche:2017:alkhalil,Buckwalter:2002:buckwalter,Graff:2009:standard,Habash:2012:morphological,Khalifa:2017:morphological,Smrz:2007:elixirfm}.
Some of the morphological disambiguation systems disambiguate the analyses that are produced by a morphological analyzer using PATB as a training corpus, e.g., MADAMIRA (initially developed at Columbia U.), and other variants of it from NYUAD \cite{Khalifa:2016:yamama,Obeid:2020:cameltools,pasha2014madamira,Zalmout:2017:dont}.
Farasa (from QCRI) uses independent models for tokenization \cite{Abdelali:2016:farasa}
and POS tagging \cite{darwish2017arabic}.
\subsubsection{Syntactic Processing}
Syntactic parsing is the process of generating a parse tree representation for a sentence that indicates the relationship among its words. For example, a syntactic parse of the sentence <qra'a Al.tAlbu AlktAba Aljdyda> `[lit.] {\it read the-student the-book the-new}; the student read the new book' would indicate that the adjective {\it the-new} modifies the noun {\it the-book}, which itself is the direct object of the verb {\it read}.
There are many syntactic representations. Most commonly used in Arabic are the PATB constituency representation \cite{Maamouri:2004:patb},
the CATiB dependency representation \cite{Habash:2009:catib},
and the Universal Dependency (UD) representation \cite{Taji:2017:universal}.
All of these were developed outside of the Arab world. The UD representation is an international effort, where NYUAD is the representative of the Arab world on Arabic.
The most popular syntactic parsers for Arabic are: Stanford, Farasa (QCRI), and CamelParser (NYUAD). Stanford is a statistical parser from the Stanford Natural Language Processing Group that can parse English, German, Arabic and Chinese. For Arabic, it uses a probabilistic context free grammar that was developed based on PATB \cite{Green:2010:better}. Updated versions of the parser use a shift-reduce algorithm \cite{zhu2013fast} and neural transition-based dependency parsing \cite{chen2014fast}.
Farasa is an Arabic NLP toolkit that provides syntactic constituency and dependency parsing \cite{zhang2015randomized}.
CamelParser is a dependency parser trained on CATiB treebank using MaltParser \cite{Nivre:2006:maltparser},
a language-independent and data-driven dependency parser \cite{Shahrour:2016:camelparser}.
A discussion and survey of some of the Arabic parsing work is presented in \cite{Habash:2010:introduction}.
\subsubsection{Named Entity Recognition}
Named Entity recognition (NER) is the task of identifying one or more consecutive words in text that refer to objects that exist in the real-world (named entities), such as organizations, persons, locations, brands, products, foods, etc. NER is essential for extracting structured data from an unstructured text, relationship extraction, ontology population, classification, machine translation, question answering, and other applications.
Among the challenges facing Arabic NER compared to English NER is the lack of letter casing which strongly helps English NER and the high degree of ambiguity, including especially confusable proper names and adjectives, e.g. <krym> {\it kariym} can be the name `Kareem' or the adjective `generous'.
Arabic NER approaches include the use of hand-crafted heuristics, machine learning, and hybrids of both with heavy reliance on gazetteers \cite{Benajiba:2008:arabic,darwish2013named,Shaalan:2014:survey}. Recent approaches exploited cross-lingual links between Arabic and English knowledge bases to expand Arabic gazetteers and to carry over capitalization from English to Arabic \cite{darwish2013named}.
Much of the earlier work on Arabic NER focused on formal text, typically written in MSA. However, applying models trained on MSA text to social media (mostly dialectal) text has led to unsatisfactory results \cite{darwish2014simple}.
Recent contextualized embeddings and other deep learning approaches such as sequence to sequence models and convolutional neural networks have led to improved results for Arabic NER \cite{ali2019boosting,DBLP:journals/csl/KhalifaS19,liu-etal-2019-arabic,Obeid:2020:cameltools}.
It is expected that the use of contextualized embeddings trained on larger corpora of varying Arabic dialects, coupled with the use of deep learning models is likely to contribute positively to Arabic NER.
As with other utilities, early research was done outside of the Arab world, but more work is now happening in the Arab world.
A extensive list of Arabic NER challenges and solutions can be found in \cite{Shaalan:2014:survey}.
\subsubsection{Dialect Identification}
Dialect identification (DID) is the task of automatically identifying the dialect of a particular segment of speech or text of any size (i.e., word, sentence, or document). This task has been attracting increasing attention in NLP for a number of language varieties \cite{zampieri-EtAl:2018:VarDial}.
DID has been shown to be important for several NLP tasks where prior knowledge about the dialect of an input text can be helpful, such as
machine translation~\cite{salloum-EtAl:2014:P14-2}, sentiment analysis~\cite{altwairesh-alkhalifa-alsalman:2016:P16-1}, and author profiling~\cite{sadat-kazemi-farzindar:2014:SocialNLP}.
Early Arabic multi-dialectal data sets and models focused on the regional level \cite{Biadsy:2009:using,Bouamor:2014:multidialectal,darwish-sajjad-mubarak:2014:EMNLP2014,Elfardy:2014:aida,Guellil:2016,Meftouh:2015:machine,zaidan2011arabic}.
The Multi Arabic Dialects Application and Resources (MADAR) project aimed to create a finer grained dialectal corpus and lexicon \cite{Bouamor:2018:madar}.
The data was used for dialectal identification at the city level \cite{obeid-etal-2019-adida,Salameh:2018:fine-grained}
of 25 Arab cities, and was used in a shared task for DID \cite{bouamor2019madar}.
The main issue with that data is that it was commissioned and not naturally occurring. Concurrently, larger Twitter-based datasets covering 10-21 countries were also introduced \cite{abdelali2020Arabic,Abdul-Mageed:2018:you,Mubarak:2014:using,Zaghouani:2018:araptweet}.
The Nuanced Arabic Dialect Identification (NADI) Shared Task \cite{mageed-etal-2020-nadi}
followed earlier pioneering works by providing country-level dialect data for 21 Arab countries, and introduced a province-level identification task aiming at exploring a total of 100 provinces across these countries.
Also here, earlier efforts started in the west, most notably work in Johns Hopkins University \cite{Zaidan:2013:arabic}, but more work is happening now in the Arab world (NYUAD and QCRI) \cite{abdelali2020Arabic,bouamor2019madar}.
\subsubsection{Infrastructure}
To aid the development of NLP systems, a number of multi-lingual infrastructure toolkits have been developed, e.g., GATE\footnote{\url{https://gate.ac.uk}}, Stanford CoreNLP\footnote{\url{https://stanfordnlp.github.io/CoreNLP/}} and UIMA\footnote{\url{https://uima.apache.org/d/uimaj-current/}}. Their philosophy is to gather and develop several NLP tools within a single and homogeneous structure that is flexible, extensible and modular.
They offer researchers easy access to several tools through command-line interfaces (CLIs) and application programming interfaces (APIs), thus eliminating the need to develop them from scratch every time.
While Arabic NLP has made significant progress with the development of several enabling tools, such as POS taggers, morphological analyzers, text classifiers, and syntactic parsers, there is a limited number of homogeneous and flexible Arabic infrastructure toolkits that gather these components.
MADAMIRA \cite{pasha2014madamira} is a Java-based system providing solutions to fundamental NLP tasks for Standard and Egyptian Arabic. These tasks include diacritization, lemmatization, morphological analysis and disambiguation, POS tagging, stemming, glossing, (configurable) tokenization, base-phrase chunking and NER.\footnote{\url{https://camel.abudhabi.nyu.edu/madamira/}} MADAMIRA's signature approach is to address multiple morphology related tasks together in one fell swoop producing deep linguistic representations.
Farasa\footnote{\url{http://qatsdemo.cloudapp.net/farasa/}} is a collection of Java libraries and CLIs for MSA. These include separate tools for diacritization \cite{darwish2020arabic,mubarak2019highly}, segmentation \cite{Abdelali:2016:farasa}, lemmatization \cite{mubarak2018build}, POS tagging \cite{darwish2017arabic}, parsing \cite{zhang2015randomized}, and NER \cite{Darwish:2013:Named}.
SAFAR\footnote{\url{http://arabic.emi.ac.ma/safar/}} is a Java-based framework bringing together all layers of Arabic NLP: resources, pre-processing, morphology, syntax, and semantics.
CAMeL Tools \cite{Obeid:2020:cameltools} is a recently developed collection of open-source tools, developed in Python, that supports both MSA and Arabic dialects.\footnote{\url{https://github.com/CAMeL-Lab}} It currently provides APIs and CLIs for pre-processing, morphological modeling, dialect identification, NER, and sentiment analysis.
Other notable efforts include AraNLP \cite{althobaiti2014aranlp},
ArabiTools,\footnote{\url{https://www.arabitools.com/}} and
Adawat.\footnote{\url{http://adawat.sourceforge.net/}}
A feature comparison of some Arabic infrastructures can be found in \cite{Obeid:2020:cameltools} while a detailed survey and a software engineering comparative study can be found in \cite{jaafar2018survey}. Whatever the specific choice a researcher might make, the trend to use infrastructures more extensively will significantly save time and change the way Arabic applications are designed and developed.
\subsection{Arabic NLP Applications}
\subsubsection{Machine Translation}
Machine Translation (MT) is one of the earliest and most worked on areas in NLP.
The task is to map input text in a source language such as English to an output text in a target language such as Arabic.
Early MT research was heavily rule-based \cite{guessoum2001methodology,hatem2010syntactic,ibrahim1991MA,rafea1992mutargem,shaalan2004machine};
however now it is almost completely corpus-based using a range of statistical and deep learning models, depending on resource availability.
For MSA, parallel data in the news domain is plentiful.\footnote{Linguistic Data Consortium (LDC) resources: LDC2004T18, LDC2004T14, and LDC2007T08.} There are other large Arabic parallel collections under the OPUS project \cite{tiedemann2016parallel}
and as part of the UN corpus \cite{Rafalovitch:2009:united}.
Other specialized corpora include the Arab-Acquis corpus pairing with European languages (NYUAD) \cite{Habash:2017:parallel}
and the AMARA educational domain parallel corpus (QCRI) \cite{Abdelali:2014:amara}.
Dialectal parallel data are harder to come by and most are commissioned translations \cite{Bouamor:2014:multidialectal,Bouamor:2018:madar,Erdmann:2017:low,Meftouh:2015:machine,Zbib:2012:machine}.
There are many other efforts in Statistical MT (SMT) from and to Arabic \cite{carpuat2010improving,ElKholy:2010:orthographic,elming2009syntactic,Habash:2006:arabic-preprocessing,hasan2006creating,hatem2008modified,nguyen2008context,tahir2010knowledge}.
Recently, Deep Neural Networks have been adopted for Arabic Machine Translation as in \cite{al2020neural,2016arXiv160602680A,DBLP:journals/mt/AmeurGM19,gashaw2019amharicarabic,oudah-etal-2019-impact}.
While most researched MT systems for Arabic target English,
there have been efforts on MT for Arabic and other languages, e.g., Chinese \cite{habash2009improving},
Russian \cite{Zalmout:2017:optimizing},
Japanese \cite{Inoue:2018:parallel},
and all of the European Union languages \cite{Habash:2017:parallel}.
MT for Arabic dialects is more difficult due to limited resources, but there are noteworthy efforts exploiting similarities between MSA and dialects in universities and research group around the world \cite{Sajjad:2013:translating,sajjad2016egyptian,Salloum:2011:dialectal,Sawaf:2010:arabic,Shaalan:2007:transferring}.
Finally, there is a notable effort on Arabic sign-language translation at King Fahd University of Petroleum and Minerals \cite{luqman2019automatic}.
For recent surveys of Arabic MT, see \cite{Ameur2020ArabicMT}.
Despite all these contributions, much research work is still needed to improve the performance of Machine translation for Arabic.
\subsubsection{Pedagogical Applications}
Pedagogical applications (PA) focus on building tools to develop or model four major skills: reading, writing, listening, and speaking. Arabic PA research has solely focused on MSA.
PA systems can be distinguished in terms of their target learners as first language (L1) or second (foreign) language (L2) systems. This distinction can be problematic since, for Arabs, learning to read MSA is somewhat akin to reading a foreign tongue due to its lexical and syntactic divergence from native dialects.
We focus our Arabic PA discussion on (a) computer-assisted language learning (CALL) systems, (b) readability assessment, and (c) resource-building efforts.
\textbf{CALL systems} utilize NLP enabling technologies to assist language learners. There has been a number of efforts in Arabic CALL exploring a range of resources and techniques. Examples include the use of
Arabic grammar and linguistic analysis rules to help learners identify and correct a variety of errors \cite{shaalan2006error,shaalan2005intelligent};
and multi-agent tutoring systems that simulate the instructor, the student, the learning strategy, and include a log book to monitor progress, and a learning interface \cite{mahmoud2018multiagents,mahmoud2016intelligent}.
Another approach focuses on enriching the reading experience with concordances, text-to-speech (TTS), morpho-syntactic analysis, and auto-generated quiz questions \cite{maamouri2012developing}.
\textbf{Readability Assessment} is the task of automatic identification of a text's readability, i.e., its ability to be read and understood by its reader employing an acceptable amount of time and effort.
There has been a range of approaches for Arabic L1 and L2 readability. On one end, we find formulas using language-independent variables such as text length, average word length, and average sentence
length, number of syllables in words, the relative rarity or absence of dialectal alternatives, and the presence of less common letters \cite{c-s2018review,el-haj-rayson-2016-osman}.
Others integrate Arabic morphological, lexical and syntactic features with supervised machine learning approaches \cite{alkhalifa2010arability,alTamimi2014AARI,saddiki-etal-2018-feature}.
Although some progress has been made for both L1 and L2 PA, the dearth of resources compared with English remains the bottleneck for future progress. \textbf{Resource-building} efforts have focused on L1 readers with particular emphasis on grade school curricula \cite{Al-Ajlan2008,alkhalifa2010arability,alTamimi2014AARI}.
There is a push to inform the enhancement of curricula using pedagogical tools and to compare
curricula across Arab countries \cite{al-sulaiti-etal-2016-compilation,mubarak2020curricula}.
The L2 PAs are even more limited with limited corpora \cite{maamouri2012developing}
with disproportionate focus on beginners.\footnote{\url{https://learning.aljazeera.net/en}}
There is a definite need for augmenting these corpora in a reasoned way, taking into consideration different text features and learners, both young and old, beefing up the sparsely populated levels with authentic material, and exploiting technologies such as text simplification and text error analysis and correction.
Learner corpora, which as the name suggests are produced by learners of Arabic can inform the creation of tools and corpora \cite{Alfaifi2014ArabicLC,rytting-etal-2014-arcade,Zaghouani:2015:correction}.
A recent effort developed a large-scale Arabic readability lexicon compatible with an existing morphological analysis system \cite{al-khalil-etal-2020-large}.
\subsubsection{Information Retrieval and Question Answering}
With the increasing volume of Arabic content, information retrieval (aka search) has become a necessity for many domains such as medical records, digital libraries, web content, and news. The main research interests have focused on retrieval of formal language, mostly in the news domain, with ad hoc retrieval \cite{oard2002trec}, OCR document retrieval \cite{darwish2007error,darwish2002term}, and cross-language retrieval \cite{elayeb2016arabic}. The literature on other aspects of retrieval continues to be sparse or non-existent, though some of these aspects have been investigated by industry. Others aspects of Arabic retrieval that have received some attention include document image retrieval \cite{magdy2009efficient}, speech search \cite{olive2011handbook}, social media \cite{darwish2012language,hasanain2018evetar} and web search \cite{hasanain2020artest,suwaileh2016arabicweb16}, and filtering \cite{darwish2014arabic,magdy2016unsupervised}. However, efforts on different aspects of Arabic retrieval continue to be deficient and severely lacking behind efforts in other languages. Examples of unexplored problems include searching Wikipedia, which contains semi-structured content, religious text \cite{malhas2020ayatec}, which often contain semi-structured data such chains of narrations, rulings, and commentaries, Arabic forums, which are very popular in the Arab world and constitute a significant portion of the Arabic web, and poetry. To properly develop algorithms and methods to retrieve such content, standard test sets and clear usage scenarios are required. We expect that recent improvements in contextual embeddings can positively impact the effectiveness of many retrieval tasks.
Another IR related problem is question answering, which comes in many flavors, the most common of which is attempting to identify a passage or a sentence that answers a question \cite{hasanain2014identification}. Performing such a task may employ a large set of NLP tools such as parsing, NER, co-reference resolution, and text semantic representation.
There has been limited research on this problem \cite{IEEE:mawdoo3/deep2019,romeo2019language}
and existing commercial solutions such as \url{Ujeeb.com} are rudimentary.
\subsubsection{Dialogue Systems}
Automated dialog systems capable of sustaining a smooth and natural conversation with users have attracted considerable interest from both research and industry in the past few years. This technology is changing how companies engage with their customers among many other applications. While commercial dialog systems by big multinational companies such as Amazon Alexa, Google Home, and Apple Siri support many languages, only Apple Siri supports Arabic with limited performance. There are some strong recent competitors in the Arab world, particularly Arabot\footnote{\url{https://arabot.io/}} and Mawdoo3's Salma.\footnote{\url{http://salma.ai/}}
While there is an important growing body of research on English language dialog systems,
current NLP methods for Arabic language dialogue are mostly based on handcrafted rule-based systems and methods that use feature engineering \cite{alhumoud2018arabic}.
Among the earliest research efforts on Arabic dialog applications is the Quran chatbot \cite{shawar2004arabic},
where the conversation length is short since the system answers a user input with a single response. It uses a retrieval-based model as the dataset is limited by the content of the Quran. A recent approach used deep learning techniques for text classification and NER to build a natural language understanding module -- the core component of any dialogue system -- for the domain of home automation in Arabic \cite{bashir2018implementation}.
A unique dialogue system from NYUAD explored bilingual interfaces where Arabic speech can be used as input to an English bot that displays Arabic subtitles \cite{abu-ali-etal-2018-bilingual}.
Other works have focused on developing dialog systems for the case of Arabic dialects, e.g.
the publicly available NYUAD Egyptian dialect chatbot {\it Botta},
and KSU's Saudi dialect Information Technology focused chatbot {\it Nabiha} \cite{alnabiha}.
\subsubsection{Sentiment and Emotion Analysis}
Sentiment analysis (SA), aka opinion mining, is the task of identifying the
affective states and subjective information in a text. For example, an Egyptian Arabic
movie review such as <A.hsn fylm alsnT dy!> `the best movie this
year!' is said to indicate a positive sentiment.
SA is a very powerful tool for tracking customer satisfaction, carrying out competition analysis,
and generally gauging public opinion towards a specific
issue, topic, or product.
SA has attracted a lot of attention in the Arabic research community during the
last decade, connected with the availability of large volumes of opinionated and
sentiment reflecting data from Arabic social media.
Early Arabic SA efforts focused on the creation of needed resources
such as sentiment lexicons, training datasets, and sentiment treebanks \cite{Abdul-Mageed2012,Badaro:2014:large,baly2017sentiment,El-Beltagy2016,ElSahar2015,Eskander2015,Khalil2015,Mourad2013,Refaee2014,salameh-mohammad-kiritchenko:2015:NAACL-HLT,Shoukry2015},
as well as shared task benchmarks \cite{SemEval2018Task1,SemEval:2017:task4}.
Arabic SA solutions span a range of methods from the now conventional use of
rules and lexicons \cite{Abdul-Mageed:2014:sana,Badaro:2014:large,El-Beltagy2013}
to machine learning based methods \cite{abu-farha-magdy-2019-mazajak,badaro-etal-2018-ema,baly2017sentiment},
as well as hybrid approaches employing morphological and syntactic features \cite{al2019enhancing}.
Recently, fine-tuning large pre-trained language models has achieved improved Arabic SA results \cite{abdulmageed2020microdialect,antoun2020arabert}.
Arabic emotion recognition is a closely related topic that has attracted some attention recently. It aims to identify a variety of emotions in text such as anger, disgust, surprise, and joy \cite{alswaidan2020hybrid,badaro2018arsel,baly2019arsentd,hifny2019efficient,shahin2019emotion}.
Similar to how SA resources and models started maturing, a lot of work still needs to be done in emotion recognition. Another related problem is stance detection, which attempts to identify positions expressed on a topic or towards an entity. Stances are often expressed using non-sentiment words \cite{borge2015content}.
For a recent comprehensive survey on the status of Arabic SA and the future directions, see \cite{badaro2019survey}.
\subsubsection{Content Moderation on Social Media
The task of content moderation is about the enforcement of online outlets' policies against posting user comments that contain offensive language, hate speech, cyber-bullying, and spam among other types of inappropriate or dangerous content.\footnote{\url{https://www.bbc.co.uk/usingthebbc/terms/what-are-the-rules-for-commenting/}}
Such content cannot be easily detected given the huge volume of posts, dialectal variations, creative spelling on social media, and the scarcity of available data and detection tools.
This area is relatively new for Arabic. One of the more active areas has to do with the detection of offensive language, which covers targeted attacks, vulgar and pornographic language, and hate speech. Initial work was performed on comments from a news site and limited numbers of tweets \cite{mubarak2017abusive}
and YouTube comments \cite{alakrot2018towards}.
Some works focused on adult content \cite{Alshehri2018ThinkBY} and others on hate speech.
Recent benchmarking shared tasks included the automatic detection of such language in Twitter domain \cite{mubarak-etal-2020-overview}. Work on spam detection on Twitter is nascent and much work is required \cite{mubarak2020spam}.
\section{Future Outlook}
Arabic NLP has many challenges, but it has also seen many successes and developments over the last 40 years. We are optimistic by its continuously positive albeit (sometimes) slow development trajectory.
For the next decade or two, we expect a large growth in the Arabic NLP market. This is consistent with the global rising demands and expectations for language technologies and the increase in NLP research and development in the Arab world. The growing number of researchers and developers working on NLP in the Arab world makes it a very fertile ground ready for major breakthroughs.
To support this vision, we believe it is time to have an association for Arabic language technologists that brings together talent and resources, and sets standards for the Arabic NLP community. Such an organization can support NLP education in the Arab world, serve as a hub for resources, and advocate for educators and researchers in changing old-fashioned university policies regarding journal-focused evaluation, and encouraging collaborations within the Arab world by connecting academic, industry, and governmental stakeholders. We also recommend more open source tools and public data are made available to create a basic development framework that lowers the threshold for joining the community, thus attracting more talent that will form the base of the next generation of Arabic NLP researchers, developers, and entrepreneurs.
|
\section{Introduction}
\color{black}
\section{Introduction}\label{sec:introdution}
This paper studies approximate pure-Nash equilibria (PNE for short) for $n$-player noncooperative games involving non-convexities in players’ costs or action sets. The goal is to show the existence of such approximate equilibria under certain conditions, and to propose an algorithm allowing their effective calculation, in some specific cases. In particular, this paper focuses on a specific class of noncooperative games (which includes congestion games) referred to as sum-aggregative games (Selten \cite{Selten1970}, Corch\'on \cite{Corchon1994}, Jensen \cite{Jensen2010}). The cost of each player depends on the weighted sum of the other players' decisions. These games find practical applications in various fields in political science, economics, social biology, and engineering, such as voting \cite{PalfreyRosenthal1983,MyersonWeber1993}, market competition \cite{MurphyAl1982}, public goods provision \cite{BasileAl2016,FoucartWan2018}, rent seeking \cite{PerezDavidVerdier1992}, population dynamics \cite{HofbauerSigmund1998}, traffic analysis \cite{Dafermos1980,MarcottePatricksson2007}, communications network control \cite{OrdaRomShimkin1993,LibmanOrda2001} and electrical system management \cite{Horta2018,Jaquotetal2020}.
However, in these real-life situations, the players' action sets and their cost functions are often \emph{nonconvex}.
This work is motivated by concrete applications for which it is unreasonable to neglect the \emph{nonconvexities} inherent to the problem. In particular, we are interested in demand-side management in electrical systems \cite{Paulin}, where each flexible consumer is considered as a player trying to minimize her electricity bill by modulating her consumption (e.g. electric vehicle charging). We design a game where the players’ bills (costs) depend on both their own consumption and the total consumption of all players in order to ensure that the
Nash equilibria or $\epsilon$-Nash equilibria attain the goal of shaving the peak demand and smoothing the load curve of the power grid.
Mathematically, we are interested in the existence and computation of Nash or $\epsilon$-Nash equilibria of the game.
In this context, the technical constraints of flexible electrical devices (such as the battery of an electric vehicle)
limit the number of feasible electrical consumption profiles. They also generally imply nonconvex action sets,
for example, only allowing for discrete power consumption profiles. However, most theoretical or algorithmic results concerning games are limited to the convex framework, in which the players' action sets as well as their cost functions are convex. Our motivation is precisely to propose theoretical and algorithmic tools considering large \emph{nonconvex} sum-aggregative games, in order to address demand-side management applications in a relevant way.
In the convex framework, a PNE is known to exist under mild regularity conditions (see, for example, Rosen \cite{Rosen1965}). Outside the convex framework, it is generally difficult to provide \emph{existence} results for PNE and \emph{approximation algorithms} with performance guarantees.
When players have a finite number of actions, Mondrer and Shapley \cite{MondrerShapley1996} show that potential games, where a so-called potential function exists, admit PNEs. As a matter of fact, every finite potential game is isomorphic to a finite congestion game introduced by Rosenthal \cite{Rosenthal1973}, where players have equal weights and non-player-specific resource cost functions. Recall that, in a congestion game, resources are shared among players, with each resource having a cost function depending on the aggregate load applied to it. However, when players have player-specific weights and/or resource cost functions, a potential function no longer necessarily exists. The existence of PNEs is then not guaranteed, except in some particular cases (cf. Milchtaich \cite{Milchtaich1996}). In integer-splittable congestion games where the unequally integer-weighted players can split their weight into unit-weight blocks, the existence of PNE is shown by Tran-Thanh et al. \cite{Tran2011} for the case where a pure strategy consists in a single resource and the non-player-specific resource cost functions are convex and monotone, and by Meyers \cite{Meyers2006} for the case where the non-player-specific resource cost functions are linear. For games with discrete (but not necessarily finitely many) strategies, Sagratella \cite{Sagratella2016} proposes a branching method to compute the whole solution set of PNEs. He proves the existence of PNEs for a particular class of such games and proposes an algorithm leading to one of the equilibria.
However, when the players' cost functions are nonconvex and/or their action sets are nonconvex but not necessarily finite, there is no general result for the existence of PNEs.
\smallskip
Even in the convex setting, convergent algorithms for the computation of ($\epsilon$-)PNE in games are known only for some special cases.
For example, for potential games or (strongly) monotone games. A common approach is to solve the variational inequality characterizing the PNEs in such games (cf. Facchinei and Pang \cite{FacchineiPang2003} and the references therein).
Scutari et al. 2014 \cite{ScutariAl2014} consider generic $n$-player games which need not be large nor aggregative, but with strongly monotone inequality characterizing the PNE. They use proximal best-reply algorithms to solve this variational inequality.
Paccagnan, Kamgarpour and Lygeros 2016 \cite{PaccagnanKamgarpourLygeros2016} consider a specific convex aggregative game and use a decentralized gradient projection algorithm to solve the strongly monotone variational inequality characterizing the PNE.
Paccagnan et al. 2019 \cite{PaccagnanAl2019} studies $\epsilon$-PNE in convex large aggregative games with coupling constraints. Their methodology is close to ours in the sense that they only look for an $\epsilon$-PNE (which they call Wardrop equilibrium) instead of an exact one.
They use respectively a decentralized gradient projection algorithm and a decentralized best-reply (to the aggregate term) algorithm to solve the variational inequality characterizing this Wardrop equilibrium. Compared with their work, our novelty consists in studying \emph{nonconvex} games.
We proceed by first finding an $\epsilon$-PNE of an auxiliary convex game. We then develop a specific algorithm to ensure that the resulting $\epsilon$-PNE verifies a particular condition called \emph{the stability condition}, which is necessary for recovering an $\epsilon$-PNE of the original nonconvex game.
\bigskip
The originality of this paper is to circumvent the nonconvexity by exploiting
the fact that large sum-aggregative games approach a convex framework when the number of players is large.
The counterpart of this approach is to search for an \emph{additively $\epsilon$-PNE} (cf. Definition \ref{def:epsilonNash}) instead of an exact PNE. The main inspirations of the present work are \cite{Starr1969} in economics and \cite{Wang2017} in optimization. Starr 1969 \cite{Starr1969} was interested in computing general equilibria for nonconvex competitive economy in terms of price and quantity, while Wang 2017 \cite{Wang2017} considered large scale nonconvex separable optimization problems coupled by sum-aggregative terms. In both cases, the authors proposed to convexify the problem, taking advantage of the large number of agents or subproblems
to bound the error induced by the convexification, thanks to the Shapley-Folkman Lemma (cf. Lemma \ref{lm:SF}).
Roughly speaking, the Shapley-Folkman Lemma states that the Minkowski sum of a finite number of sets in Euclidean spaces is close to convex, when the number of sets is very large compared with their dimensions. It has been applied in nonconvex optimization for its convexification effect. Aubin and Ekeland \cite{AubinEkeland1976} used the lemma to derive an upper bound on the duality gap in an additive, separable nonconvex optimization problem. Since, quite a few papers have extended or sharpened this result (cf. Ekeland and Temam \cite{EkelandTemam1999}, Bertsekas and coauthors \cite{Bertsekas1979,BertsekasSandell1982}, Pappalardo \cite{Pappalardo1986}, Kerdreux et al. \cite{KerdreuxAl2019}, Bi and Tang \cite{BiTang2020}). These theoretical results have found applications in engineering, such as the large-scale unit commitment problem \cite{LauerAl1982,BertsekasAl1983} and optimization of Plug-in Electric Vehicle charging \cite{VujanicAl2016}, optimization of multicarrier communication systems \cite{YuLui2006}, supply-chain management \cite{VujanicAl2014}, and spatial graphical model estimation \cite{FangLiuWang2019}.
\paragraph{Main contributions.}
The main contribution of the present paper is threefold.
(C1) Theoretically, Proposition \ref{thm:existepsilon} and Theorem \ref{thm:main} give the existence of $\mathcal{O}(\frac{1}{n^\gamma})$-PNEs for $n$-player nonconvex sum-aggregative games where the players' cost functions depend only on their own action and the average of all the players' actions, is lower semicontinuous in the former, and $\gamma$-H\"{o}lder continuous in the latter. Neither the action sets nor the cost functions need to be convex.
This contribution makes use of similar approaches to Starr \cite{Starr1969} and Wang \cite{Wang2017},
who both used the same technique. Starr (resp. Wang) first found an economy equilibrium of the convexified economy (resp. an optimum of the convexified optimization problem), then used the Shapley-Folkman lemma to find a profile of choices by the agents (resp. subproblems) that are almost all feasible except for very few agents (resp. subproblems), such that the aggregate term remains unchanged. Then, they showed that such a profile is an approximation of the exact equilibrium (resp. optimum). Our first contribution consists of two novelties. Firstly, in Proposition \ref{thm:existepsilon} we extend this approach to nonconvex sum-aggregative games to show the existence of $\epsilon$-PNE, by the ``disaggregation'' of an exact PNE of an auxiliary convexified game. Secondly, in Theorem \ref{thm:main} we show that one can also construct an $\epsilon$-PNE of the nonconvex game by the ``disaggregation'' of an $\epsilon$-PNE (instead of an exact PNE) of the auxiliary convexified game provided that some \textit{stability condition} is satisfied.
This second novelty is more significant, and it is crucial for our next contribution
(C2) Algorithmically, for an important class of $n$-player nonconvex sum-aggregative games including congestion games with $\gamma$ being 1 and where action sets are compact subsets of Euclidean spaces, we present an iterative gradient-proximal algorithm to compute an $\epsilon$-PNE of the convexified game which satisfies the above mentioned stability condition (Proposition \ref{lm:Nash-disagrregative}).
Then, Theorem \ref{thm:congestionPNE} ensures the performance of this algorithm
which allows to recover
an $\mathcal{O}(\frac{1}{n})$-PNE of the original nonconvex game with at most $\mathcal{O}(n^3)$ iterations.
We also provide an extremely fast, easy and distributed method to obtain an $\mathcal{O}(\frac{1}{\sqrt{n}})$-mixed-strategy Nash equilibrium after the same number of iterations (Corollary \ref{cor:congestionMNE}).
(C3) Practically, the interest of this approach is demonstrated in Section \ref{sec:numerical}, where a numerical simulation with the gradient-proximal algorithm is done for a demand-side management problem involving flexible electric vehicle charging.
\smallskip
\color{black}
\paragraph{Notations.} In a Euclidean space, $\| \cdot \|$ denotes the $l^2$-norm. For a point $x\in \mathbb{R}^d$ and a subset $\mathfrak{X}$ of $\mathbb{R}^d$, $d(x, \mathfrak{X}):=\inf_{y\in \mathfrak{X}} \{\|x-y\|\}$ is the distance from the point to the subset. For two subsets $\mathfrak{X}$ and $\mathcal{Y}$ of $\mathbb{R}^d$, their Minkowski sum is the set $\{x+y \, | \, x\in \mathfrak{X}, y\in \mathcal{Y}\}$. For $x\in \mathbb{R}^d$ and $r\in \mathbb{R}^{+}$, $B(x,r):=\{y\in \mathbb{R}^{d} \,|\, \|y-x\|\leq r\}$, the $r$-radial ball centered on $x$.
For a matrix $A\in \mathbb{R}^{d} \times \mathbb{R}^{q}$, $\| \cdot \|_2$ is the 2 -norm of matrices: $\|A\|_2:=\sqrt{\lambda_{\max}(A^\tau A)}$ where $A^\tau$ is the transpose of $A$ and $\lambda_{max}(A^\tau A)$ stands for the largest eigenvalue of the matrix $A^\tau A$.
\medskip
\tcbl{The proof of Proposition \ref{thm:existNEconv} and the lemmata used for the proof is given in Appendix A.
All the other proofs and intermediate results are
gathered in Appendix B.}
\section{Existence of \tcbl{$\epsilon$-PNE} in large nonconvex \tcbl{sum-aggregative} games}\label{sec:exist}
\subsection{A nonconvex \tcbl{sum-aggregative} game and its convexification}
Consider an $n$-player noncooperative game $\Gamma$. The players are indexed over $N=\{1,2,\cdots, n\}$. Each player $i\in N$ has an action set $\mathfrak{X}_i\subset \mathbb{R}^d$, which is closed and bounded but not necessarily convex. Let $\tilde{\X}_{i} := \textrm{conv}(\mathfrak{X}_i)$ be the convex hull of $\mathfrak{X}_i$ (which is also closed and bounded) and denote $\mathfrak{X}:=\prod_{i\in N} \mathfrak{X}_i$, $\tilde \X:= \prod_{i\in N} \tilde{\X}_{i} $, $\tilde \X_{-i} := \prod_{j\in N_{-i}}\tilde \X_j$ where $N_{-i}:=N\setminus\{i\}$. Let constant $\Delta>0$ be such that, for all $i\in N$, the compact set $\mathfrak{X}_i$ has diameter $\vert \mathfrak{X}_i\vert := \max_{x_i, y_i \in \mathfrak{X}_i}\|x_i - y_i\|$ that is not greater than $\Delta$.
As usual, let $x_{-i}$ denote the profile of actions of all the players except that of player $i$. Each player $i$ has a real-valued cost function $f_i$ defined on $\mathfrak{X}_i \times \tilde \X_{-i}$, which has the following specific form:
\begin{equation}
\label{eq:cost}
f_i(x_i, x_{-i}):=\theta_i \bigg(x_i,\, \frac{1}{n}\sum_{j\in N} A_j x_j \bigg)\ ,\quad\textrm{for any}\ x_i \in \mathfrak{X}_i\, , \ x_{-i} \in \tilde \X_{-i}\ ,
\end{equation}
where each $A_j$ is a $q \times d$ matrix for all $j\in N$, and $\theta_i$ is a real-valued function defined on $\mathfrak{X}_i \times \Omega$, with $\Omega\subset \mathbb{R}^q$ a neighborhood of $\{ \frac{1}{n} \sum_{j\in N} A_j y_j\, \vert\, y_j \in \tilde \X_j ,\, \forall j\in N\}$.
Let constant $M>0$ be such that $\| A_i \|_{2} \leq M$ for each $i\in N$.
\medskip
Remark that $\Gamma$ is a \tcbl{\textit{weighted sum-aggregative game. It is a generalization of \textit{sum-aggregative games}}, which correspond to the specific case where, for each $j\in N$, $A_j$ reduces to the identity matrix. For the sake of simplicity, we still call $\Gamma$ a sum-aggregative game.}
\tcbl{
\begin{defn}[Additively $\epsilon$-pure Nash equilibrium]\label{def:epsilonNash}
For a constant $\epsilon \geq 0$, an \emph{additively $\epsilon$-pure Nash equilibrium (additively $\epsilon$-PNE)} $x^\epsilon\in \mathfrak{X}$ in game $\Gamma$ is a profile of actions of the $n$ players such that, for each player $i \in N$,
\begin{equation*}
f_i(x^\epsilon_i, x^\epsilon_{-i}) \leq f_i(x_i, x^\epsilon_{-i}) + \epsilon \, , \textrm{ for any } x_i \in \mathfrak{X}_i\, .
\end{equation*}
If $\epsilon=0$, then $x^\epsilon$ is a \emph{pure Nash equilibrium (PNE)}.
\end{defn}
}
\tcbl{For the sake of simplicity, we omit ``additively'' whenever it causes no confusion.}
\medskip
For nonconvex games (where either action sets or cost functions are not convex), the existence of a PNE is not clear.
\tcbl{This paper uses an auxiliary convexified version of the nonconvex game, which is helpful both in the proof of the existence of an $\epsilon$-PNE of the nonconvex game and in the construction of such an approximate PNE.}
\begin{defn}[\tcbl{Convexified game and Generators}]\label{def:w_i}
The \emph{convexified game} $\tilde{\Gamma}$ associated with $\Gamma$ is a noncooperative game played by $n$ players. Each player $i\in N$ has an action set $\tilde{\X}_{i}$ and a real-valued cost function $\tilde{f}_{i}$ defined on $\tilde \X$ as follows: for all $x\in \tilde \X$,
\tcbl{\begin{equation}
\label{eq:costConv}
\tilde{f}_{i}(x_i, x_{-i})
=\inf_{(\alpha^k)_{k=1}^{d+1}\in \mathcal{S}_{d}; \, z^k \in \mathfrak{X}_i, \forall k } \bigg\{\sum_{k=1}^{d+1} \alpha^k f_i(z^k,x_{-i})\,\Big\vert \, x_i=\sum_{k=1}^{d+1} \alpha^k z^k \, \bigg\} \, ,
\end{equation}}
where $\mathcal{S}_{d}:=\{\alpha=(\alpha^k)_{k=1}^{d+1} \in\mathbb{R}^{d+1} \, \vert\, \forall k\,, \alpha^k\geq 0\,, \, \sum_{k=1}^{d+1} \alpha^k=1\}$ denotes the probability simplex of dimension $d$.
\tcbl{A set of $d+1$ points ($z^k$, $k=1,\ldots, d+1$) in $\mathfrak{X}_i$ that attains
the minimum in \eqref{eq:costConv} is called a \emph{generator for $(i,x)$}.
}
\tcbl{In the sequel, notation $Z(i, x)$ refers to a certain generator for $(i,x)$, and $\alpha(i,x)$ refers to the corresponding $(d+1)$-dimensional vector of coefficients.}
\end{defn}
\tcbl{For a lower semicontinuous (l.s.c.) function, equation \eqref{eq:costConv} just defines its convex hull (cf. Lemma \ref{lm1}). This particular form of definition is proposed in \cite{Bertsekas1996}.}
\smallskip
\tcbl{PNE and additively $\epsilon$-PNE} are similarly defined for the convexified game $\tilde{\Gamma}$.
\bigskip
The remainder of this subsection is dedicated to a preliminary analysis of the convexified game.
\color{black}
First let us introduce an assumption that will hold in this section. It ensures the existence of generators for all $(i,x)\in N\times \mathfrak{X}$ (cf. Lemma \ref{lm1} for a proof).
\begin{ass}\label{ass:lsc} ~~ \\
\noindent (1)
For any player $i\in N$, for any $y\in \Omega$, function $x_i \mapsto \theta_i(x_i, y)$ is \tcbl{l.s.c.} on $\mathfrak{X}_i$.
\noindent (2) There exists constants $H>0, \gamma>0$ such that,
for all $i\in N$, for all $x_i\in \mathfrak{X}_i$, function $y\mapsto \theta_i (x_i,y)$ is $(H,\gamma)$-H\"older on $y\in \Omega$, i.e.
\begin{equation}
\label{eq:ass:theta}
\vert \theta_i(x_i,y')-\theta_i(x_i,y)\vert \leq H \Vert y'-y\Vert^\gamma\ .
\end{equation} \end{ass}
\begin{rem}
It is straightforward from Assumption \ref{ass:lsc} that $f_i(\cdot, x_{-i})$ is l.s.c. in $x_i\in \mathfrak{X}_i$ for any fixed $x_{-i}\in \tilde \X_{-i}$.
\end{rem}
\color{black}
According to Lemma \ref{lm1}, $x_i \mapsto \tilde{f}_{i}(x_i, x_{-i})$ is convex and l.s.c on $\tilde{\X}_{i}$, its subdifferential exists and let it be denoted by $\partial_i \tilde{f}_{i}(\cdot, x_{-i})$. Then, for each $x_i \in \tilde{\X}_{i}$, $\partial_i \tilde{f}_{i}(x_i, x_{-i})$ is a nonempty convex subset of $\mathbb{R}^d$.
\begin{prop}[Existence of PNE in $\tilde{\Gamma}$]\label{thm:existNEconv}
Under Assumption \ref{ass:lsc}, the convexified game $\tilde{\Gamma}$ admits a PNE.
\end{prop}
\begin{proof}
It results from Theorem \ref{thm:lsc} in Appendix A.
\end{proof}
\begin{rem}
Theorem \ref{thm:lsc} extends Rosen's theorem on the existence of PNE in games with convex continuous cost functions \cite{Rosen1965} to the case where the cost functions are only l.s.c. instead of being continuous with respect to the players' own actions. \tcbl{This extension is not trivial. Our proof follows the same lines as Rosen, and relies on the use of the Kakutani's fixed point theorem \cite{Kakutani1941}. In particular, we show in Lemma \ref{lm:rosen} that the conditions required to apply the Kakutani's theorem are fulfilled in our case of l.s.c. convex games.}
\smallskip
The following example shows that even the continuity of $f_i$ on $\mathfrak{X}_i$ cannot guarantee the continuity of $\tilde{f}_{i}$ on $\tilde{\X}_{i}$, so that Rosen's theorem is not sufficient here.
Consider $d=3$, $\mathfrak{X}_i=T\cup B \cup S$ where $T=\{(x^1,x^2,x^3) \in \mathbb{R}^3 \vert (x^1)^2+(x^2)^2=1, x^3=1\}$, $B=\{(x^1,x^2,x^3) \in \mathbb{R}^3 \vert (x^1)^2+(x^2)^2=1, x^3=-1\}$, $S=\{(x^1,x^2,x^3) \in \mathbb{R}^3 \vert x^1=1, x^2=0, -1\leq x^3 \leq 1\}$; $f_i$ is independent of $x_{-i}$, and $f_i(x)=0$ for $x\in T\cup B$, $f_i(x)=|x^3|-1$ for $x\in S$. Then, for all $x\in \{(x^1,x^2,x^3) \in \mathbb{R}^3 \vert (x^1)^2+(x^2)^2=1, x^3=0\} \subset \partial \tilde{\X}_{i}$, $\tilde{f}_{i}(x)=0$ except for $x^*=(1,0,0)$, but $\tilde{f}_{i}(x^*)=f_i(x^*)=-1$.
\end{rem}
\subsection{\tcbl{Existence and construction of an $\epsilon$-PNE of the nonconvex game}}
\color{black}
The following proposition shows the existence of $\epsilon$-PNE in the nonconvex game $\Gamma$ and its construction from an exact PNE of the convexified game $\tilde{\Gamma}$.
\begin{prop}[Existence of $\epsilon$-PNE] \label{thm:existepsilon}
Under Assumption \ref{ass:lsc}, the nonconvex game $\Gamma$ admits an $\epsilon$-PNE, where $\epsilon = 2 H (\frac{(\sqrt{q}+1)M\Delta}{n})^\gamma$.
In particular,
suppose that $\tilde x\in \tilde \X$ is a PNE in $\tilde{\Gamma}$ (which exists according to Proposition \ref{thm:existNEconv}), and $Z(i,\tilde x)$ an arbitrary generator, for each player $i$, then $x^{*}\in \mathfrak{X}$ such that
\begin{equation}\label{eq:argmin}
x^{*}\in \underset{x_i\in Z(i,\tilde x),\, i\in N }{\operatorname{argmin}} \Big\|\sum_{i\in N} A_i \tilde x_i-\sum_{i\in N} A_i x_i\Big \|^2\, ,
\end{equation}
is such an $ \epsilon$-PNE of the nonconvex game $\Gamma$.
\end{prop}
\emph{Sketch of the proof:} By the definition of PNE in $\tilde{\Gamma}$, $\tilde x_i$ is a best response to $\tilde x_{-i}$ in terms of $\tilde{f}_i$. By Lemma \ref{lm1}, all the points in $Z(i,\tilde x)$ are also best replies to $\tilde x_{-i}$ in terms of $f_i$.
We then use the Shapley-Folkman lemma (Lemma \ref{lm:SF}) to disaggregate $\frac{1}{n}\sum_i A_i \tilde x_i$ over the sets $Z(i,\tilde x)$ to obtain a feasible profile $x^*$.
Finally, we can show that $\frac{1}{n}\sum_i A_i x^*_i \approx \frac{1}{n}\sum_i A_i \tilde x_i$ and $x^*_i$ is (almost) a best response to $\frac{1}{n}\sum_i A_i x^*_i$.
\medskip
From an algorithmic point of view, a PNE is not always easy or fast to compute for the convexified $\tilde{\Gamma}$, even though its existence is guaranteed.
Even when we have a convergent algorithm, the outputs of the algorithm at each iteration provide only approximations of the exact PNE which may constitute $\epsilon$-PNE but rarely exact PNE.
Then, the question that naturally arises is whether the idea above is still valid if $\tilde x$ is only an $\epsilon$-PNE of $\tilde{\Gamma}$, i.e. $\tilde x_i$ is an $\epsilon$-best response to $\tilde x_{-i}$ in terms of $\tilde{f}_i$. More explicitly, are points in $Z(i,\tilde x)$ still $\epsilon$-best replies to $\tilde x_{-i}$ in terms of $f_i$?
The answer is YES, if the $\epsilon$-PNE $\tilde x$ of the convexified game $\tilde{\Gamma}$ satisfies a more demanding condition, introduced by the following definition.
\begin{defn}[Stability condition]\label{def:approxeq}
In game $\tilde{\Gamma}$,
a point $\tilde x\in \tilde \X$ is said to satisfy the \emph{$\eta$-stability condition with respect to} $(Z(i,\tilde x))_i$
if, for each player $i$,
$\tilde{f}_i(x_i,\tilde x_{-i}) \leq \tilde{f}_{i}(\tilde x_i,\tilde x_{-i}) + \eta$ for all $x_i \in Z(i,\tilde x)$.
A point $\tilde x$ is said to satisfy the \emph{$\eta$-stability condition} if it satisfies the $\eta$-stability condition with respect to a certain generator profile $(Z(i,\tilde x))_i$.
A point $\tilde x$ is said to satisfy the \emph{full $\eta$-stability condition} if it satisfies the $\eta$-stability condition with respect to any generator profile $(Z(i,\tilde x))_i$.
\end{defn}
The stability condition of $\tilde x$ with respect to \tcbl{$(Z(i,\tilde x))_i$} means that, for each player $i$, her cost is only slightly increased if her choice is unilaterally perturbed within the convex hull of the generator \tcbl{$Z(i,\tilde x)$}.
According to Lemma \ref{lm1}, a PNE of $\tilde{\Gamma}$ satisfies the \tcbl{ full $0$-stability condition}.
\medskip
\color{black}
A sufficient condition for the \tcbl{$\eta$-stability} of $\tilde x$ is given by Lemma \ref{lem:approxeq}
\begin{lem}\label{lem:approxeq}
Under Assumption \ref{ass:lsc}, for any action profile $\tilde x\in \tilde \X$, for any player $i$, if there is \tcbl{a generator $Z(i,\tilde x)$} and $h\in \partial_i \tilde{f}_{i}(\tilde{x}_{i}, \tilde x_{-i})$, such that,
\begin{equation}\label{eq:firstorder}
\bigl\langle h, x_i - \tilde x_i \bigr\rangle \geq -\eta \|x_i -\tilde{x}_{i} \|\, ,\quad \forall x_i \in \tcbl{\textrm{conv} \, Z(i,\tilde x)}\, .
\end{equation}
then,
\begin{equation*}
|\tilde{f}_i(x_i,\tilde x_{-i}) - \tilde{f}_{i}(\tilde x_i,\tilde x_{-i}) | \leq \eta\|x_i -\tilde{x}_{i} \| \, , \quad \text{for all }\, x_i \in \tcbl{Z(i,\tilde x)}\
\end{equation*}
In particular, $\tilde x$ satisfies the \tcbl{$\eta \Delta$-stability condition with respect to $(Z(i,\tilde x))_i$}.
\end{lem}
\color{black}
The following theorem shows how to construct an $\mathcal{O}(\frac{1}{n^\gamma})$-PNE of the original nonconvex game $\Gamma$, when we know an $\epsilon$-PNE of the convexified game $\tilde{\Gamma}$ satisfying the $\eta$-stability condition and the associated generator profile.
\begin{thm}[Construction of $\epsilon$-PNE of $\Gamma$] \label{thm:main}
Under Assumption \ref{ass:lsc}, suppose that $\tilde x\in \tilde \X$ is an $\epsilon$-PNE in $\tilde{\Gamma}$ which satisfies the \tcbl{$\eta$-stability condition with respect to a specific generator profile $(Z(i,\tilde x))_i$}. Let $x^{*}\in \mathfrak{X}$ be such that
\begin{equation}\label{eq:argmin}
x^{*}\in \underset{x_i\in \tcbl{Z(i,\tilde x)},\, i\in N }{\operatorname{argmin}} \Big\|\sum_{i\in N} A_i \tilde x_i-\sum_{i\in N} A_i x_i\Big \|^2\, .
\end{equation}
Then, $x^*$ is a $\tilde \epsilon$-PNE of the nonconvex game $\Gamma$, where $\tilde \epsilon = \epsilon+\eta + 2 H (\frac{(\sqrt{q}+1)M\Delta}{n})^\gamma$.
\end{thm}
\color{black}
\subsection{A \tcbl{distributed} randomized ``Shapley-Folkman disaggregation''}\label{subsec:randomSF}
\tcbl{Once an exact PNE or an $\epsilon$-PNE satisfying the $\eta$-stability condition, $\tilde x$, of the convexified game $\tilde{\Gamma}$ is obtained, as well as the associated generator profile $(Z(i,\tilde x))_i$, we would like to find an $\tilde{\epsilon}$-PNE of the nonconvex game $\Gamma$, whose existence is shown by Proposition \ref{thm:existepsilon} and Theorem \ref{thm:main}. However, solving \eqref{eq:argmin} is generally hard (cf. Udell and Boyd \cite{UdellBoyd2016} for such a ``Shapley-Folkman disaggregation'' in a particular setting of optimization).
In this section, we present a method to compute an $\check{\epsilon}$-mixed-strategy Nash equilibrium (MNE) in a distributed way, based on the known $\epsilon$-PNE of $\tilde{\Gamma}$, its associated generator profile and coefficients. The algorithm is qualified ``distributed'' because, for each player $i$, it computes her mixed-strategy $\mu_i$ from the information of $\tilde x_i$, the generator $Z(i, \tilde x)$ and the coefficients $\alpha(i,x)$ only. }
\begin{prop}\label{prop:mixed}
Under Assumption \ref{ass:lsc}, suppose that $\tilde x\in \tilde \X$ is an $\epsilon$-PNE of $\tilde{\Gamma}$ satisfying the $\eta$-stability condition \tcbl{with respect to $(Z(i,\tilde x))_i$}, and each player $i$ plays a mixed strategy $\tilde{\mu}_i$ independently, i.e. a random action $X_i$ following distribution $\tilde{\mu}_i$ over $\mathfrak{X}_i$, defined by $\mathbb{P}(X_i = x_i^{l}) = \alpha_i^l$\tcbl{, where $x_i^l \in Z(i,x)$ for $l=1,\ldots, d+1$, and $(\alpha^l_i)_{l=1}^{d+1}=\alpha(i,x)$ is the corresponding coefficient}. Then, for $\gamma\leq 1$, $\tilde\mu=(\tilde\mu_i)_i$ is a $\check \epsilon$-MNE of the nonconvex game $\Gamma$, where $\check \epsilon = \epsilon+\eta + 2 H (\frac{(\sqrt{n}+1)M\Delta}{n})^\gamma$, in the sense that
\begin{equation*}
\mathbb{E}\big[ f_i(X_i, X_{-i}) \big] \leq \mathbb{E}\big[ f_i(x_i,X_{-i}) \big] + \check \epsilon\, , \quad \forall \, x_i \in \mathfrak{X}_i \ .
\end{equation*}
\end{prop}
\color{black}
\begin{rem}
Note that this is not an algorithm for the players to attain an $\epsilon$-PNE/MNE in the nonconvex game in a decentralized adaptation/learning process, but a distributed, randomized disaggregation algorithm to recover an $\check{\epsilon}$-MNE of $\Gamma$ from a known $\epsilon$-PNE of $\tilde{\Gamma}$ satisfying the $\eta$-stability condition and its generators.
Besides, when $\tilde x$ is an exact PNE of $\tilde{\Gamma}$, all the generators of $\tilde x$ can be used in this algorithm. On the contrary, when $\tilde x$ is only an $\epsilon$-PNE of $\tilde{\Gamma}$, we need a specific profile of generators $(Z(i,x))_i$, with respect to which $\tilde x$ satisfies the $\eta$-stability condition. It is not evident to find such a generator profile. However, in the next section, we provide an algorithm to compute, for a specific class of games, an $\epsilon$-PNE of $\tilde{\Gamma}$ satisfying the full $\eta$-stability condition (i.e. with respect to any profile of generators of $\tilde x$). In that case, any profile of generators can be used in the algorithm of Proposition \ref{prop:mixed}.
Finally, note that the estimated error $\check \epsilon$ for the distributed randomized approximate MNE in Proposition \ref{prop:mixed} is larger than the estimated error $\tilde \epsilon$ for the approximate PNE
$x^*$ in
Theorem \ref{thm:main}.
\end{rem}
\color{black}
\section{Computing $\epsilon$-equilibria for large nonconvex congestion games}\label{sec:congestion}
\subsection{Nonconvex generalized congestion game}
An extensively studied class of sum-aggregative games are congestion games. \tcbl{In this section, we present an iterative algorithm to compute an $\omega(K,n)\Delta$-PNE of the convexification of a specific congestion game, where $\omega(K,n)$ tends to zero when both the number of players $n$ and the number of iterations $K$ tend to $+\infty$, while $\frac{n}{K}$ tends to zero.
Note that any algorithm returning an approximate PNE of the convexified game will not necessarily ensure that it verifies the stability condition.
The proposed algorithm is of particular interest because we can show that the iterates provide an $\omega(K,n)\Delta$-PNE of the convexified game which satisfies the full $\omega(K,n)\Delta$-stability condition (cf. Proposition \ref{lm:Nash-disagrregative}).
Then, taking $K\sim \mathcal{O}(n^3)$, Theorem \ref{thm:congestionPNE} shows that one can recover a $\mathcal{O}(\frac{1}{n})$-PNE of the original nonconvex congestion game from this $\omega(K,n)\Delta$-PNE of the convexified game.
}
\medskip
Consider a generalized congestion game where each player $i\in N$ has an action set $\mathfrak{X}_i\subset \mathbb{R}^d$ and a cost function of the following form:
\begin{equation}
\label{eq:game}
\begin{split}
f_i(x_i,x_{-i}) =& \bigg\langle g \Bigl( \frac{1}{n} \sum_{j\in N} a_j x_j\Bigr), x_i \bigg\rangle + h_i \Big( \frac{1}{n} \sum_{j\in N} a_j x_j \Big) + r_i(x_i)\\
=&\sum_{t=1}^{d} g_{t} \Bigl( \frac{1}{n} \sum_{j\in N} a_j x_{j,t} \Bigr) x_{i,t} + h_i \Big( \frac{1}{n} \sum_{j\in N} a_j x_j \Big) +r_i(x_i)\ ,
\end{split}
\end{equation}
Suppose that the following assumptions hold on $\mathfrak{X}_i$, $(a_j)_{j\in N}\in\mathbb{R}^n$, $g_t$'s, $h_i$'s and $r_i$'s.
\begin{ass} \label{ass:example}~~
\begin{itemize}
\item There exist constants $m>0$ and $M>0$, such that $m\leq a_i\leq M $ for all $i\in N$.
\item For $t=1,\ldots, d$, function $g_t: \mathbb{R}\rightarrow \mathbb{R}$ is $L_{g_t}$-Lipschitz continuous and nondecreasing on a neighborhood of $[D_1, D_2]$, where constants $D_1$ and $D_2$ are such that $D_1\leq \min_{t=1, \ldots, d; x\in \tilde \X} \frac{1}{n}\sum_{j\in N} a_j x_{j,t}\leq \max_{t=1, \ldots, d ; x\in \tilde \X} \frac{1}{n}\sum_{j\in N} a_j x_{j,t}\leq D_2$.
\item For each $i\in N$, function $h_i: \mathbb{R}^d\rightarrow \mathbb{R}$ is $L_{h_i}$-Lipschitz continuous on $[D_1, D_2]^d$.
\item Players' local cost functions $r_i: \mathbb{R}^d \rightarrow \mathbb{R}$ are uniformly bounded, i.e. there exists constant $B_r>0$ such that, for all $i\in N$ and all $x_i\in \mathfrak{X}_i$, $|r_i(x_i)|\leq B_r$.
\end{itemize}
\end{ass}
\begin{nota}
Let constant $\Delta := \max\{\max_{i\in N}\max_{x_i\in \tilde{\X}_{i}}\|x_i\|, \max_{i\in N} |\tilde \X_i|\}$. Let $L_g:=\linebreak[4]\max_{1\leq t \leq d}L_{g_t}$, $L_{h}:= \max_{i\in N} L_{h_i}$, $B_g := \max_{1\leq t \leq d, D_1\leq s \leq D_2}|g_t (s)|$.
\end{nota}
\bigskip
The convexification of $\Gamma$ is rather complicated to compute in the general case. Let us first introduce an auxiliary game which is very close to $\Gamma$ but whose convexification is easier to obtain.
Fix arbitrarily $x^+_i\in \mathfrak{X}_i$ for each player $i\in N$. The auxiliary game $\bar{\Gamma}$ is defined as follows: the player set and each player's action set are the same as in $\Gamma$, but player $i$'s cost function is, for all $ x_i \in \mathfrak{X}_i$ and all $x_{-i}\in \tilde \X_{-i}$,
\begin{equation*}
\bar{f}_{i}(x_i, x_{-i}):= \Big\langle g \Bigl( \frac{1}{n} \sum_{j\neq i}a_j x_j + \frac{1}{n} a_i x^+_i\Bigr), x_i \Big\rangle + r_i(x_i)\, .
\end{equation*}
\tcbl{The original game $\Gamma$ can be approximated by the auxiliary game $\bar{\Gamma}$ because their equilibria are very close to each other as
Lemma \ref{lm: approx game} in Appendix B shows.}
For any fixed $x_{-i}\in \tilde \X_{-i}$, $\bar{f}_{i}(\cdot, x_{-i})$ is composed of a linear function of $x_i$ and a local function of $x_i$. By abuse of notation, let us still use $\bar{f}_{i}$ to denote its convexification on $\tilde{\X}_{i}$. More explicitly,
\begin{equation}\label{eq:gameconv}
\bar{f}_{i}(x_i, x_{-i}):= \Big\langle g \Bigl( \frac{1}{n}\sum_{j\neq i} a_j x_j + \frac{1}{n} a_i x^+_i\Bigr), x_i \Big\rangle + \tilde{r}_{i}(x_i) \, ,
\end{equation}
where $\tilde{r}_{i}$ is the convexification of $r_i$ defined on $\tilde{\X}_{i}$ in the same way as $\tilde{f}_{i}$.
By abuse of notation, let $\tilde{\Gamma}$ denote the convexification of $\bar{\Gamma}$ on $\tilde \X$.
\subsection{A \tcbl{gradient-proximal} algorithm}
This subsection presents a \tcbl{gradient-proximal} algorithm based on the block coordination proximal algorithm introduced by Xu and Yin \cite{XuandYin2013} to construct an $\mathcal{O}(\frac{1}{n})$-PNE of $\tilde{\Gamma}$ that satisfies the full $\mathcal{O}(\frac{1}{n})$-stability condition.
\bigskip
\begin{algorithm}[H]\label{algo:BCP}
\SetAlgoLined
\textbf{Initialization:} choose initial point $x^0=(x^0_1, x^0_2,\ldots,x^0_{n})\in \tilde \X$\\
\For{$k=1,2,\cdots$}{
\For{$i=1,2,\ldots,n$}{
\begin{equation}\label{alg:proximal1}
{x}_{i}^{k}=\underset{x_i\in \tilde \X_{i} }{\operatorname{argmin}}\Big\langle g \Bigl( \frac{1}{n} \sum_{j < i} a_j x^{k}_j + \frac{1}{n}\sum_{j \geq i} a_j x^{k-1}_j \Bigr), x_i-x_{i}^{k-1}\Big\rangle+\frac{a_iL_g}{2n}\big\|x_i-x_{i}^{k-1}\big\|^{2}+\tilde{r}_{i}(x_i)
\end{equation}
}
\If{stopping criterion is satisfied}
{return $(x^{k}_1, x^{k}_2,\ldots,x^{k}_{n})$. Break.}
}
\caption{\tcbl{Gradient-proximal} algorithm for $\tilde{\Gamma}$}
\end{algorithm}
\tcbl{
\begin{rem}
This is a decentralized-coordinated type algorithm. The coordinator needs to know the current choices of the players and $(a_i)_i$ to compute $g \bigl( \frac{1}{n} \sum_{j < i} a_j x^{k}_j + \frac{1}{n}\sum_{j \geq i} a_j x^{k-1}_j \bigr)$.
The value of the vector $g \bigl( \frac{1}{n} \sum_{j < i} a_j x^{k}_j + \frac{1}{n}\sum_{j \geq i} a_j x^{k-1}_j \bigr)$ is sent to player $i$ by the coordinator in iteration $k$, when it is her turn to compute. No detailed information of the other players' choices is revealed. Receiving this value, player $i$ uses her local information, i.e. $a_i$ and $\tilde{r}_{i}$, to update her choice according to \eqref{alg:proximal1}, then sends it to the coordinator. \end{rem}
}
\begin{prop}\label{lm:Nash-disagrregative}
Under Assumption \ref{ass:example},
for $K\in \mathbb{N}^*$, there is $k^*\leq K$ such that $x^{k^*}$ is an \tcbl{$\omega(K,n)\Delta$-PNE of game $\tilde{\Gamma}$ which satisfies the full $\omega(K,n)\Delta$-stability condition}, where
\begin{equation}\label{eq:estimation}
\omega(K, n)= \frac{\sqrt{2CL_g}M}{m}\sqrt{\frac{n}{K}} + \frac{ 2 L_g M \Delta}{n}\, ,
\end{equation}
where $C=(d\Delta L_g + 2 B_r) M$.
In particular, if constant $K\geq \frac{2C}{m^2 L_g} n^{1+2\delta}+1$ for some constant $\delta>0$, then, there exists some $k^{*}\leq K$ such that $x^{k^{*}}$ is an \tcbl{$L_g M \Delta(n^{-\delta}+2 \Delta n^{-1})$-PNE of game $\tilde{\Gamma}$ satisfying the full $L_g M \Delta(n^{-\delta}+2 \Delta n^{-1})$-stability condition}.
\end{prop}
\begin{thm}\label{thm:congestionPNE}
Under Assumption \ref{ass:example}, for constant $\delta>0$ and integer $K\geq \frac{2C}{m^2 L_g} n^{1+2\delta}+1$, let $x^{*}\in \mathfrak{X}$ be the pure-strategy profile generated by \eqref{eq:argmin}, where $\tilde x$ is replaced by $x^{k^{*}}$ in Proposition \ref{lm:Nash-disagrregative}. Then, $x^{*}$ is a $\big(2L_g M \Delta \big( n^{-\delta}+ \frac{ (q+4)\Delta}{n} \big)+\frac{L_h M\Delta}{n} \big)$-PNE of the nonconvex game $\Gamma$.
\end{thm}
In the case where a ``Shapley-Folkman'' disaggregation of $x^{k^*}$ is not easy to obtain, one can use the \tcbl{distributed} randomized disaggregation method introduced in Section \ref{subsec:randomSF} to immediately obtain a \tcbl{$\check{\epsilon}$-MNE, where $\check{\epsilon}$ is given by the following corollary. However, the quality of approximation is less good than a ``Shapley-Folkman'' disaggregation. }
\begin{prop}\label{cor:congestionMNE}
Under Assumption \ref{ass:example}, for constant $\delta>0$ and integer $K\geq \frac{2C}{m^2 L_g} n^{1+2\delta}+1$, let $\tilde\mu=(\tilde\mu_i)_i$ be a profile of independent mixed strategies defined as in Lemma \ref{lm:decomposeSF}, where $\tilde x$ is replaced by $x^{k^{*}}$ in Proposition \ref{lm:Nash-disagrregative}. Then, $\tilde{\mu}$ is a $\big(2L_g M \Delta \big( n^{-\delta}+ \frac{ (\sqrt{n}+4)\Delta}{n} \big)+\frac{L_h M\Delta}{n} \big)$-MNE of the nonconvex game $\Gamma$.
\end{prop}
\section{Numerical example}\label{sec:numerical}
Here is an example of flexible electric vehicle charging control whose convex version is studied by Jacquot et al. \cite{Paulin}.
\smallskip
One day is divided into peak hours (e.g. 6 am--10 pm) and off-peak hours. The electricity production cost function for total flexible load $\ell^{P}$ and $\ell^{O\!P}$ at peak and off-peak hours are respectively $C^P(\ell^P)=\alpha^P_0 \ell^P+\beta_0 (\ell^P)^2$ and $C^{O\!P}(\ell^{O\!P})=\alpha^{O\!P}_0 \ell^{O\!P}+\beta_0 (\ell^{O\!P})^2$,
where $ \alpha^P_0>\alpha^{O\!P}_0>$ and $\beta_0>0$.
Player $i$'s action is denoted by $\ell_i=(\ell_i^{P},\ell_i^{O\!P})$, where $\ell_i^{P}$ (resp. $\ell_i^{O\!P}$) is the peak (resp. off-peak) consumption of player $i$. Player $i$'s electricity bill is then defined by
\begin{equation*}
b_i(\ell_i,\ell_{-i}):=\frac{C^P(\ell^P)}{\ell^P}\ell_i^P+\frac{C^{O\!P}(\ell^{O\!P})}{\ell^{O\!P}}\ell_i^{O\!P}\, ,
\end{equation*}
where $\ell^P = \sum_i \ell_i^{P}$, $\ell^{O\!P} = \sum_i \ell_i^{O\!P}$.
Player $i$'s cost is then defined by
\begin{equation}
\label{eq:PaulinGame0}
\phi_i(\ell_i,\ell_{-i})=b_i(\ell_i,\ell_{-i})+\gamma_i \Vert \ell_i-\ell^{ref}_i\Vert^2
\end{equation}
where $\gamma_i$ indicates her sensitivity to the deviation from her preference $\ell^{ref}$. In \cite{Paulin}, the action set of player $i$ is the convex compact set $S_i = \{ \ell_i=(\ell_i^{P},\ell_i^{O\!P}) \, \vert \, \ell_i^{P}+\ell_i^{O\!P}=e_i, \underline{\ell_i^{P}} \leq \ell_i^{P} \leq \overline{\ell_i^{P}},\underline{\ell_i^{O\!P}} \leq \ell_i^{O\!P} \leq \overline{\ell_i^{O\!P}}\}$, where $e_i$ stands for the energy required by player $i$ to charge an electric vehicle battery and $\underline{\ell_i^{P}}$ and $\overline{\ell_i^{P}}$ (resp. $\underline{\ell_i^{O\!P}}$ and $\overline{\ell_i^{O\!P}}$) are the minimum and maximum power consumption for player $i$ during peak (resp. off-peak) hours. However, for various reasons such as finite choices for charging power, or battery protection which demands that the charging must be interrupted as infrequently as possible, the players' action sets can be nonconvex. For example, in this paper a particular case where the nonconvex action set $S^{N\!C}_i = \{ \ell_i=(\ell_i^{P},\ell_i^{O\!P}) \, \vert\, \ell_i^{P}+\ell_i^{O\!P}=e_i, \ell_i^{P} \in \{\underline{\ell_i^{P}},\overline{\ell_i^{P}}\}\}$ is adopted for numerical simulation.
\smallskip
\tcbl{Let us apply Algorithm \ref{algo:BCP} to this game.} The asymptotic performance of the algorithm for large $n$ is illustrated. To avoid rescaling cost functions for each $n$, \tcbl{\emph{multiplicatively} $\epsilon$-\emph{PNE} defined below are considered instead of additively $\epsilon$-PNE defined by Definition \ref{def:epsilonNash}}.
\color{black}
\begin{defn}[Multiplicatively $\epsilon$-PNE]
For a constant $\epsilon \geq 0$, a \emph{multiplicatively $\epsilon$-PNE} $x^\epsilon\in \mathfrak{X}$ in game $\Gamma$ is a profile of actions of the $n$ players such that, for each player $i \in N$,
\begin{equation*}
f_i(x^\epsilon_i, x^\epsilon_{-i}) - \inf_{x_i\in \mathfrak{X}_i} f_i(x_i, x^\epsilon_{-i}) \leq \epsilon \big(\sup_{x_i\in \mathfrak{X}_i} f_i(x_i, x^\epsilon_{-i}) - \inf_{x_i\in \mathfrak{X}_i} f_i(x_i, x^\epsilon_{-i})\big)\, .
\end{equation*}
If $\epsilon=0$, then $x^\epsilon$ is a PNE.
For $x\in \mathfrak{X}$, $\epsilon(x):=\min\{\epsilon \geq 0\; |\; x \text{ is a multiplicatively } \epsilon\text{-PNE}\,\}$ is called the \emph{relative error} of $x$.
\end{defn}
\color{black}
First, game \eqref{eq:PaulinGame0} is reformulated with uni-dimensional actions. For simplification, suppose that all the players have the same type of EV (Nissan Leaf 2018) with battery capacity $e$, and two charging rate levels $p_{\min}$ and $p_{\max}$. The total consumption of player $i$ is denoted by $e_i$ and determined by a parameter $\tau_i$ as follows: $e_i=(1-\tau_i)e=\ell_i^{P}+\ell_i^{O\!P}$, where $\tau_i\in [0,1]$ signifies the player's remaining proportion of energy in her battery when arriving at home. Let $x_i :=\frac{\ell_i^{P}}{e}$ denote player $i$'s strategy in the following reformulation of game \eqref{eq:PaulinGame0}:
\begin{equation}
\label{eq:PaulinGame}
\tilde f^{(n)}_i(x_i,x_{-i})=\tilde b^{(n)}_i(x_i,x_{-i})+\tilde \gamma_i \Vert x_i-x^{ref}_i\Vert^2\ ,
\end{equation}
where $\tilde{\gamma}_i$ indicates how player $i$ values the deviation from her preferred consumption profile and is uniformly set to be $ne$ for simplification, and
\begin{align*}
\tilde b^{(n)}_i(x_i,x_{-i}) & =\, (\alpha_0^P+\beta_0 n e \frac{1}{n}\sum_j (1-\tau_j)x_j)\ell_i^P+(\alpha_0^{O\!P}+\beta_0 ne \frac{1}{n}\sum_j(1-\tau_j) (1-x_j))\ell_i^{O\!P}\\
& = \, e (1-\tau_i)\Big [
\big(\alpha_0^P-\alpha_0^{O\!P}-\beta_0 n e+2\beta_0 n e \frac{1}{n}\sum_j(1-\tau_j)x_j \big)x_i \\
& ~~~ +\alpha_0^{O\!P}+\beta_0 n e-\beta_0 n e\frac{1}{n}\sum_j(1-\tau_j)x_j\Big ] \ .
\end{align*}
The nonconvex action set of player $i$, introduced in Section \ref{sec:introdution} as $S^{N\!C}_i = \{ \ell_i=(\ell_i^{P},\ell_i^{O\!P}) \, \vert\, \ell_i^{P}+\ell_i^{O\!P}=e_i, \ell_i^{P} \in \{\underline{\ell_i^{P}},\overline{\ell_i^{P}}\}\}$, is now translated into $\mathfrak{X}_i=\{\underline{x}_i, \overline{x}_i\} \subset [0,1]$, where $\underline{x}_i$ and $\overline{x}_i$ correspond respectively to charging at $p_{min}$ and $p_{max}$.
By extracting the common factor $ne(1-\tau_i)$, player $i$'s cost function becomes
\begin{equation}\label{eq: example}
f^{(n)}_{i}\left(x_{i}, x_{-i}\right):=\bigg\langle g^{(n)}\Big(\frac{1}{n} \sum_{j=1}^{n}(1-\tau_j) x_{j}\Big), x_{i}\bigg\rangle+h^{(n)}\Big(\frac{1}{n} \sum_{j=1}^{n} (1-\tau_j) x_{j}\Big)+\frac{r^{(n)}_{i}\left(x_{i}\right)}{1-\tau_i}\, ,
\end{equation}
where $g^{(n)}(y) :=\frac{\alpha_{0}^{P}-\alpha_{0}^{O\!P}}{n} + \beta_0 e(2 y-1)$, $h^{(n)}(y):= \frac{\alpha_{0}^{O\!P}}{n}+\beta_0 e(1- y)$, and $r^{(n)}_{i}(y):= \|y-x^{ref}_i\|^{2}$ for $y\in \mathbb{R}$, where $\alpha_{0}^{P}=-4.17+0.59\times 12n$ (\euro{}/kWh), $\alpha_{0}^{O\!P}=-4.17+0.59\times 8n$ (\euro{}/kWh), $\beta_0=0.295$ (\euro{}/kWh$^2$) according to Jacquot et al. \cite{Paulin}.
\paragraph{Simulation parameters}
The peak hours are between 6 am and 10 pm while the remaining hours of the day are off-peak. The battery capacity of Nissan Leaf 2018 is $e=40$kWh.
The discrete action set of player $i$ is determined as follows. The players' arrival time at home is independently generated according to a \textit{Von Mises} distribution with parameter $\kappa=1$ between 5 pm and 7 pm. Their departure time is independently generated according to a \textit{Von Mises} distribution with parameter $\kappa=1$ between 7 am and 9 am. The proportion $\tau_i$ of energy in the battery when a player arrives at home is independently generated according to a \textit{Beta} distribution with parameter $\beta(2,5)$. Once a player arrives at home, she starts charging at one of the two alternative levels, $p_{min}=3.7$kW or $p_{max}=7$kW.
This power level is maintained until the energy requirement $e_i$ is reached. The arrival and departure time parameters are defined such that the problem is always feasible i.e. the energy requirement $e_i$ can always be reached during the charging period by choosing power level $p_{max}$.
Players are all assumed to prefer charging as fast as possible, so that $x_i^{ref}=\overline{x}_i$ for all $i$. Fifty instances of the problem are considered for the numerical test. They are obtained by independent simulations of those parameters (players' arrival and departure times and remaining energy when arriving at home).
Algorithm \ref{algo:BCP} is applied to EV charging game $\Gamma^{(n)}$ \eqref{eq: example} for $n=2^s$, $s=1,\ldots, 15$. \tcbl{For each game $\Gamma^{(n)}$, for each iteration $k$ of the algorithm, let $x^{(n),k}$ denote the $k^{th}$ iterate of Algorithm~\ref{algo:BCP} applied to game $\Gamma^{(n)}$. Then, the relative error $\epsilon^{(n),k}$ of $x^{(n),k}$ is given by
\begin{align*}
\epsilon^{(n),k} := \min \bigg\{\epsilon \geq 0 \, \Big\vert \, & f^{(n)}_i(x^{(n),k}_i, x^{(n),k}_{-i}) - \inf_{x_i\in \mathfrak{X}_i} f^{(n)}_i(x_i, x^{(n),k}_{-i}) \\
& \leq \epsilon \big(\sup_{x_i\in \mathfrak{X}_i} f^{(n)}_i(x_i, x^{(n),k}_{-i}) - \inf_{x_i\in \mathfrak{X}_i} f^{(n)}_i(x_i, x^{(n),k}_{-i})\big) \bigg\}\ .
\end{align*}
}
\begin{figure}[h!]
\centering
{
\includegraphics[width=1\textwidth]{Fig1.png}
\caption{\tcbl{Log-log chart of relative error $\epsilon^{(n),k}$ (averaged over fifty instances of the problem) as a function of the number of iterations $k$ (for a fixed number of players $n=2^6, 2^7, \ldots, 2^{13}$).}}
\label{figs}
\end{figure}
\begin{figure}[h!]
\centering
{
\includegraphics[width=1\textwidth]{Fig2.png}
\caption{\tcbl{Log-log chart of relative error $\epsilon^{(n),k}$ (averaged over fifty instances of the problem) as a function of the number of players $n$ (for a fixed number of iterations $k=30,40,\ldots,90,100$).}}
\label{figs2}
\end{figure}
\tcbl{As Figure \ref{figs} shows, the relative error decreases with the number of iterations to a certain limit. This limiting relative error decreases with the number of players $n$. This observation is consistent with equation \eqref{eq:estimation} in Proposition \ref{lm:Nash-disagrregative}. For Figure \ref{figs2}, according to Proposition \ref{lm:Nash-disagrregative}, when the iteration number $k$ is fixed, due to the domination term of $\frac{2 L_g M \Delta}{n}$ in equation \eqref{eq:estimation} when $n$ is small, $\epsilon^{(n),k}$ first decreases linearly in $n$ before reaching a certain threshold. After that, $\frac{\sqrt{2CL_g}M}{m}\sqrt{\frac{n}{k}} $ dominates the relative error value so that $\epsilon^{(n),k}$ may increase in $n$. The threshold itself increases with the iteration number $k$. This is exactly what Figure \ref{figs2} shows.}
\section{Perspectives}\label{sec:perspectives}
\paragraph{\tcbl{Distributed and randomized ``Shapley-Folkman disaggregation''.}} In Section \ref{subsec:randomSF}, a \tcbl{distributed} disaggregating method is introduced to obtain a randomized ``Shapley-Folkman disaggregation'' for the case $\gamma \leq 1$. It is extremely fast and easy to carry out: once an \tcbl{$\epsilon$-PNE $\tilde x$ is obtained for the convexified game as well as the profile of generators $(Z(i,\tilde x))_i$, each player $i$ chooses randomly one feasible action that is in $Z(i,\tilde x)$}, \tcbl{according to the distribution law $\alpha(i,x)$}. This method renders an $\mathcal{O}(\frac{1}{\sqrt{n}^\gamma})$-MNE, with the error vanishing when the number of players going to infinity. However, even if an $\mathcal{O}(\frac{1}{n^\gamma})$-PNE can be difficult to obtain by an exact ``Shapley-Folkman disaggregation'', especially if a large, centralized program is involved, for example, to solve \eqref{eq:argmin}, it would be desirable to find other algorithms to find better approximations of Nash equilibria of the nonconvex game. \tcbl{Distributed} and randomized algorithms are appealing because they can be faster to carry out, needing less coordination hence more tractable, and taking advantage of the law of large numbers when $n$ is large.
\tcbl{\paragraph{Aggregation and disaggregation of clusters.} In the setting of power grid management, flexible agents can be regrouped into clusters, and each cluster is commanded by a so-called aggregator. The EV charging game considered in this paper then takes place between the relatively few aggregators instead of the individuals. This “aggregate game” is different from the EV charging game in the paper, as the individuals are no longer autonomous but are commanded by their respective aggregators in their choice of charging behavior. One can build an aggregate model for each aggregator by defining his action set as the set of aggregate actions of the individuals in his cluster, and his cost function as an aggregate of the individuals’ costs. When the clusters are large, it is possible to show, with the help of the Shapley-Folkman Lemma, that the aggregators’ action sets and cost functions are almost convex. Then, the game admits an $\epsilon$-PNE (via Rosen’s existence theorem), and its computation could be relatively easier owing to the small number of players. However, each aggregator then has to reconstruct for each individual under his control a feasible action consistent with their aggregate action at the equilibrium of this “aggregate game”. When the constraints of each flexible individuals are non-convex, this aggregation/disaggregation approach can be rather difficult to implement. An original technique based on the Shapley-Folkman Lemma is proposed in Hreinsson et al. 2021 \cite{HreinssonAl2021}, within the optimization framework, with applications to the management of consumption flexibilities in power systems. }
\paragraph{Acknowledgments.} We are grateful to Fr\'ed\'eric Bonnans and Rebecca Jeffers for stimulating discussions and comments. \tcbl{We particularly thank the reviewers and the associated editor for their very relevant remarks that have helped greatly to improve the paper. }
\section*{Appendix A: PNE in l.s.c.$\!$ convex games }
\begin{lem}\label{lm:rosen}
Let $R$ be a nonempty convex compact set in $\mathbb{R}^{n}$. If real valued function $\rho(x,y)$ defined on $R\times R$ is continuous in $x$ on $R$ for any fixed $y$ in $R$, l.s.c. in $(x,y)$ on $R\times R$, and convex in $y$ on $R$ for any fixed $x$ in $R$, then the set-valued map $\zeta: R\rightarrow R$, $ x\mapsto \zeta(x) = \textrm{arg}\min_{z\in R}\rho(x,z)$ has a fixed point.
\end{lem}
\begin{proof
The Kakutani fixed-point theorem \cite{Kakutani1941} will be applied for the proof. First, let us show that $\zeta$ is a Kakutani map, i.e. (i) $\Gamma$ is upper semicontinuous (u.s.c.) in set map sense and (ii) for all $x\in R$, $\zeta(x)$ is non-empty, compact and convex.
\smallskip
\noindent (i) Fix $x\in R$. On the one hand, since $\rho(x,y)$ is convex w.r.t $y$, $\zeta(x)$ is convex. On the other hand, $\rho(x,y)$ is l.s.c in $y$, while $R$ is compact, hence $\rho(x,y)$ can attain its minimum w.r.t $y$ and $\zeta(x)$ is thus nonempty. Besides, since $\rho$ is l.s.c., $\zeta(x)=\{y|\rho(x,y)\leq \min_{z\in R}\rho(x,z)\}$ is a closed subset of compact set $R$, hence it is compact.
\smallskip
\noindent (ii) Recall that the set-valued map $\zeta$ is u.s.c. if, for any open set $w\subset R$, set $\{x\in R|\, \zeta(x)\subset w\}$ is open.
Let us first show by contradiction that, for arbitrary $x_0\in R$, for any $ \epsilon>0$, there exists $\delta>0$ such that for all $ z\in B(x_0,\delta),\, \zeta(z)\subset\zeta(x_0)+B(0,\epsilon)$. If it is not true, then there exists $\epsilon_0>0$ and, for all $n\in \mathbb{N}^*$, point $z_{n}\in B(x_0, \frac{1}{n})$ such that there exists $y_{n}\in\zeta(z_{n})$ with $d(y_{n},\zeta(x_0))>\epsilon_0$. Since sequence $\{y_{n}\}$ is in the compact set $R$, it has a subsequence $y_{\phi(n)}$ converging to some $\bar{y}$ in $R$, and $d(\bar{y},\zeta(x_0))\geq \epsilon_0$. Then, for all $y\in R$,
\begin{equation*
\rho(x_0,\bar{y})\leq\varliminf_{n \rightarrow \infty}\rho(z_{\phi(n)},y_{\phi(n)})\leq\varliminf_{n \rightarrow \infty}\rho(z_{\phi(n)},y)=\rho(x_0,y)\, ,
\end{equation*}
where the first inequality is by the lower semicontinuity of $\rho$ in $(x,y)$, the second inequality is by the definition of $\zeta(z_{\phi(n)})$, while the third equality is by the continuity of $\rho$ in $x$. This shows that $\bar{y}\in \zeta(x_0)$, in contradiction with the fact that $d(\bar{y},\zeta(x_0))\geq \epsilon_0$.
Now fix arbitrarily an open set $w\subset R$ and some $x_0\in R$ such that $\zeta({x_0})\subset w$. Since $\zeta({x_0})$ is compact while $w$ is open, there exists $\epsilon>0$ such that $\zeta(x_0)+B(0,\epsilon)\subset w$. According to the result of the previous paragraph, for this particular $\epsilon$, there exists $ \delta>0$ such that $\zeta(z)\subset\zeta(x_0)+B(0,\epsilon)\subset w$ for all $z\in B(x_0,\delta)$. This means $B(x_0,\delta)\subset \{x\in R\, |\, \zeta(x)\subset w\}$. As a result, the set $\{x\in R\, |\, \zeta(x)\subset w\}$ is open.
Finally, according to the Kakutani fixed-point theorem, there exists $\tilde x\in R$ such that $ \tilde x\in \zeta(\tilde x)$.
\end{proof}
\begin{defn}
A family of real-valued functions $\{f(\cdot, y) : \mathfrak{X} \rightarrow \mathbb{R} \,|\, y\in \mathcal{Y}\}$ indexed by $y$, with $\mathfrak{X} \subset \mathbb{R}^{d_1}$ and $\mathcal{Y}\subset \mathbb{R}^{d_2}$, is \emph{uniformly equicontinuous} if, for all $\epsilon>0$, there exists $\delta$ such that, for all $y\in \mathcal{Y}$, $ \|f(x_1,y)-f(x_2,y)\|\leq \epsilon$ whenever $\|x_1-x_2\|\leq \delta$.
\end{defn}
\begin{thm}[Existence of PNE in l.s.c. convex games]\label{thm:lsc}
In an $n$-player game $\Gamma$ where for each player $i\in \{1, \ldots, n\}$, if the following three properties hold:
\begin{enumerate}[(1)]
\item her action set $\mathfrak{X}_i$ is a convex compact subset of $\mathbb{R}^d$;
\item her cost function $f_i(x_i,x_{-i}): \mathfrak{X}_i \times \prod_{j\neq i} \mathfrak{X}_j \rightarrow \mathbb{R}$ is convex and l.s.c.$\!\!$ in $x_i\in \mathfrak{X}_i$ for any fixed $x_{-i}\in \prod_{j\neq i} \mathfrak{X}_j $;
\item
the family of functions $\{f_i(x_i, \cdot): \prod_{j\neq i} \mathfrak{X}_j \rightarrow \mathbb{R} \, |\, x_{i}\in \mathfrak{X}_i \}$ are uniformly equicontinuous,
\end{enumerate}
then $\Gamma$ admits a PNE.
\end{thm}
\begin{proof
Define function $\rho(x,y): \mathfrak{X} \times \mathfrak{X} \rightarrow \mathbb{R}$ by $\rho(x,y) = \sum_{i=1}^{n} f_i(y_i,x_{-i})$, where $\mathfrak{X} = \prod_i \mathfrak{X}_i$. It is easy to see that a fixed point of the set-valued map $\zeta: \mathfrak{X} \rightarrow \mathfrak{X}$, $ x\mapsto \zeta(x) = \textrm{arg}\min_{z\in R}\rho(x,z)$ is a Nash equilibrium of game $\Gamma$.
In order to apply Lemma \ref{lm:rosen}, one needs to show that: (i) $\rho(x,y) $ is continuous in $x$ for each fixed $y$; (ii) $\rho(x,y) $ is l.s.c. in $(x,y)$; (iii) $\rho(x,y) $ is convex in $y$ for each fixed $x$.
Results (i) and (iii) are straightforward by the definition of $\rho$.
For (ii), first note that, by the uniform equicontinuity of $\{f_i(x_i, \cdot): \prod_{j\neq i} \mathfrak{X}_j \rightarrow \mathbb{R} \, |\, x_{i}\in \mathfrak{X}_i \}$ for each $i$ and the fact that $n$ is finite, $\{\rho(\cdot, y), y\in R\}$ is uniformly equicontinuous. Let $(x^k,y^k)$ be a sequence in $\mathfrak{X} \times \mathfrak{X}$ indexed by $k$ which converges to $(x,y) \in \mathfrak{X} \times \mathfrak{X}$. Then,
\begin{equation*}
\begin{split}
\varliminf_{k\rightarrow \infty} (\rho(x^k,y^k)-\rho(x,y)) = &\varliminf_{k\rightarrow \infty}(\rho(x^k,y^k) - \rho(x,y^k) + \rho(x,y^k)- \rho(x,y))\\
= & \varliminf_{k\rightarrow \infty}(\rho(x,y^k)- \rho(x,y))\\
\geq & 0 \, ,
\end{split}
\end{equation*}
where the second equality is due to the uniform equicontinuity of $\{\rho(\cdot,y), y\in \mathfrak{X}\}$ and the last inequality is because $\rho(x, y)$ is l.s.c. in $y$ for any fixed $x$.
\end{proof}
\begin{rem}
The property (3) is weaker than the condition that $f_i$ is continuous on $\mathfrak{X}$. Indeed, since $\mathfrak{X}$ is compact, $f_i(x_i,x_{-i})$ is uniformly continuous on $\mathfrak{X}_i \times \prod_{j\neq i} \mathfrak{X}_j$ which implies the equicontinuity of $\{f_i(x_i, \cdot): \prod_{j\neq i} \mathfrak{X}_j \rightarrow \mathbb{R} \, |\, x_{i}\in \mathfrak{X}_i \}$. In other words, Rosen's theorem on the existence of convex continuous games with compact convex actions sets is a corollary of Theorem \ref{thm:lsc}.
\end{rem}
\section*{Appendix B: Other proofs and lemmata}
\color{black}
\begin{lem}[Shapley-Folkman Lemma \cite{Starr1969}]\label{lm:SF}
For $n$ compact subsets $S_1, \ldots, S_n$ of $\mathbb{R}^q$, let $x \in \textrm{conv} \sum^n_{i=1} S_i =\sum^n_{i=1} \textrm{conv} S_i$, where $\textrm{conv}$ signifies the convex hull, and the sum over sets are to be understood as a Minkowski sum. Then,
\begin{itemize}
\item there is a point $x_i \in \textrm{conv} S_i$ for each $i$, such that $x = \sum^n_{i=1} x_i$, and $x_i \in S_i$ except for at most $q$ values of $i$;
\item there is a point $y_i \in S_i$ for each $i$, such that $\|x-\sum_{i=1}^n y_i \|_{\mathbb{R}^q}\leq \sqrt{\min\{q,n\}} d$, where $d$ denotes the maximal diameter of $S_i$.
\end{itemize}
\end{lem}
\medskip
In the proofs of Lemmata \ref{lm1}, \ref{lm:analyseconvexification}, \ref{lem:approxeq}, in order to simplify the notations, $i$ and $x_{-i}\in \tilde \X_{-i}$ are arbitrarily fixed. Index $i$ and the parameter $x_{-i}$ are thus omitted in $f_i$, $\tilde{f}_{i}$, $\mathfrak{X}_i$, $\tilde{\X}_{i}$ and $Z(i,\cdot)$.
\begin{lem}\label{lm1}
Under Assumption \ref{ass:lsc}, for each $x_{-i}\in \tilde \X_{-i}$,
\begin{enumerate}[(1)]
\item $\tilde{f}_i (x_i, x_{-i}) \leq f_i (x_i, x_{-i}) $ for all $x_i\in \mathfrak{X}_i$;
\item the infimum in~\eqref{eq:costConv} can be attained, i.e. it is in fact a minimum for all $x_i\in \mathfrak{X}_i$;
\item function $\tilde{f}_{i}(\cdot, x_{-i})$ is l.s.c. and convex on $\tilde{\X}_{i}$, and $\textrm{conv}\, (\textrm{epi}\, f_i(\cdot,x_{-i}))= \textrm{epi}\, \tilde{f}_{i}(\cdot,x_{-i}) = \overline{\conv}\, (\textrm{epi}\, f_i(\cdot,x_{-i}))$;
\item both $\tilde{f}_{i}(\cdot,x_{-i})$ and $f_i(\cdot, x_{-i})$ attain their minimum respectively on $\tilde{\X}_{i}$ and $\mathfrak{X}_i$, and
\begin{equation}
\label{eq:minmin}
\min_{\tilde{x}_{i} \in \tilde{\X}_{i}} \tilde{f}_{i} (\tilde{x}_{i}, x_{-i})=\min_{x_i\in \mathfrak{X}_i} f_i( x_i,x_{-i})\ .
\end{equation}
In particular, if $ \tilde x_i \in \arg\min_{y_i \in \tilde{\X}_{i}} \tilde{f}_{i} (y_i, \tilde x_{-i})$, then $Z(i,\tilde x) \subset \arg\min_{y_i\in \mathfrak{X}_i} f_i( y_i, \tilde x_{-i})$ where $Z(i,\tilde x)$ is an arbitrary generator for $(i,\tilde x)$ defined in Definition \ref{def:w_i}.
\end{enumerate}
\end{lem}
\color{black}
\begin{proof}[Proof of Lemma \ref{lm1}] ~~\\
The Lemma is a particular case of more general results well-known in Convex Analysis that have been shown in various work, such as \cite[Lemma X.1.5.3]{HiriartLemarechal1993b}. Let us provide a proof for this particular case here for the sake of completeness.
\noindent (1) For $x\in X$, in the definition of $\tilde{f}(x)$, take $x^{k}=x,\; \alpha^{k}=\frac{1}{d+1}$ for all $k$. By definition, $\tilde{f}(x)\leq \sum_{k=1}^{d+1}\alpha^{k}f(x^{k})= f(x)$.
\smallskip
\noindent (2) Suppose that $((\alpha^{k,n})_{k},(x^{k,n})_{k})_{n\in\mathbb{N}}$ is a minimizing sequence for $\tilde{f}(\tilde x)$, i.e. \linebreak[4]$\tilde{f} (\tilde x) = \lim_{n\rightarrow \infty}\sum_{k=1}^{d+1}\alpha^{k,n}f(x^{k,n})$, with $((\alpha^{k,n})_{k},(x^{k,n})_{k})_{n\in\mathbb{N}}$ satisfying conditions in \eqref{eq:costConv}. Since $(\alpha^{1,n})\in [0,1]$ for all $ n$, so that it has a convergent subsequence $\alpha^{1,\phi_1(n)}$ which converges to some $\alpha^1$. Consider sequence $\alpha^{2,\phi_1(n)}$ which has a subsequence $\alpha^{2,\phi_2(n)}$ converging to some $\alpha^2$. Note that $\phi_2(n)$ is a subsequence of $\phi_1(n)$. Repeat this operation $d+1$ times and obtain subsequences $\phi_{1}(n), \ldots, \phi_{d+1}(n)$ such that $\alpha^{k, \phi_k(n)}$ converges to $\alpha^k$, for $k=1,\ldots, d+1$. Consider $x^{1,\phi_{d+1}(n)}$ which is in the compact set $X$. It has a convergent subsequence $x^{1,\phi_{d+2}(n)}$ converging to $ x^1 \in \mathfrak{X}$. Again, take a subsequence $\phi_{d+3}(n)$ such that $x^{2, \phi_{d+3}(n)}$ converges to $x^k$, and so on. Finally, one obtains a subsequence $\phi_{2d+2}(n)$ of $\mathbb{N}$ such that
\begin{align}
\tilde{f} (\tilde x) &= \lim_{n\rightarrow \infty}\sum_{k=1}^{d+1}\alpha^{k,\phi_{2d+2}(n)}f(x^{k,\phi_{2d+2}(n)})\, ,\label{1.1}\\
\alpha^{k} &= \lim_{n\rightarrow \infty} \alpha^{k,\phi_{2d+2}(n)}\, ,\;\alpha^{k}\in[0,1]\, , \; k=1,2,\cdots, d+1\, , \label{1.2}\\
\sum_{k=1}^{d+1}\alpha^{k}&=\lim_{n\rightarrow \infty}\sum_{k=1}^{d+1}\alpha^{k,\phi_{2d+2}(n)}=1\, ,\label{1.3}\\
x^{k} &= \lim_{n\rightarrow \infty} x^{k,\phi_{2d+2}(n)}\, ,\; x^{k}\in \mathfrak{X}\, , \; k=1,2,\cdots, d+1\, ,\label{1.4}\\
\sum_{k=1}^{d+1}\alpha^{k}x^{k}&=\lim_{n\rightarrow \infty}\sum_{k=1}^{d+1}\alpha^{k,\phi_{2d+2}(n)}x^{k,\phi_{2d+2}(n)}= \lim_{n\rightarrow \infty}\tilde x =\tilde x\, .\label{1.5}
\end{align}
Then,
\begin{align*}
\sum_{k=1}^{d+1}\alpha^{k}f(x^{k})&\leq \varliminf_{n \rightarrow \infty} \sum_{k=1}^{d+1}\alpha^{k}f(x^{k,\phi_{2d+2}(n)})
= \varliminf_{n \rightarrow \infty}\sum_{k=1}^{d+1}\alpha^{k,\phi_{2d+2}(n)}f(x^{k,\phi_{2d+2}(n)}) \\
&= \tilde{f} (\tilde x)
\leq \sum_{k=1}^{d+1}\alpha^{k}f(x^{k}) \ .
\end{align*}
where the first inequality is due to \eqref{1.4}, the second equality due to \eqref{1.2}, the third equality due to \eqref{1.1} and the fourth inequality due to \eqref{1.3}, \eqref{1.5} and \eqref{eq:costConv}. This shows that $\tilde{f}(\tilde x)=\sum_{k=1}^{d+1}\alpha^{k}f(x^{k})$, i.e. $(\alpha^{k},x^{k})_{k=1}^{d+1}$, is a minimizer.
\smallskip
\noindent (3)
On the one hand, for all $ (x, y)\in \textrm{conv}\, (\textrm{epi}\, f) $, by Caratheodory theorem \cite[Proposition 1.2.1]{Bertsekas2009}, there exists $(x^{k}, y^{k})\in \textrm{epi}\, f$, $k=1,\ldots, d+1$ such that $(x,y)=\sum_{k=1}^{d+1}\alpha^{k}(x^{k},y^{k})$, with $\alpha \in \mathcal{S}_{d}$. Hence, $y^{k}\geq f(x^{k}),\; y=\sum_{k=1}^{d+1} \alpha^{k}y^{k}\geq \sum_{k=1}^{d+1}\alpha^{k}f(x^{k})\geq \tilde{f}(x)$. This shows that $(x,y)\in \textrm{epi}\,\tilde{f}$. Therefore, $\textrm{conv}\, (\textrm{epi}\, f)\subset \textrm{epi}\, \tilde{f}$. Recall that $f$ is l.s.c. hence $\textrm{epi}\, f$ is a closed set hence so is $\textrm{conv}\, (\textrm{epi}\, f)$. Thus, $\overline{\conv}\, (\textrm{epi}\, f)\subset \textrm{epi}\, \tilde{f}$.
On the other hand, for all $ (x,y)\in \textrm{epi}\,\tilde{f}$, $y\geq \tilde{f}(x)$. Let $((\alpha^{k,n})_{k},(x^{k,n})_{k})_{n\in\mathbb{N}}$ be the minimizing sequence for $\tilde{f}(x)$, i.e. $\tilde{f} (x) = \lim_{n\rightarrow \infty}\sum_{k=1}^{d+1}\alpha^{k,n}f(x^{k,n})$, with $\alpha^{k,n},x^{k,n}$ satisfying conditions in \eqref{eq:costConv}. Then, $y = \lim_{n\rightarrow \infty}\sum_{k=1}^{d+1}\alpha^{k,n}(f(x^{k,n})+ \frac{\delta}{d+1})$, where $\delta=y-\tilde{f}(x)\geq 0$. Denote $y^{n}=\sum_{k=1}^{d+1}\alpha^{k,n}(f(x^{k,n})+ \frac{\delta}{d+1})$. Then, $(x,y^{n})\in \textrm{conv} (\textrm{epi}\, f)$, and $\lim_{n\rightarrow \infty}(x,y^{n})=(x,y)$. This means that $(x,y)\in \overline{\conv}(\textrm{epi}\,f)$ and, therefore, $ \textrm{epi}\, \tilde{f} \subset \overline{\conv}\, (\textrm{epi}\, f)$.
In conclusion, $\textrm{epi}\, \tilde{f}(\cdot) = \overline{\conv}\, (\textrm{epi}\, f(\cdot))$, which implies that the epigraph of $\tilde{f}$ is closed and convex. Thus, $\tilde{f}$ is l.s.c. and convex on $\tilde \X$.
\smallskip
\noindent (4) By the lower semicontinuity of $\tilde{f}$ and $f$ on compact sets $\tilde \X$ and $X$, their minima can be attained. The equality \eqref{eq:minmin} is thus clear by the definition in \eqref{eq:costConv}.
\end{proof}
\color{black}
\begin{rem}
If $f_i(\cdot,x_{-i})$ is not l.s.c, the inclusion relationship in Lemma \ref{lm1}(2) can be strict, as shown respectively by the following two examples of dimension 1.
\begin{itemize}
\item $\mathfrak{X}=\{0\}\cup\{\pm\frac{1}{z}\}_{z\in \mathbb{N}^{*}}$, $f(x)=|x|$ for $x\in \mathfrak{X}\setminus \{0\}$, and $f(0)=1$. Then, $\tilde{f}(x)=|x|$, for all $x \in \tilde \X = [-1,1]$, and $\textrm{conv}\, (\textrm{epi}\, f)\subsetneq \textrm{epi}\, \tilde{f}$.
\item $\mathfrak{X}=[0,1]$, $f(x)=0$ for $x \neq 0$, and $f(0)=1$. Then, $\tilde{f}(x)=f(x)$ for all $x\in[0,1]$, and $\textrm{epi}\, \tilde{f}\subsetneq \overline{\conv}\, (\textrm{epi}\, f)$.
\end{itemize}
\end{rem}
\medskip
\begin{lem}\label{lm:analyseconvexification}
Under Assumption \ref{ass:lsc}, for any profile $\tilde x\in \tilde \X$, for any player $i$,
for all $x_i\in Z(i,\tilde x)$,
\begin{enumerate}[(1)]
\item $f_i(x_i, \tilde x_{-i})=\tilde{f}_{i}(x_i, \tilde x_{-i})$;
\item for any $h\in \partial_i \tilde{f}_{i}(\tilde{x}_{i}, \tilde x_{-i})$,
\begin{equation}\label{eq:h}
f_i(x_i, \tilde x_{-i})=\tilde{f}_{i}(x_i, \tilde x_{-i}) = \tilde{f}_{i}(\tilde{x}_{i}, \tilde x_{-i}) + \langle h, x_i - \tilde{x}_{i} \rangle\, .
\end{equation}
\end{enumerate}
\end{lem}
\color{black}
\begin{proof}[Proof of Lemma \ref{lm:analyseconvexification}]
Let $\{x^1, \ldots, x^{d+1}\} \subset \mathfrak{X}$ a generator of $(\tilde x, \tilde{f}(\tilde x))$ and $\alpha\in \mathcal{S}_d$ their corresponding weights.
\smallskip
\noindent (1) Suppose that there is $k$ such that $f(x^k)>\tilde{f}(x^k)$. Then, there exists $(y^l)_l$ in $\mathfrak{X}$ and $\beta\in \mathcal{S}_d$ such that $x^k=\sum_l \beta^l y^l$ and $\tilde{f}(x^k)=\sum_l \beta^l f(y^l) < f(x^k)$. In consequence, $\tilde{f}(\tilde x)=\sum_m \alpha^m f(x^m) > \sum_{m \neq k}\alpha^m f(x^m) + \sum_{l} \alpha^k \beta^l f(y^l)$, while $\sum_{m \neq k}\alpha^m x^m + \sum_{l} \alpha^k \beta^l y^l=\tilde x$ and $\sum_{m \neq k}\alpha^m + \sum_{l} \alpha^k \beta^l=1$, contradicting the definition of $\tilde{f}(\tilde x)$.
\smallskip
\noindent (2) By the definition of subdifferential, one has
\begin{equation}\label{eq:subgrad}
\tilde{f}(x^k) \geq \tilde{f}(\tilde x) + \langle h, x^k - \tilde x \rangle \ , \quad \forall k =1, \ldots, d+1 \ .
\end{equation}
Multiplying \eqref{eq:subgrad} by $\alpha^k$ for each $k$ and adding the $d+1$ inequalities yield
\begin{equation}\label{eq:repeat}
\sum_{k=1}^{d+1} \tilde{f}(x^k) \geq \tilde{f}(\tilde x) + \langle h, \sum_k \alpha^k x^k - \tilde x \rangle \quad \Leftrightarrow \quad \tilde{f}(\tilde x) \geq \tilde{f}(\tilde x) \ .
\end{equation}
If, for at least one $k$, the inequality in \eqref{eq:subgrad} is strict, then the inequalities in \eqref{eq:repeat} are strict as well, which is absurd. Therefore, for each $k$, $\tilde{f}(x^k) = \tilde{f}(\tilde x) + \langle h, x^k - \tilde x \rangle$.
\end{proof}
\begin{proof}[Proof of Lemma \ref{lem:approxeq}]
First note that $\tilde x$ is in \tcbl{$\textrm{ri}( \textrm{conv} \, Z(\tilde x))$}, the relative interior of \tcbl{$\textrm{conv}\, Z(\tilde x)$}. Hence, for $t>0$ small enough, $\tilde x\pm t(x - \tilde x)$ is in \tcbl{$\textrm{ri}( \textrm{conv}\, Z(\tilde x))\subset \tilde \X$}. By \eqref{eq:firstorder}, $\bigl\langle h, \tilde x\pm t(x - \tilde x) - \tilde x \bigr\rangle \geq - \eta \|\tilde x \pm t(x - \tilde x) -\tilde x \|$, which yields $\big|\bigl\langle h, x - \tilde x \bigr\rangle \big| \leq \eta \|x - \tilde x\|$. Then, by Lemma \ref{lm:analyseconvexification}, $|\tilde{f}(x) - \tilde{f}(\tilde x)| = |\langle h, x - \bar x \rangle| \leq \eta\|x -\tilde x \|$.
\end{proof}
\color{black}
\begin{proof}[Proof of Theorem \ref{thm:main}]
For each $i\in N$, define a set
$E_i(\tilde x) := A_i Z(i,\tilde x)$ in $\mathbb{R}^q$.
Since $\tilde{x}_{i} \in \textrm{conv}\, (Z(i,\tilde x))$, one has $\sum_{i\in N} A_i \tilde x_i \in \sum_{i\in N}\textrm{conv} (E_i(\tilde x))= \textrm{conv} \Big(\sum_{i\in N} E_i(\tilde x)\Big)$ by the linearity of $A_i$'s.
According to the Shapley-Folkman lemma, there exists $e_i \in \textrm{conv}(E_i(\tilde x))$ for each $i\in N$, and a subset $I\subset N$ with $\vert I\vert \leq q$, such that: (i) $\sum_{i\in N}A_i \tilde x_i =\sum_{i\in N} e_i$ and (ii) $e_i\in E_i(\tilde x)$ for all $i\notin I$. Thus, for all $i\notin I$, there exists $\bar{x}_{i}\in Z(i,\tilde x)$, such that $e_i = A_i \bar{x}_{i}$.
For all $i\in I$, take arbitrarily $\bar{x}_{i} \in Z(i,\tilde x)$. Then,
\begin{align}
\Big\|\sum_{i\in N} A_i \tilde x_i-\sum_{i\in N} A_i x^{*}_i\Big \|& \leq \Big\|\sum_{i\in N} A_i \tilde x_i-\sum_{i\in N} A_i \bar{x}_{i} \Big \| = \Big\|\sum_{i\in N}e_i-\sum_{i\in N} A_i \bar{x}_{i} \Big \|= \Big\|\sum_{i\in I} A_i (\tilde x_i-\bar{x}_{i}) \Big \| \notag\\
& \leq \sqrt{q} M \Delta \ . \label{eq:SF ineq}
\end{align}
Now, for all $i$, $x_i^*\in Z(i,\tilde x)$, so that it satisfies
\begin{equation}
\label{eq:xstarmin}
f_i(x_i^*,\tilde x_{-i}) \leq \tilde{f}_{i}(\tilde{x}_{i},\tilde x_{-i}) \leq \tilde{f}_{i}(x_i,\tilde x_{-i}) + \epsilon+\eta \leq f_i(x_i,\tilde x_{-i}) + \epsilon+\eta \, ,\quad\textrm{for all}\ x_i\in \mathfrak{X}_i\, ,
\end{equation}
according to Lemma \ref{lm:analyseconvexification}.(1), Lemma \ref{lem:approxeq} and Lemma \ref{lm1}.(1).
Recall that $f_i(x)=\theta_i (x_i,\, \frac{1}{n}\sum_{j\in N} A_j \, x_j )$. Hence, for any $x_i\in \mathfrak{X}_i$
\begin{align*}
f_i(x_i,\, \tilde x_{-i})
& = \theta_i \bigg(x_i,\, \frac{1}{n} A_i\, x_i+ \frac{1}{n}\sum_{j\in N_{-i}} A_j \, \tilde x_j \bigg)
\\
& = \theta_i \bigg(x_i, \, \frac{1}{n} A_i\, x_i+ \frac{1}{n}\sum_{j\in N_{-i}} A_j\, x^*_j+\frac{1}{n} A_i\, (x^*_i-\tilde x_i)+\frac{1}{n}\sum_{j\in N}A_j\, (\tilde x_j-x^*_j) \bigg)\\
& = \theta_i \bigg(x_i, \,\frac{1}{n} A_i \, x_i + \frac{1}{n}\sum_{j\in N_{-i}} A_j \, x^*_j+\delta_i \bigg) - \theta_i \bigg(x_i, \,\frac{1}{n} A_i \, x_i + \frac{1}{n}\sum_{j\in N_{-i}} A_j \, x^*_j \bigg) + f_i(x_i, x^*_{-i})\ ,
\end{align*}
where $\delta_i:= \frac{1}{n} A_i\, (x_i^*-\tilde x_i)+\frac{1}{n}\sum_{j\in N}A_j\,(\tilde x_j-x^*_j)$.
By \eqref{eq:SF ineq}, $\Vert \delta_i\Vert \leq \frac{(\sqrt{q}+1) M \Delta}{n}$. Using now Assumption~\ref{ass:lsc} yields that, for any $x_i\in \mathfrak{X}_i$,
\begin{equation*}
\left\vert f_i(x_i,x^*_{-i})-f_i(x_i,\tilde x_{-i}) \right\vert \leq H \left(\frac{(\sqrt{q}+1)M\Delta}{n}\right)^\gamma \ .
\end{equation*}
Injecting this result in~\eqref{eq:xstarmin} yields
\begin{equation}\label{eq:error}
f_i(x_i^*, x^*_{-i})\leq f_i(x_i,x^*_{-i})+ \epsilon+\eta + 2 H \left(\frac{(\sqrt{q}+1)M\Delta}{n}\right)^\gamma \, ,\quad \forall x_i\in \mathfrak{X}_i\, ,\; \forall i\in N\, .
\end{equation}
\end{proof}
\begin{lem}\label{lm:decomposeSF}
Under Assumption \ref{ass:lsc}, suppose that $\tilde x\in \tilde \X$ is an $\epsilon$-PNE in $\tilde{\Gamma}$ satisfying the $\eta$-stability condition with respect to $(Z(i,\tilde x))_i$, where $Z(i,\tilde x) = \{x_i^1, x_i^2,\ldots, x_i^{l_i} \}$ with $1\leq l_i\leq d+1$ and $\tilde x_i = \sum_{l=1}^{l_i} \alpha_i^l x_i^l$, where $\alpha \in \mathcal{S}_{l_i-1}$. Each player $i$ plays a mixed strategy independently, i.e. a random action $X_i$ following distribution $\tilde{\mu}_i$ over $\mathfrak{X}_i$ defined by $\mathbb{P}(X_i = x_i^{l}) = \alpha_i^l$. In other words,
\begin{equation}\label{eq:tildemu}
\tilde{\mu}_i = \sum _{l=1}^{l_i} \alpha_i^l \delta_{x_i^l}\ ,
\end{equation}
where $\delta_{x_i^l}$ stands for the Dirac distribution on $x_i^l$. Then,
\begin{equation*}
\mathbb{E}\Big\|\sum_{i\in N} A_i \tilde x_i-\sum_{i\in N} A_i X_i\Big \| \leq \sqrt{n} M\Delta\, .
\end{equation*}
\end{lem}
\begin{proof}
By the independence of $X_i$, $A_i X_i$ are independent of each other. From the definition of $\tilde{\mu}_i $, $\mathbb{E}( A_i X_i ) = A_i \tilde x_i$. Therefore,
\begin{equation*}
\left(\mathbb{E}\Big \|\sum_{i\in N} A_i \tilde x_i-\sum_{i\in N} A_i X_i\Big \|\right)^2
\leq \mathbb{E}\left[ \Big\|\sum_{i\in N} A_i \tilde x_i-\sum_{i\in N} A_i X_i\Big \|^2 \right]
= \sum_{i\in N} \mathbb{V}\mathrm{ar}(A_i X_i)\leq n M^2 \Delta^2\, ,
\end{equation*}
where the first inequality is by Jensen's inequality.
\end{proof}
\begin{proof}[Proof of Proposition \ref{prop:mixed}]
By same arguments as in the proof of Theorem \ref{thm:main}, one has
\begin{equation*}
| f_i(x_i,\, \tilde x_{-i}) - f_i(x_i, X_{-j}) |\leq H\, \|\delta_i(X)\|^{\gamma}\,
\end{equation*}
where $\delta_i(X):= \frac{1}{n} A_i\, (X_i - \tilde x_i)+\frac{1}{n}\sum_{j\in N}A_j\, (\tilde x_j - X_j)$. By Lemma \ref{lm:decomposeSF},
\begin{equation*}
\mathbb{E} \|\delta_i(X)\| \leq \frac{1+\sqrt{n}}{n} M \Delta\ .
\end{equation*}
Besides, since $X_i$ takes values in $Z(i,\tilde x)$,
\begin{align*}
f_i(X_i, X_{-i}) & = f_i(X_i, X_{-i}) - f_i(X_i, \tilde x_{-i}) + f_i(X_i, \tilde x_{-i}) \\
& \leq f_i(X_i, X_{-i}) - f_i(X_i, \tilde x_{-i}) + f_i(x_i, \tilde x_{-i}) + \epsilon + \eta \\
& = f_i(X_i, X_{-i}) - f_i(X_i, \tilde x_{-i}) + f_i(x_i, \tilde x_{-i})- f_i(x_i, X_{-i})+ f_i(x_i, X_{-i}) + \epsilon + \eta \, ,
\end{align*}
so that
\begin{align*}
f_i(X_i, X_{-i}) -f_i(x_i, X_{-i}) & \leq |f_i(X_i, X_{-i}) - f_i(X_i, \tilde x_{-i})|+ |f_i(x_i, \tilde x_{-i})- f_i(x_i, X_{-i})|+ \epsilon+\eta \\
& \leq 2 H(\delta_i(X))^{\gamma} + \epsilon + \eta\, .
\end{align*}
Therefore,
\begin{equation*}
\mathbb{E}\big[ f_i(X_i, X_{-i}) - f_i(x_i,X_{-i}) \big] \leq 2 H \,\mathbb{E}\big[\|\delta_i(X)\|^{\gamma}\big] + \epsilon + \eta \leq 2 H \left(\frac{(\sqrt{n}+1)M\Delta}{n}\right)^\gamma + \epsilon+\eta\ .
\end{equation*}
\end{proof}
\begin{lem}\label{lm: approx game}
Under Assumption \ref{ass:example}, , for the auxiliary game $\bar{\Gamma}$,
\begin{enumerate}[(1)]
\item Assumption \ref{ass:lsc} are verified with $H=L_g \Delta$ and $\gamma=1$;
\item an $\epsilon$-PNE of $\bar{\Gamma}$ is an $(\epsilon + \frac{L_h M \Delta}{n}+
\frac{2L_g M\Delta^2}{n})$-PNE of $\Gamma$.
\end{enumerate}
\end{lem}
\color{black}
\begin{proof}[Proof of Lemma \ref{lm: approx game}]
(1) First show that, for any fixed $x_i\in \mathfrak{X}_i$, function $\theta_i(x_i, y) := \big\langle g (y+\frac{a_i}{n} (x^0_i-x_i)), x_i \big\rangle + \ell_i(x_i)$ is $L_g\Delta$-Lipschitz in $y$ on $\Omega$. For this, fix $x_i\in \mathfrak{X}_i$. For any $y$ and $y'$ in $\Omega$,
\begin{equation*
\begin{split}
\vert \theta_i(x_i,y')-\theta_i(x_i,y)\vert ^2
&=\Big\vert \Big\langle g \Bigl( y'+\frac{a_i}{n} (x^0_i-x_i)\Bigr) - g \Bigl( y+\frac{a_i}{n} (x^0_i-x_i)\Bigr), x_i \Big\rangle\Big\vert ^2\\
&\leq \Big \| g \Bigl( y'+\frac{a_i}{n} (x^0_i-x_i)\Bigr) - g \Bigl( y +\frac{a_i}{n} (x^0_i-x_i)\Bigr) \Big\|^2 \Delta^2\\
& = \sum_{t=1}^{d}\Bigl( g_t \Bigl( y'_t +\frac{a_i}{n} (x^0_{i,t}-x_{i,t})\Bigr) - g_t \Bigl( y_t +\frac{a_i}{n} (x^0_{i,t}-x_{i,t})\Bigr) \Bigr)^2 \Delta^2\\
&\leq L_g^2 \Delta^2 \sum_{t=1}^{d}(y'_t-y_t)^2 \\
&= L_g^2 \Delta^2 \|y'-y\|^2\, ,
\end{split}
\end{equation*}
where the first inequality results from the Cauchy-Schwarz inequality, while the second one is because $g_t$ is $L_{g_t}$-Lipschitz.
(2) It is easy to see that $|f_i(x_i , x_{-i}) - h_i(\frac{1}{n} \sum_{j\in N} a_j x_j) - \bar{f}_{i}(x_i , x_{-i})| \leq \frac{L_g M\Delta^2}{n}$ for all $x_i\in \mathfrak{X}_i$ and all $x_{-i}\in \tilde \X_{-i}$. Hence, if $\bar x\in X$ is an $\epsilon$-PNE of $\bar{\Gamma}$, then, for each $i$, for any $x_i\in \mathfrak{X}_i$,
\begin{equation*}
\begin{split}
f_i(\bar{x}_{i}, \bar x_{-i})\leq& \bar{f}_{i}(\bar{x}_{i}, \bar x_{-i}) + h_i \Big(\frac{1}{n} \sum_{j\in N} a_j \bar x_j \Big)+ \frac{L_g M\Delta^2}{n} \\
\leq &\bar{f}_{i}(x_i, \bar x_{-i})+\epsilon + h_i \Big(\frac{1}{n} a_i x_i + \frac{1}{n} \sum_{j\neq i}^n a_j \bar x_j \Big) + \frac{L_h M \Delta}{n} +\frac{L_g M\Delta^2}{n}\\
\leq &f_i(x_i, \bar x_{-i})+\epsilon + \frac{L_h M \Delta}{n}+\frac{2 L_g M\Delta^2}{n}\, ,
\end{split}
\end{equation*}
where the second inequality is due to the definition of $\epsilon$-PNE and the Lipschitz continuity of $h_i$.
\end{proof}
\color{black}
\begin{lem} \label{lm:convergence}
Under Assumption \ref{ass:example}, let $(x^{k})_{k\in \mathbb{N}}$ be the sequence generated by Algorithm \ref{algo:BCP} with some initial point $x^0\in \tilde \X$. Then,
\begin{enumerate}[(1)]
\item $\sum_{k=1}^{\infty}\|x^{k-1}-x^{k}\|^2\leq \frac{2n^2}{m^2 L_g} C $, where $C=(d\Delta L_g + 2 B_r) M$;
\item for any $K \in \mathbb{N}^*$, there exists some $k^{*}\leq K$, such that $\|x^{k^{*}-1}-x^{k^{*}}\| \leq \frac{\sqrt{2C} \, n }{m \sqrt{L_g K}}$.
\end{enumerate}
\end{lem}
\color{black}
\begin{proof}[Proof of Lemma \ref{lm:convergence}]
Consider the following two real-valued functions defined on $\tilde \X$:
\begin{equation}\label{eq:sanpotential}
G_0(x) := \sum_{t=1}^{d} G_{t} \Bigl(\frac{1}{n} \sum_{j\in N} a_j x_{j,t} \Bigr) \, , \quad G(x) := G_0(x) + \sum_{j\in N} \frac{a_j}{n} \tilde{r}_j(x_j) \ ,
\end{equation}
where $G_{t}$ is a primitive function of $g_t$, which exists thanks to Assumption \ref{ass:example}.
Note that function $G_0$ is convex and differentiable on a neighborhood of $\tilde \X$, and convex function $\tilde{r}_j$ is uniformly bounded on $\tilde \X_j$ for all $j\in N$ with the same bound $B_\ell$, according to Assumption \ref{ass:example}.
Besides, it is easy to see that, for any $i$ and fixed $x_{-i}\in \tilde \X_{-i}$, $\nabla_i G_0(x_i,x_{-i}):=\frac{\partial G_0(x_i, x_{-i})}{\partial x_i}=\frac{a_i}{n}g (\frac{1}{n}a_i x_i + \frac{1}{n}\sum_{j\neq i} a_j x_j)$ is $\frac{a_i^2L_g}{n^2}$-Lipschitz continuous on $\tilde{\X}_{i}$.
Therefore, Assumptions 1 and 2 in \cite{XuandYin2013} are verified. One can thus apply Lemma 2.2 in \cite{XuandYin2013} and obtains
\begin{equation*}
\sum_{i\in N} \frac{a_i^2 L_g}{2n^2}\|x^{k}_i-x^{k+1}_i\|^2\leq G(x^{k})-G(x^{k+1})\, ,
\end{equation*}
so that
\begin{equation*}
\|x^{k}-x^{k+1}\|^2 \leq \frac{2n^2}{m^2L_g}(G(x^{k})-G(x^{k+1}))\, .
\end{equation*}
In consequence,
\begin{equation}\label{eq:convergence}
\sum_{k=0}^{\infty}\|x^{k}-x^{k+1}\|^2 \leq \frac{2n^2}{m^2L_g}(G(x^{0})-G_{min})\, ,
\end{equation}
where $G_{min}$, defined as $\inf_{\{x\in \tilde \X\}}G(x)$, exists and is finite, because $G$ is l.s.c. on compact set $\tilde \X$. Suppose that $G_{min}$ is attained at $\underline{x}\in \tilde \X$, then
\begin{equation}\label{eq:C}
\begin{split}
G(x^0)-G_{min} &=G(x^0)-G(\underline{x})\\
& =\sum_{t=1}^{d}\int_{\frac{1}{n} \sum_{j\in N} a_j \underline{x}_{j,t} }^{\frac{1}{n} \sum_{j\in N} a_j x^0_{j,t}}g_{t}(s)ds + \sum_{j\in N} \frac{a_j}{n} (\tilde{r}_j(x^0_j)- \tilde{r}_j(\underline{x}_j))\\
&\leq d M\Delta B_g + 2 M B\ ,
\end{split}
\end{equation}
where the last inequality is due to mean value theorem and Assumption \ref{ass:example}.
Combining \eqref{eq:convergence} and \eqref{eq:C} yields $\sum_{k=0}^{\infty}\|x^{k}-x^{k+1}\|^2 \leq \frac{2n^2}{m^2L_g} C$.
This immediately implies
\begin{equation*}
\sum_{k=1}^{K} \|x^{k-1}-x^{k}\|^2\leq \frac{2n^2}{m^2 L_g} C \, .
\end{equation*}
The second result of the lemma is then straightforward.
\end{proof}
\bigskip
\color{black}
\begin{proof}[Proof of Proposition \ref{lm:Nash-disagrregative}]
First, notice that vector function $\zeta : \tilde \X \rightarrow \mathbb{R}^{d}, x \mapsto \zeta(x) = g\bigl( \frac{1}{n} \sum_{j\in N} a_j x_j\bigr)$ is $\frac{L_g M}{\sqrt{n}}$-Lipschitz continuous, i.e. $\|\zeta(x)-\zeta(y)\|\leq \frac{L_g M}{\sqrt{n}}\|x-y\|$, for all $x,y\in \tilde \X$. Indeed, $
\|\zeta(x)-\zeta(y)\|^2 = \sum_{t=1}^{d} |g_{t}( \frac{1}{n} \sum_{j\in N} a_j x_{j,t} )-g_{t} ( \frac{1}{n} \sum_{j\in N} a_j y_{j,t} ) |^2 \leq \linebreak[4] \sum_{t=1}^{d}\big| \frac{L_{g_t}}{n}|\sum_{j\in N}a_j(x_{j,t}-y_{j,t})|\big|^2 \leq \sum_{t=1}^{d} \big( \frac{L_g^2}{n^2}\sum_{j=1}^{n}a_j^2 \sum_{j\in N}(x_{j,t}-y_{j,t})^2\big)\leq \frac{L_g^2 M^2}{n}\|x-y\|^2$,
where the first inequality is because $g_t$ is $L_{g_t}$-Lipschitz, while the second results from the Cauchy-Schwarz inequality.
Next, suppose that sequence $(x^{k})_{k\in \mathbb{N}}$ is generated by Algorithm \ref{algo:BCP} with some initial point $x^0\in \tilde \X$. Let us show that, if $\|x^{k-1}-x^{k}\|\leq u_k$, then, $x^{k}$ satisfies the full $\eta(u_k)\Delta$-stability condition and, furthermore, it is an $\eta(u_k)\Delta$-PNE of game $\tilde{\Gamma}$, where $\eta(u_k) = \frac{L_gM u_k}{\sqrt{n}}+\frac{ 2 L_g M \Delta}{n}$.
Since $\|x^{k}-x^{k-1}\|\leq u_k$, one has
$\| (x_{1}^{k}, \ldots, x_{i-1}^{k}, x_i^{k} , x_{i+1}^{k}, \ldots, x_{n}^{k} )- (x_{1}^{k}, \ldots, x_{i-1}^{k}, x_{i}^{k-1} , \linebreak[4]x_{i+1}^{k-1}, \ldots, x_{n}^{k-1} ) \|\leq u_k$.
This, the Lipschitz continuity of $\zeta$ on $\tilde \X$ and the Lipschitz continuity of $g$ in $x_i$ imply that
\begin{equation}\label{eq:lip inequality}
\begin{split}
&~~\Big \|g \Bigl( \frac{1}{n} \sum_{j \neq i} a_j x^{k}_j + \frac{1}{n} a_i x^0_i \Bigr) - g \Bigl( \frac{1}{n} \sum_{j < i} a_j x^{k}_j + \frac{1}{n} a_i x^{k-1}_i + \frac{1}{n}\sum_{j > i} a_j x^{k-1}_j \Bigr) \Big\| \\
&\leq \Big \|g \Bigl( \frac{1}{n} \sum_{j \neq i} a_j x^{k}_j + \frac{1}{n} a_i x^0_i \Bigr) - g \Bigl( \frac{1}{n} \sum_{j\in N} a_j x^{k}_j \Bigr) \Big\| \\
&~~ + \Big \| g \Bigl( \frac{1}{n} \sum_{j\in N} a_j x^{k}_j \Bigr) - g \Bigl( \frac{1}{n} \sum_{j < i} a_j x^{k}_j + \frac{1}{n} a_i x^{k-1}_i + \frac{1}{n}\sum_{j > i} a_j x^{k-1}_j \Bigr) \Big\|\\
&\leq \frac{L_g M\Delta}{n}+\frac{L_g M u_k}{\sqrt{n}}\ .
\end{split}
\end{equation}
The first order condition of optimality of the optimization problem \eqref{alg:proximal1} is: there exists some $p_i$ in the subdifferential of $\tilde{r}_{i}(x^k_i)$ at $x^k_i$, denoted by $\partial \tilde{r}_{i} (x^k_i)$, such that for all $x_i\in \tilde \X_i$,
\begin{equation}\label{eq:first order inequality}
\Big\langle g \Bigl( \frac{1}{n} \sum_{j < i} a_j x^{k}_j + \frac{1}{n}\sum_{j \geq i} a_j x^{k-1}_j \Bigr) + \frac{a_iL_g}{n} ( x^{k}_i-x_{i}^{k-1} ) + p_i , x_i - x^{k}_i \Big \rangle \geq 0 \, .
\end{equation}
Then,
\begin{equation*}
\begin{split}
& \Big\langle g \Bigl( \frac{1}{n} \sum_{j \neq i} a_j x^{k}_j + \frac{1}{n} a_i x^+_i \Bigr) + p_i, x_i - x^{k}_i\Big\rangle \\
& = \Big\langle g \Bigl( \frac{1}{n} \sum_{j \neq i} a_j x^{k}_j + \frac{1}{n} a_i x^+_i \Bigr) - g \Bigl( \frac{1}{n} \sum_{j < i} a_j x^{k}_j + \frac{1}{n}\sum_{j \geq i} a_j x^{k-1}_j \Bigr) , x_i - x^{k}_i\Big\rangle\\
&~~ +\Big\langle g \Bigl( \frac{1}{n} \sum_{j < i} a_j x^{k}_j + \frac{1}{n}\sum_{j \geq i} a_j x^{k-1}_j \Bigr) + \frac{a_iL_g}{n}( x^{k}_i-x_{i}^{k-1} ) + p_i , x_i - x^{k}_i \Big\rangle\\
&~~ - \Big\langle \frac{a_iL_g}{n}( x^{k}_i-x_{i}^{k-1} ) , x_i - x^{k}_i\Big\rangle\\
&\geq \Big\langle g \Bigl( \frac{1}{n} \sum_{j \neq i} a_j x^{k}_j + \frac{1}{n} a_i x^+_i \Bigr) - g \Bigl( \frac{1}{n} \sum_{j < i} a_j x^{k}_j + \frac{1}{n} a_i x^{k}_i + \frac{1}{n}\sum_{j > i} a_j x^{k-1}_j \Bigr) , x_i - x^{k}_i\Big\rangle\\
&~~ - \Big\langle \frac{a_iL_g}{n}( x^{k}_i-x_{i}^{k-1} ) , x_i - x^{k}_i\Big\rangle\\
&\geq - \Big(\frac{L_gM u_k}{\sqrt{n}}+\frac{L_g M\Delta}{n}+\frac{a_i L_g \Delta}{n} \Big)\|x_i-x^{k}_i\|\\
&\geq -\Big(\frac{L_gM u_k}{\sqrt{n}}+\frac{2 L_g M \Delta}{n}\Big)\|x_i-x^{k}_i\| = -\eta(u_k)\|x_i-x^{k}_i\| \ ,
\end{split}
\end{equation*}
where the first inequality is due to \eqref{eq:first order inequality},
while the second one by \eqref{eq:lip inequality} and the Cauchy-Schwarz inequality.
Then, according to Lemma \ref{lem:approxeq}, $x^{k}$ satisfies the full $\eta(u_k)\Delta$-stability condition for game $\tilde{\Gamma}$, where $\eta(u_k) = \frac{L_gM u_k}{\sqrt{n}}+\frac{2 L_g M \Delta}{n}$.
Furthermore, since $\tilde{r}_{i}$ is convex on $\tilde \X_i$,
\begin{equation*}
\begin{split}
\bar{f}_i(x_i,x^{k}_{-i})-\bar{f}_i(x^{k})&=\Big\langle g\Bigl(\frac{1}{n} \sum_{j\neq i} a_j x_j^{k}+\frac{1}{n} a_ix_i^+\Bigr), x_{i}-x^{k}_{i}\Big\rangle +\tilde{r}_{i}(x_i)- \tilde{r}_{i}(x_i^{k})\\
&\geq \Big\langle g\Bigl(\frac{1}{n} \sum_{j\neq i} a_j x_j^{k}+\frac{1}{n} a_ix_i^+\Bigr), x_{i}-x^{k}_{i}\Big\rangle + \langle p_i, x_i-x^{k}_i\rangle \\
&\geq -(\frac{L_gM u_k}{\sqrt{n}}+\frac{2 L_g M \Delta}{n})\|x_i-x^{k}_i\|\, .
\end{split}
\end{equation*}
Thus, $x^k$ is an an $\eta(u_k)\Delta$-PNE of game $\tilde{\Gamma}$.
\medskip
For any $K \in \mathbb{N}^*$, there exists some $k^{*}\leq K$ such that $\|x^{k^{*}-1}-x^{k^{*}}\| \leq \frac{\sqrt{2C} n }{m \sqrt{L_g K}}$ according to Lemma \ref{lm:convergence}(2). The conclusion is immediate by taking $\omega(K,n)=\eta\big(\frac{\sqrt{2C} n }{m \sqrt{L_g K}}\big)$.
\end{proof}
\begin{proof}[Proof of Theorem \ref{thm:congestionPNE}]
Proposition \ref{lm:Nash-disagrregative} shows that $x^{k^*}$ is an approximate PNE of game $\tilde{\Gamma}$ (convexification of the nonconvex auxiliary game $\bar{\Gamma}$). Then, Theorem \ref{thm:main} is applied to show that (the ``Shapley-Folkman disaggregation'' of $x^{k^*}$) $x^*$ is an approximate PNE of the nonconvex auxiliary $\bar{\Gamma}$. The use of Theorem \ref{thm:main} is justified by Lemma \ref{lm: approx game}(1). Finally, Lemma \ref{lm: approx game}(2) is evoked to show that $x^*$ is an approximate PNE of the original nonconvex game $\Gamma$
\end{proof}
\color{black}
\bibliographystyle{amsplain}
|
\section{Introduction}
Machine olfaction is the advanced technology that captures odorous materials and identifies them by distinguishing the differences in response patterns. Usually electronic noses (e-noses) are used, which consist of an array of gas sensors and intelligent identification algorithms mimicking biological noses, to 'smell' and 'sense' odors \cite{Gardner.1994, Wasilewski.2019}.
Gas sensors detect gases by usually measuring the change in electrical conductivity. Sensitivity, selectivity, response time, and recovery time are the major specifications to evaluate the performance of a gas sensor \cite{Dey.2018}. There are different types of gas sensors: catalytic combustion, electrochemical, thermal-conductive, infrared absorption, paramagnetic, solid electrolyte, and metal oxide semiconductor sensors \cite{Dey.2018}. In recent years, paper-based sensors, which are a new type of gas sensor fabricated by cellulose paper, have the characteristics of flexibility, low-cost, lightweight, tailorablity, and environmental-friendly \cite{Tai.2020}. The response of a gas sensor detecting an odor is a synthetical process since the sensor may be sensitive to a group of different molecules, which is usually called 'cross-sensitivity'. Cross-sensitivity is a characteristic of gas sensors because of poor selectivity \cite{Feng.2019}. It is an interference of measuring gas concentration using a single gas sensor. However, it can be utilized as a feature to identify odors when an array of gas sensors detects odors. Response patterns of sensor signals are different from various odors. It is difficult to interpret sensing responses due to the synthetically non-linear sensing process of gas sensors. Most gas sensors are fabricated for detecting industrial gases or volatile organic chemicals (VOCs).
Odor identifications have been well developed in recent years and have been applied to specific fields. However, such methods ignore the essence of odors. An odor is usually composed of a group of odorous compounds. We human beings sniff the odorous mixture, discriminate, and identify the odor if people are trained to learn the odor. We have difficulties describing an unknown odor without prior knowledge. Instead, we describe it by using some semantic words. Accordingly, is there a method to describe the odor space so that odor can be recorded and encoded in some general forms?
It is a challenge to determine the dimensionality of the olfactory perceptual space because there are still a lot of efforts required in investigating the mechanism of olfactory perceptions. Physiological studies had identified that the human olfactory system consists of around 400 odorant receptor types \cite{Malnic.2004}. An odor activates some of these odorant receptor types to generate a specific pattern so that humans can discriminate against it. The number of odorant receptor types sets the upper bound on the dimensionality of the perceptual space. There are not dedicated vocabulary to describe odors in major languages. Instead, words about objects, for example, flowers and animals, or emotions such as pleasantness are applied to describe olfactory perceptions. J. E. Amoore claimed that odors were divided into 7 groups which were regarded as primary odors \cite{John.1977}. Markus Meister suggested that olfactory perceptual space may contain around 20 dimensions or less \cite{Meister.2015}, and Yaara and Noam reviewed that humans are good at odor detection and discrimination, but are bad at odor identification and naming \cite{Yeshurun.2010}. Semantic descriptors profiled from a list of defined verbal words are rated by human sniffers. Up to now, there is not a universal list of odor semantic descriptors yet.
Currently, there is not an odor space to describe the variety of odors in nature. Some studies revealed a significant relationship between odor molecular structure information and olfactory perceptions \cite{Karen.1996}. Functional groups and hydrocarbon structural features were considered to be factors influencing olfactory perceptions. A hypothesis demonstrated that odorants possessing the same functional groups activate the same glomerular modules \cite{Johnson.2002} which generate similar perceptual patterns so that humans identify them as the same type of odor. Recent studies revealed that 3D structure information of odorous molecules has a more noticeable impact on olfactory perceptions \cite{Rojas.2015}. Considering the complexity of molecular structure information, the mapping to odor space may be non-linear.
Several studies investigated the map between odor responses and odorous perceptual labels. T. Nakamoto designed an odor sensing system that consisted of a mass spectrum and large-scale neural networks to predict odor perceptual information \cite{Nakamoto.2019}. R. Haddad et al. investigated the relationship between odor pleasantness and e-nose sensing responses by modeling a feed-forward back-propagation neural network \cite{Haddad.2010}. D. Wu et al. designed a convolutional neural network for predicting odor pleasantness \cite{Wu.2019}. These models used in predicting odor perceptual descriptors perform decently in some particular datasets. However, machine percepts and describes odors using distributed representation is still a challenge for us.
It is worth establishing some forms of odor space to describe a sufficiently complete group of odors in nature. An odor space should be some form of numerical values with definite dimensionality. The odor space should be a linear space for convenient interpreting because of the non-linear map. Those semantic olfactory descriptors are only some points in the quantization just as the color "red" is quantified to (255, 0, 0) in RGB color space. The importance of such odor space is a quantization form so that odors can be converted to information for data storage or transmission. The odors can be reproduced by blending some similar odorants to generate the odor.
Machine olfactions have been applied widely to many fields in recent years. Some linear methods such as principal component analysis (PCA), linear discriminant analysis (LDA), support vector machines (SVM), etc. were used in the analysis of odor discrimination \cite{Marco.2012}. PCA is an unsupervised method ignoring discriminant information which is a popular method for dimensionality reduction \cite{Bedoui.2013}. LDA is a supervised method for classification by finding decision surfaces and calculating the signed orthogonal distance of data points. It has been used in the identification of Chinese herbal medicines \cite{Luo.2012}. SVM is some kind of regularization in which the aim is to find the maximum margin between classes. K. Brudzewski applied SVM as the classification tool for identifying tobacco \cite{Brudzewski.2012}. Classifiers using linear methods can be transferred to convex problems which have the advantages of mathematical interpretability. Non-linear methods such as artificial neural networks (ANN) were also introduced in machine olfactions. In recent years, deep learning methods are dramatically developing and widely used in various fields such as computer visions, speech processing, automatic driving, etc. They also have been introduced in machine olfaction for odor identifications \cite{Wu.2019,Jong.2019}.
There are several advantages that machine olfaction technology applies to many fields. Firstly, it is a non-destructive technique to detect volatiles released from the surface of objects \cite{Brezmes.2005b}. Secondly, e-nose is usually portable which is convenient to detect odors anywhere and anytime \cite{Das.2009}. Thirdly, e-noses have the capacity of extending out olfactory perception scopes since gas sensors are capable of detecting those chemicals which humans are unable to smell and sense \cite{Deshmukh.2015}. Furthermore, e-noses can be used in some unpleasant environments \cite{Murphy.2014,Li.2019}.
Linear methods for classifications usually require highly correlated features and high calibration costs which the number of training data is limited \cite{Marco.2012}. Non-linear methods have difficulties in interpretation. Nonetheless, non-linear methods especially deep learning methods have a higher capacity of identifying more odors. In this paper, we borrowed the idea from auto-encoder and proposed a novel deep learning algorithm for odor identification - Odor Labeling Convolutional Encoder-Decoder (OLCE). OLCE consists of an encoder and a decoder, where the encoder output is constrained to odor labels. OLCE has a decoder structure which offers some clues on how the model learns features. In the following paragraphs, we will first describe the experimental setups and the modeling of OLCE. After that, the performance of the model, comparison with other methods, and an overview of decoded response results will be illustrated. Furthermore, the perspective of machine olfaction will be discussed.
\section{Materials and Methods}
\subsection{Research scheme}
The OLCE model was built, trained, and tested by self-collecting gas response datasets. In the study, odors from seven non-crushed Chinese herbal medicines were collected by an electronic nose. We kept experimental settings of gas-response collections by a self-designed standard procedure to control the detecting consistency and the data effectiveness. We built other algorithms that had already been used for odor identification to examine the performance of OLCE. The procedure of the study was displayed in Figure \ref{fig_scheme}.
\begin{figure}[H]
\centering
\includegraphics[width=\linewidth]{research_scheme.png}
\caption{OLCE workflow.}
\label{fig_scheme}
\end{figure}
\subsection{Experiment Setup}
The instrument and tools used in the experiment included a PEN-3 electronic nose, beakers, and a computer. Experimental subjects were placed in beakers for the data collection. The PEN-3 electronic nose manufactured by AirSense Inc. was used for collecting gas sensor responses. The computer with installed Winmuster, which is the PEN-3 e-nose control software designed by AirSense Inc., was used to connect and control the e-nose. The architecture experimental setup is displayed in Figure \ref{fig_exp}.
\begin{figure}[H]
\centering
\includegraphics[width=\textwidth]{experiment_setup.png}
\caption{The architecture of the experimental setup for collecting odor response data. Chinese Herbal medicines were selected as the experimental materials, and they were placed in clean beakers covered by a sealed film. A needle was inserted to the bottom for clean-air refilling. Another needle was inserted on the roof of the beaker beneath the sealed film for collecting headspace gases. The clean-air inlet was connected to the purge gas port on the PEN-3 e-nose for flushing gas sensors, and the waste-air outlet was connected to the waste port for ejecting waste gases. Response data were collected by e-nose and transmitted to a computer via a USB Type-B cable connecting e-nose and computer.}
\label{fig_exp}
\end{figure}
\subsection{The Preparation of Experimental Materials}
We selected seven Chinese herbal medicines (Betel Nut, Dried Ginger, Rhizoma Alpiniae Officinarum, Tree Peony Bark, Fructus Amomi, Rhioxma Curcumae Aeruginosae, Fructus Aurantii) for the experiment. To ensure the consistency of gas sensor responses, the procedures for preparing these materials were carefully set as follows:
\begin{enumerate}
\item Materials in initial conditions are placed in clean beakers separately.
\item Beakers are equilibrated for over 20 minutes {color{red}for enrichment} of volatiles released from the surface of medicines.
\item The temperature is kept around 25 $^{\circ}$C.
\item The humidity is kept around 75\%.
\end{enumerate}
\subsection{PEN-3 Electronic Nose}
Response data were collected from an e-nose, PEN-3, AirSense Inc. The PEN-3 e-nose is a general-purpose gas response signal sampling instrument with 10 metal-oxide gas sensors each of which has different sensitivity to a different gases as shown in Table \ref{tab_pen3}. Since the combination of these 10 sensors, PEN-3 has the ability to sense various gases, which makes it a suitable instrument for the research. The settings of the e-nose are illustrated in Table \ref{tab_settings}.
\begin{table}[H]
\caption{Descriptions of the sensor array in PEN-3 e-nose.}
\centering
\begin{tabular}{lp{13.7cm}}
\toprule
\textbf{Sensor} & \textbf{Sensor Sensitivity and General Description} \\
\midrule
W1C & Aromatic compounds. \\
W5S & Very sensitive, broad range of sensitivity, reacts to nitrogen oxides, very sensitive with negative signals. \\
W3C & Ammonia, used as sensor for aromatic compounds. \\
W6S & Mainly hydrogen. \\
W5C & Alkanes, aromatic compounds, less polar compounds. \\
W1S & Sensitive to methane. Broad range. \\
W1W & Reacts to sulphur compounds, H2S. Otherwise sensitive to many terpenes and sulphur-containing organic compounds. \\
W2S & Detects alcohol, partially aromatic compounds, broad range. \\
W2W & Aromatic compounds, sulphur organic compounds. \\
W3S & Reacts to high concentrations ($>$100 mg/kg) of methane--aliphatic compounds. \\
\bottomrule
\end{tabular}
\label{tab_pen3}
\end{table}
\begin{table}[H]
\caption{Settings of PEN-3 electronic nose.}
\centering
\begin{tabular}{rl}
\toprule
\textbf{Options} & \textbf{Settings} \\
\midrule
Sample interval & 1.0 sec \\
Presampling time & 5.0 sec \\
Zero point trim time & 5.0 sec \\
Measurement time & 120 sec \\
Flushing time & 120 sec \\
Chamber flow & 150 ml/min \\
Initial injection flow & 150 ml/min \\
\bottomrule
\end{tabular}
\label{tab_settings}
\end{table}
\subsection{OLCE Modeling}
Figure \ref{fig_olce} describes the principle of OLCE. OLCE contains a convolutional encoder and a convolutional decoder. The OLCE input is those responses that have been zero-center normalized. The OLCE output aims to reproduce the input. The intermediate layer is a representation that outputs the identification results. The encoder and the decoder are trained together using a training dataset. To verify the model, the results in the representation layer are used to evaluate the performance of the model.
\begin{figure}[H]
\centering
\includegraphics[width=\linewidth]{olce.png}
\caption{The basic principle of OLCE.}
\label{fig_olce}
\end{figure}
The original response data were firstly zero-center normalized, then sent into the OLCE model. The $i$-th zero-center normalized response data point $x'_i$ is calculated as follow:
\begin{equation}
x'_i = \frac{x_i-x_{mean}}{x_{max}-x_{min}},
\end{equation}
where $x_i$ is the $i$-th original data from e-nose, $x_{mean}$ is the average value of 120 data points collected from a gas sensor, and $x_{max}$ and $x_{min}$ are the maximum and the minimum value of the 120 data points, respectively.
Suppose the input is $\mathbf{X}$ which here is the sensing response collected by gas sensors. The labels of Chinese herbal medicines are defined as $\mathbf{y}$ which is one-hot encoding. The encoder is defined as $\mathcal{F}(\bullet)$ and the decoder is defined as $\mathcal{G}(\bullet)$. So the encoder can be presented as
\begin{equation}
\mathbf{y} = \mathcal{F}(\mathbf{X}),
\end{equation}
and the decoder can be presented as
\begin{equation}
\mathbf{X}' = \mathcal{G}(\mathbf{y}),
\end{equation}
where $\mathbf{X}'$ output of the decoder. The aim of building the encoder-decoder is to gain an accurate labeling results $\mathbf{y}$. To achieve this, the re-build responses $\mathbf{X}'$ must approximate to the original responses $\mathbf{X}$: $\mathbf{X}' \rightarrow \mathbf{X}$. In other words, the aim of the encoder-decoder can be illustrated as follow:
\begin{equation}
\begin{aligned}
\mathnormal{minimize} \quad & y-\mathcal{Y} \\
\mathnormal{subject \, to} \quad & \mathcal{G}(\mathcal{F}(\mathbf{X}))-\mathbf{X}.
\end{aligned}
\end{equation}
The encoder was designed with a convolutional neural network. The convolutional layer extract features by computing the product sum of the input variables. $ReLU$ was used to introduce non-linearity in the convolutional network.
\begin{equation}
ReLU(x) = max(0, x).
\end{equation}
A max-pooling layer was introduced to reduce spatial size of the convolved data. After that, a fully connected layer was introduced to learn non-linear combinations of the high-level features. Softmax was implemented through the output layer as a classifier to identify odor labels. Symmetrically, the decoder was a convolutional neural network with the same structure. Figure \ref{fig_olce_struct} describes the architecture of the encoder and decoder, while Table \ref{tab_olce-par} shows the network parameters.
\begin{landscape}
\begin{figure}[H]
\centering
\includegraphics[width=0.8\linewidth]{olce_structure.png}
\caption{Architecture of the odor labeling convolutional encoder-decoder.}
\label{fig_olce_struct}
\end{figure}
\begin{table}[H]
\caption{Structural parameters of the odor labeling convolutional encoder-decoder.}
\centering
\begin{tabular}{cccc}
\toprule
\textbf{Layer} & \textbf{Type} & \textbf{Filter Shape} & \textbf{Input Size} \\
\midrule
Conv1 & conv & 7*1*5 & 10*1*120 \\
& Maxpool & 1*2 & 7*1*116 \\
Conv2 & conv & 12*1*3 & 7*1*58 \\
& Maxpool & 1*2 & 12*1*56 \\
FC3 & FC & 7*336 & 12*1*28 \\
Classifier & Softmax & - & 7 \\
FC3 & FC & 336*7 & 7 \\
& Unpool & 1*2 & 12*1*28 \\
Transposed Conv2 & Transposed conv2 & 7*1*3 & 12*1*56 \\
& Unpool & 1*2 & 7*1*58 \\
Transposed Conv1 & Transposed conv1 & 10*1*5 & 7*1*116 \\
\bottomrule
\end{tabular}
\label{tab_olce-par}
\end{table}
\end{landscape}
\subsection{Comparison Models}
In order to take a view on the performance of OLCE, several algorithms that had been applied to machine olfactions were selected for comparison.
\begin{itemize}
\item linear discriminant analysis (LDA) \cite{Akbar.2016},
\item multi-layer perception (MLP) \cite{Benrekia.2013},
\item decision tree (DT) \cite{AitSiAli.2017},
\item principle component analysis (PCA) with LDA \cite{Sun.2018},
\item convolutional neural networks (CNN) and support vector machine (SVM) \cite{YanShi.2019}.
\end{itemize}
LDA can be used not only for dimensionality reduction but also for classification. LDA reduces in-class distances and increases the distances between classes.
MLP classifier is an artificial neural network and has been applied to odor identification. MLP is is a supervised non-linear function approximator learns a function $f(\bullet): R^{m}\rightarrow R^{n}$, where $m=1200$ was a $120*10$ sample and $n=7$ is the labels. The MLP consisted of 4 hidden layers with the ReLU activation function.
DT is a non-parametric supervised learner which classifies data based on already-known sample distribution probability. It performed decently in odor classification. We here set the classification criterion to Gini,
\begin{equation}
H(X_m)=\sum_kp_{mk}(1-p_{mk}),
\end{equation}
where $X_m$ is samples used the node $m$. The proportion of class $k$ in node $m$ is $p_{mk} = 1/N \sum_{x_i\in R}I(y_i=k)$. It represents a region $R$ with $N$ observations. In order to prevent overfitting, the maximum depth of a tree was limited to 10.
PCA-LDA is a combination model and has been applied to odor identification. PCA implemented the dimensionality reduction through orthogonally projecting input data onto a lower-dimensional linear space by singular value decomposition with scaling each component. LDA was implemented for the classification.
In the CNN-SVM model, CNN is a typical feed-forward neural network for feature extraction. SVM is a supervised learning algorithm for classification. The CNN consisted of 2 one-dimension convolutional layers, fully max-pooling layers, and a fully-connected layer.
All models were coded in Python and open-source packages scikit-learn \cite{scikit-learn} and PyTorch \cite{NEURIPS2019_9015} were used to build models.
\section{Results}
\subsection{The Input of OLCE}
The input of OLCE is a zero-centered $10\times 120$ dataset which is collected by PEN-3 e-nose. The gas sensor responses were collected by PEN-3 e-nose followed by the experimental procedure illustrated in the previous section. For each medicine, 100 response samples were measured so that the total number of samples in the dataset is $7\times100=700$. Each sample is actually a $120\times10$ matrix.
Figure \ref{fig_responses} compares the zero-centered responses to the input of OLCE. We randomly selected 4 samples from each medicine class. It can be seen that there are some slight differences in the same medicine class because of different within-class medicine sources used for the collection experiment. Responses have noticeable differences between classes. Some sensors show upwards baseline drift because various volatilization rates of some volatiles and their sensitivities to volatiles. Some sensors show downwards baseline drift because of the overflow in the sensor chamber. Since an OLCE receives a $10\times 120$ sample as an input dataset without feature extraction, these drifts can be ignored.
\begin{landscape}
\begin{figure}[htbp]
\centering
\includegraphics[width=\linewidth]{sensor_responses_4.png}
\caption{Centralized sensing responses of seven types of Chinese herbal medicines (Betel Nut (BN), Dried Ginger (DG), Rhizoma Alpiniae Officinarum (RAO), Tree Peony Bark (TPB), Fructus Amomi (FAm), Rhioxma Curcumae Aeruginosae (RCA), Fructus Aurantii (FAu)). We randomly selected 4 response samples of each medicine. All response data were implemented by centralized normalization.}
\label{fig_responses}
\end{figure}
\end{landscape}
\subsection{OLCE Evaluation}
Each OLCE model was executed 10 times and several performance evaluation indexes (accuracy, precision, recall rate, F-score, Kappa rate, and Hamming loss) were calculated to view the model effectiveness. The results were displayed in Table \ref{tab_olce-results}.
OLCE had the maximum accuracy $0.96$ and minimum accuracy $0.8457$. It had a decent precision rate (between $0.8397$ and $0.9635$) and recall rate ($0.8419$ and $0.9576$). The $F_1$ score of the model was between $0.8379$ and $0.9591$. It demonstrated that OLCE had less false positive and false negative predicting output.
Kappa coefficient was also calculated to evaluate the consistency and classifier precision.
\begin{equation}
\textnormal{Kappa} = \frac{P_o - P_e}{1 - P_e},
\end{equation}
where $P_o$ is the accuracy and $P_e$ is calculated as follow:
\begin{equation}
P_e = \frac{a_1*b_1+a_2*b_2+...+a_7*b_7}{n*n},
\end{equation}
where $i=1, 2, ..., 7$ is the class index, $a_i$ represents the accumulated amount of samples of each class in the dataset, $b_i$ represents the accumulated number of samples in each class after the classification, and $n$ is the total number of samples. The Kappa revealed that OLCE has excellent consistency.
\begin{table}[htbp]
\centering
\caption{Performance evaluation indexes for OLCE model.}
\begin{tabular}{cccccc}
\toprule
No. & Accuracy & Precision & Recall & F1 Score & Kappa \\
\midrule
1 & 0.9142 & 0.9269 & 0.9276 & 0.9249 & 0.9130 \\
2 & 0.8800 & 0.9635 & 0.9576 & 0.9584 & 0.9533 \\
3 & 0.9485 & 0.8858 & 0.8624 & 0.8691 & 0.8520 \\
4 & 0.9428 & 0.9312 & 0.9347 & 0.9320 & 0.9197 \\
5 & 0.9714 & 0.9163 & 0.9157 & 0.9129 & 0.8998 \\
6 & 0.9200 & 0.9333 & 0.9354 & 0.9330 & 0.9196 \\
7 & 0.8971 & 0.9599 & 0.9590 & 0.9591 & 0.9532 \\
8 & 0.9428 & 0.8397 & 0.8419 & 0.8379 & 0.8193 \\
9 & 0.9485 & 0.9404 & 0.9404 & 0.9395 & 0.9264 \\
10 & 0.8914 & 0.9317 & 0.9314 & 0.9296 & 0.9198 \\
\midrule
Average & 0.9257 & 0.9229 & 0.9206 & 0.9196 & 0.9076 \\
\bottomrule
\end{tabular}%
\label{tab_olce-results}%
\end{table}%
\subsection{Comparison}
Several algorithms used in machine olfactions were built to compare OLCE. Each model was executed 10 times, and the accuracy scores of each model are illustrated in Table \ref{tab_comp-results}. It can be seen that the highest and lowest accuracy of LDA is $0.9314$ and $0.8686$. CNN-SVM has the highest and lowest scores of $0.9371$ and $0.8514$. MLP and PCA-LDA has relatively lower scores which the best scores were $0.4342$ and $0.5200$, respectively. The decision tree yielded relatively good scores between $0.7600$ and $0.8857$. It can be seen from the 'Max.' and 'Min.' columns that OLCE has the best scores (the highest score is $0.9714$ and the lowest one is $0.8800$. Moreover, OLCE has the best average score ($0.9257$). The 'Var.' column describes the variances of the accuracy scores from the 10 models of each algorithm. It can be seen that LDA has the highest consistency because of the lowest accuracy variance ($0.0005$) between 10 LDA models. On contrary, the PCA-LDA model got the highest variance of $0.0141$ which reveals the worst training consistency. It can be noted that OLCE has the third-lowest accuracy variance that is $0.0009$.
Overall, as the results illustrate above, LDA, CNN-SVM, and OLCE has a decent performance for machine olfaction according to better average predicting accuracy and stable consistency. Moreover, considering the comprehensive advantages in accuracy, precision, recall rate, $F_1$ score, and Kappa coefficients, OLCE is sufficiently suitable to discriminate odors from gas responses collected by e-nose.
\subsection{Overview of decoded responses}
OLCE is an encoder-decoder structure model, and the representation layer consists of several odor labels. It is interesting to take a view on decoded responses. We randomly selected one original response and one decoded response from both the training set and test set.
Figure \ref{fig_dec-res_train} and \ref{fig_dec-res_test} shows the comparison of encoder input and decoder output. Firstly, OLCE reproduces response signals in response state. Some gentle response changes in the response states are decoded as some fluctuating signals. For instance, in Figure \ref{fig_dec-res_train}, row 4, some baseline drifts are decoded as some fluctuating signals. Secondly, OLCE focuses on positive or negative baseline drift. For example, in Figure \ref{fig_dec-res_test}, row 5, when the signal changes accumulate exceed a certain level, the decoder generates some fluctuations. It is possible that some response changes may activate OLCE to generate fluctuating waves. These fluctuations can be regarded as 'feature stamps'. These feature stamps reveal some clues of which features OLCE focuses on. Furthermore, the model ignores response fluctuations from one single gas sensor. For instance, as shown in Figure \ref{fig_dec-res_train}, the "W3S" response (brown line) in subfigure "Fructus Amomi" (row 5, column 1) fluctuates obviously, but the decoder did not take it as a feature.
Figure \ref{fig_dec-res_analyze} describes a typical decoded response. It can be seen that OLCE learns features using one or more small windows in a response dataset. The response state is the most significant feature for OLCE, as shown the red dotted box. Moreover, the OLCE regards some gentle changes in steady state as some features. The intersections of curves can be also some significant features as shown the green dotted box. OLCE may also concentrate on those accumulated changes in steady state as shown the blue dotted box.
\begin{landscape}
\begin{table}[p]
\centering
\caption{Accuracy scores of 6 models (LDA, MLP, DT, PCA+LDA, CNN+SVM, OLCE). In PCA-LDA model, grid search for finding the best number of dimensions using PCA, which reduced to 49 dimensions.}
\begin{tabular}{ccccccccccccccc}
\toprule
\multirow{2}[4]{*}{Models} & \multicolumn{10}{c}{Predictions} & \multirow{2}[4]{*}{Max.} & \multirow{2}[4]{*}{Min.} & \multirow{2}[4]{*}{Ave.} & \multirow{2}[4]{*}{Var.} \\
\cmidrule{2-11} & 1st & 2nd & 3rd & 4th & 5th & 6th & 7th & 8th & 9th & 10th & & & & \\
\midrule
LDA & 0.9029 & 0.9257 & 0.9314 & 0.8686 & 0.8971 & 0.9029 & \textcolor[rgb]{ 1, 0, 0}{0.9314 } & 0.9200 & 0.9086 & 0.8800 & 0.9314 & 0.8686 & 0.9069 & \textcolor[rgb]{ 1, 0, 0}{0.0005 } \\
MLP & \textcolor[rgb]{ 1, 0, 0}{0.4342 } & 0.2114 & 0.1200 & 0.1542 & 0.3771 & 0.2628 & 0.2285 & 0.1428 & 0.1542 & 0.2800 & 0.4342 & 0.1200 & 0.2365 & 0.0109 \\
DT & 0.8629 & 0.8114 & 0.8514 & 0.7600 & 0.8514 & 0.7943 & 0.8400 & 0.8229 & \textcolor[rgb]{ 1, 0, 0}{0.8857 } & 0.8171 & 0.8857 & 0.7600 & 0.8297 & 0.0013 \\
PCA-LDA & 0.2857 & 0.4342 & 0.3200 & \textcolor[rgb]{ 1, 0, 0}{0.5200 } & 0.4057 & 0.1542 & 0.4400 & 0.1828 & 0.4342 & 0.3200 & 0.5200 & 0.1542 & 0.3497 & 0.0141 \\
CNN-SVM & \textcolor[rgb]{ 1, 0, 0}{0.9371 } & 0.9085 & 0.9142 & 0.9028 & 0.9314 & 0.9085 & 0.9028 & 0.8514 & 0.9314 & 0.9085 & 0.9371 & 0.8514 & 0.9097 & 0.0006 \\
OLCE & 0.9142 & 0.8800 & 0.9485 & 0.9428 & \textcolor[rgb]{ 1, 0, 0}{0.9714 } & 0.9200 & 0.8971 & 0.9428 & 0.9485 & 0.8914 & \textcolor[rgb]{ 1, 0, 0}{0.9714 } & \textcolor[rgb]{ 1, 0, 0}{0.8800 } & \textcolor[rgb]{ 1, 0, 0}{0.9257 } & 0.0009 \\
\bottomrule
\end{tabular}%
\label{tab_comp-results}%
\end{table}
\end{landscape}
\begin{figure}[htbp]
\centering
\begin{subfigure}[b]{0.49\linewidth}
\includegraphics[width=\textwidth]{dec-res_train}
\caption{Training Set}
\label{fig_dec-res_train}
\end{subfigure}
~
\begin{subfigure}[b]{0.49\linewidth}
\includegraphics[width=\textwidth]{dec-res_test}
\caption{Test set}
\label{fig_dec-res_test}
\end{subfigure}
\bigskip
\begin{subfigure}[b]{0.8\textwidth}
\includegraphics[width=\textwidth]{dec-res_analyze}
\caption{A typical response}
\label{fig_dec-res_analyze}
\end{subfigure}
\caption{The original responses and decoded responses. In \ref{fig_dec-res_train} and \ref{fig_dec-res_test}, the left column shows the input responses of OLCE encoder, and the right column describes the output responses of OLCE decoder. The subfigure \ref{fig_dec-res_analyze} highlights the significant features extracted by decoder.}
\label{fig_dec_responses}
\end{figure}
\section{Discussion}
Using an e-nose to identify odor is a process of detecting and discriminating those ingredients that gas sensors are sensitive to. It is different from other measuring instruments such as GC-MS that have the capacity of identifying ingredients of an odor. E-nose with an array of gas sensors and a suitable identification algorithm mimics human olfaction to identify odors which can be applied to many fields where requires fast detections because it has advantages of portability, easy-to-design, and low-cost. Hence a reliable algorithm to discriminate various response patterns is necessary.
OLCE has an elegant and symmetrical structure using a convolutional neural network, which is easy to build the model. The experimental results show that OLCE performs decently in odor identification of Chinese herbal medicines according to several performance indexes. It may also suggest that OLCE can be used in other odor identifications. The OLCE encoder encodes sensor responses to odor labels using a convolutional neural network. The OLCE decoder reproduces sensor responses using a convolutional neural network with a symmetrical structure. The reproduced responses on the decoder side reveal some clues on which features OLCE focuses on. The one-hot encoding labels in the representation layer, the intermediate layer, make the classification more robust than categorical encoding because of the mutual exclusivity of the encoding bits.
OLCE is a multi-class classifier that uses one-hot encoding codes to output the identification results. Multi-class classifiers are suitable to be used in the scenario where the identification category is mutually exclusive. The other type is the multi-label classifier that an instance may belong to more than one class. It is interesting to consider that the one-hot encoding labels in the representation layer of OLCE can be replaced by binary encoding labels so that the model can be used as a multi-label classifier.
\section{Conclusion}
In this paper, we proposed a novel Odor Labeling Convolutional Encoder-decoder (OLCE) for odor identification. OLCE is an encoder-decoder structure using convolutional neural network where the representation layer, the intermediate layer, is constrained to odor labels. To evaluate the effectiveness of the model, several performance evaluation indexes (accuracy, precision, recall rate, F1-score, and Kappa coefficient) were calculated. We also built some common algorithms used in odor identifications to compare the performance. Results demonstrated that OLCE had a decent performance according to the performance evaluation indexes. OLCE has the highest average accuracy score ($0.9257$) and better consistency in training models among these algorithms.
\vspace{6pt}
\authorcontributions{Conceptualization, Tengteng Wen and Dehan Luo; methodology, Tengteng Wen; software, Jingshan Li; validation, Tengteng Wen, Zhuofeng Mo, and Qi Liu; formal analysis, Tengteng Wen; investigation, Zhuofeng Mo; resources, Jingshan Li; data curation, Qi Liu; writing--original draft preparation, Tengteng Wen; writing--review and editing, Tengteng Wen; visualization, Jingshan Li; supervision, Dehan Luo; project administration, Liming Wu; funding acquisition, Liming Wu. All authors have read and agreed to the published version of the manuscript.}
\funding{The work was funded by National Natural Science Foundation of China grant number 61705045; National Natural Science Foundation of China grant number 61571140; Guangdong Science and Technology Department grant number~2019B101001017.}
\conflictsofinterest{The authors declare no conflict of interest.}
\abbreviations{The following abbreviations are used in this manuscript:\\
\noindent
\begin{tabular}{@{}ll}
OLCE & Odor Labeling Convolutional Encoder-decoder \\
LDA & Linear Discriminant Analysis \\
MLP & Multi-Layer Perception \\
DT & Decision Tree \\
PCA & Principle Component Analysis \\
CNN & Convolutional Neural Networks \\
SVM & Support Vector Machine \\
BN & Betel Nut \\
DG & Dried Ginger \\
RAO & Rhizoma Alpiniae Officinarum \\
TPB & Tree Peony Bark \\
FAm & Fructus Amomi \\
RCA & Rhioxma Curcumae Aeruginosae \\
FAu & Fructus Aurantii
\end{tabular}}
\reftitle{References}
\externalbibliography{yes}
|
\section{Introduction}
\label{sec_Introduction}
The confinement of energetic/fast ions is one of the major issues in fusion science, since those ions, either alphas produced by the fusion reactions or proton/deuterons produced or accelerated by the different heating systems, are the main source of plasma heating and current drive in reactor scenarios. Their dynamic is strongly influenced by the magnetic field because the radial particle drift depends on the product of the ion energy and other functions of the magnetic field \cite{Helander_book, Balescu_book}. Unfortunately, the presence of fast ions in a magnetized plasma can destabilize magneto-hydrodynamic [MHD] oscillations that interact with them and can expel them from the plasma bulk. This leads to an important outward heat flux, either towards the vacuum vessel or any other hardware in the device. Apart from the energy loss that drives the system away from ignition conditions, the device itself can suffer physical damage and the plasma may be polluted with impurities caused by sputtering processes. Among the several types of MHD instabilities, one which is easily destabilized in typical toroidal devices is the well-known shear Alfv\'en wave \cite{Vlad_1999}. It is indeed of great interest to understand both theoretically and experimentally the MHD activity in order to control or mitigate the fast ion losses. Mirnov coils \cite{Mirnov_Soviet_1971} are diagnostics that can measure magnetic field fluctuations associated to the Alfv\'en modes in specific spatial locations with a high sampling rate ($> 1$ MHz).
A quantitative experimental study of these MHD oscillations requires the identification of series of triplets $(t_i, f_i, s_i)$ that define one of those modes, being $i$ an integer index that runs though the mode lifetime. Here, $t_i$ stands for time, $f_i$ is the dominant frequency at $t_i$ and $s_i$ is the mode intensity. This information is enough to characterize the oscillation mode and to relate it to other plasma parameters. We have attempted to extract this data from a few Mirnov coil spectrograms by means of two classical techniques: standard image thresholding and Otsu's thresholding method. Both methods take a grayscale image with pixel intensity in the range from 0 to 255 and produce a binary black and white image. Those white pixels are identified as important oscillations in the spectrogram and the black pixels to the background. In standard thresholding one simply defines a global threshold to the pixel intensity and classifies the pixels in black or white according ot this value. Otsu's thresholding method is more sophisticated \cite{Otsu_1979}. It applies a clustering method to the pixel intensity distribution to divide it in two subsets in such way that the sum of the variances of each subset is minimum.
In Fig. \ref{fig_comparison_Otsu} we depict the application of these techniques to five spectrograms taken from the TJ-II database up to 500 kHz. Each row of images corresponds to one spectrogram, which is shown on the first column. The second column shows the result of appliying standard thresholding with a threshold value of 127. In the third and forth columns we apply Otsu's method to the original spectrogram and to the spectrogram smoothed by a 5x5 Gaussian filter. Finally, in the last column we show the results of the mode identification obtained with the method presented in this paper (Image Segmentator). Clearly the classical methods produce very noisy results and they identify as modes a large fraction of the background noise. One may think a possible improvement would be to cut the spectrograms in the low frequency range where the noise is more intense, but unfortunately some modes also live in this frequency range (spectrograms d) and e)). The difficulties to establish objective conditions to detect the modes and apply them to a large number of spectrograms motivates us to try to solve this problem using Artificial Intelligence.
\begin{figure}[ht]
\centering
\includegraphics[width=12cm]{pics/comparison_Otsu.png}
\caption{Application of standard thresholding methods to five different Mirnov coil spectrograms.}
\label{fig_comparison_Otsu}
\end{figure}
Thus, we have developed a software tool based on Deep Learning that automatically identifies modes in a Mirnov coil spectrogram. It is designed to take as input a spectrogram (RGB image, for reasons explained in the next sections) and produce a B/W image with the same resolution, where the white pixels indicate the existence of MHD activity. In the context of supervised learning, we have annotated a dataset of 500 spectrograms and trained a neural network to identify the interesting modes in those images. To illustrate the potential of the detector, we apply it to the whole dataset and build a database of modes. Then we can obtain information of the distribution of physical features of the population of modes, such as their frequency values, duration, intensity, etc. The physics underlying a dataset of spectrograms can now be faster derived, being possible to quickly and automatically identify the modes characteristics and behavior. This is of utmost importance when the analysis has to be made with a big dataset, like the TJ-II stellarator database, that amounts up to more than 50,000 discharges. Moreover, the methodology proposed in this work can be easily adapted to any other dataset of spectrograms from any other fusion device worldwide.
The reminder of this paper is organized as follows: in Section \ref{sec_methodology} we briefly review some basic concepts of computer vision and Deep Learning, explaining the detection methodology and how we created the spectrograms dataset. In Section \ref{sec_training} we describe the way the neural network is trained to perform the mode identifications and in Section \ref{sec_database} we apply it to the whole dataset to illustrate its applications. Finally, in Section \ref{sec_conclusions} we present our conclusions and next steps in this line of research.
\section{Methodology}
\label{sec_methodology}
Deep Learning \cite{Goodfellow_book} comprises modern numerical tools and algorithms based on deep neural networks. It is used in disparate fields to automatize human work. Relevant examples of the use of Deep Learning are autonomous driving, face recognition, recommender systems, anomaly detection, and treatment of medical data among others. In the last years it has proven to be very useful in those tasks and more, and can produce excellent results in problems that are difficult to code or express mathematically. This is clearly the present case because, as we mentioned in Sec. \ref{sec_Introduction}, it is very difficult to define objective criteria of what regions of the spectrogram correspond to oscillation modes.
Deep Learning uses artificial neural networks with diverse architectures and depths depending on the dataset and task assigned. There are usually several millions of parameters to adjust in the neural network. In the paradigm of supervised learning, the neural network uses a dataset of input and labeled output events to minimize a cost function and then predict the output of unlabeled data. The fit of the neural network parameters is known as the \emph{learning phase}, an iterative procedure with high computational cost. The proliferation of Graphical Processing Units [GPU's] for scientific computation has shortened drastically the training time for most Deep Learning problems, spreading its use and pushing the R\&D in new architectures and algorithms.
Starting from a Mirnov coil spectrogram, the mode detection problem on the image can be treated as a pixel classification problem, where the probability of being part of a mode is assigned to each pixel of the spectrogram. This is compatible with an image segmentator architecture.
\subsection{Image Segmentator}
An image segmentator is a kind of neural network with an encoder-decoder architecture that classifies the pixels of an input image in a predefined set of classes. The encoder part takes the image and, though a set of convolutional and pooling layers, reduces the image to a latent representation in a lower dimension space. Recall that an RGB image has $3\times N_x \times N_y$ dimensions, being $N_x$ and $N_y$ the image resolution in pixels. The decoder part of the segmentator takes the latent representation and creates an output image with the same resolution using multiple deconvolutional and dense layers. Finally, the segmentator produces a series of $N_x \times N_y$ arrays equal to the number of classes. Each matrix element represents the probability that a pixel corresponds to a class in the input image. This last part of the segmentator depends on the number of classes we want to classify. For this work, a binary classificator is used, since we just have two pixel classes: mode and no-mode. A comprehensive review of these techniques and neural networks can be found in \cite{Minaee2020ImageSU}.
As we mentioned before, image segmentators have many numerical parameters (weights), in the order of $10^7-10^8$. If we start from a random initialization, we would require a huge annotated dataset of images and great computing capabilities. Fortunately, it is possible to obtain the pre-trained weights of several encoder architectures, saving time and resources. We have tried three different encoders that are well established and known in the field of computer vision, namely VGG \cite{Simonyan2015VeryDC}, MobileNet \cite{howard2017mobilenets} and Vanilla (alias for simple, direct CNN encoder without fancy features).VGG and MobileNet are pre-trained with large image databases of tens of thousands of images, whose weights can be downloaded from public repositories. On the other hand, the simpler Vanilla encoder has to be trained from random weights initialization. The decoder part, responsible for the pixel classification, must be trained with our spectrogram dataset. We have used two different decoders: FCN8 and FCN32. The weights of the decoder part are more task-dependent so they are randomly initialized. The number of free parameters to fit the neural network depends mostly on the encoder, being around 70, 124, and 226 million parameters for Vanilla, VGG and MobileNet respectively.
An implementation (in Python) of those networks can be found in \cite{repo_segmentator} and it was adapted to our purposes. All computations have been done using NVIDIA Tesla P100 GPUs with 3,584 CUDA cores and 12 GB of memory located in the ACME cluster at CIEMAT. The library versions are Tensorflow-gpu 1.15, CUDA 10.0 and cuDNN 7.
\subsection{Dataset Gathering}
We have applied this mode detection method to the magnetic fluctuations present in the TJ-II stellarator \cite{Jimenez-Gomez_FST_2007}. TJ-II is a medium size flexible heliac with major radius equal to 1.5 m and minor radius of the order of 0.25 m, depending on the magnetic configuration. TJ-II has several diagnostics that measure plasma density, temperature, voltage, energy contained, magnetic fluctuations, impurity concentration \dots in its database of $\sim 50,000$ discharges.
One of the TJ-II Mirnov coils, labeled MIR5C, has been extensively used in the present study due to its particularly good signal-to-noise ratio. It is located inside the vacuum vessel, around 4 cm away from the last close flux surface of the plasma and protected by a thin-walled stainless steel tube. It is positioned in a $\varphi$ = 298 degrees toroidal plane and it is oriented so as to measure primarily the poloidal component of the magnetic field created by the plasma. The corresponding measured voltage is digitized with 1 MHz sampling rate \cite{Jimenez-Gomez_NF_2011}.
We firstly choose a dataset of $\sim 500$ TJ-II discharges to calculate the Mirnov coil spectrograms, annotate and train our mode detector. We have made sure that it contains images of a variety of TJ-II scenarios: discharges with known Alfv\'en activity, discharges with no activity, discharges with different heating methods and failed discharges. Failed discharges are discharges that did not lead to a viable plasma for experimenting because of any reason. Thus we made our dataset representative of the TJ-II database in terms of magnetic fluctuations. The time interval used to calculate the spectrogram from the Mirnov coil signal is 1 ms, more than two orders of magnitude shorter than the typical TJ-II discharge and also shorter than the typical mode frequency evolution times. With this we counted on 256 Fourier modes reaching up to 500 kHz, high enough to capture the typical MHD oscillation frequencies.
We then had to annotate, i.e. create the ground truth of all the 500 spectrograms to identify the modes activity and train the neural network. The annotation process was done manually using any simple picture editor, freely available in all operative systems. The intention was that the image segmentator would mark and identify regions of the spectrograms in a similar way as the humans do. We have annotated the images in a rough way, marking approximately the surface of the image that contains a mode that we considered interesting. This is a subjective task and probably two people would not annotate an image in the same way. We intentionally tended to ignore MHD activity in the low frequency region of the spectrogram because we focused on the identification of shear Alfv\'en waves which usually appear above 50 kHz for the typical plasma density, current and magnetic geometry of the TJ-II stellarator.
All modes/structures that appeared in each spectrogram were annotated, not only the Alfv\'en modes because it is not possible to identify them only with the spectrogram information. The Alfv\'en modes will be identified later in a post processing stage. We must mention that the annotation has been done by all the authors, in order to introduce diversity and reduce human biases as much as possible. This indeed would make the mode detector more flexible and robust.
Finally we ended up with a dataset of 500 pairs of images. Each pair contains an RGB spectrogram of the Mirnov coil and a B/W image that represents the ground truth. In Fig. \ref{fig_examples_annotation} we can see four examples of the dataset.
\begin{figure}[ht]
\centering
\includegraphics[width=8cm]{pics/examples_annotation.png}
\caption{Four examples of manually annotated spectrograms. Notice the lack of annotations in the last picture because no mode is visible on the spectrogram.}
\label{fig_examples_annotation}
\end{figure}
\subsection{Performance Measurements}
In order to compare between several segmentator models and to give an objective performance indicator we measure the performance of our segmentator with two different quantities: the Intersection over Union [IoU] and the Area Under the receiver operating characteristic Curve [AUC]. Here we must emphasize that our dataset is unbalanced in terms of the classification classes, and that the performance metrics must consider this. Some other indicators, like the standard categorical accuracy, may lead to confusing conclusions.
The IoU, also known as Jaccard Index, is a measure of similarity between two images and takes values in $[0,1]$. The two images compared are in our case the ground truth and the prediction of an image in the test set. IoU is defined as the area of overlap divided by the area of union of the regions of the image classified as modes. Then we can quantify the goodness of the mode detector with the average of all IoU's of all events in the test set.
The AUC is a more sophisticated measure \cite{BRADLEY19971145}, also in the $[0,1]$ range. The receiver operating characteristic curve is created by plotting the true positive rate [TPR] versus the false positive rate [FPR] at various detection threshold settings. Here we understand as positive a pixel that belongs to a mode and negative otherwise). This threshold is the minimum probability that the segmentator must give to classify this pixel as positive. It is usually fixed at 0.5, but if we vary this number between 0 and 1 we obtain a curve of (TPR, FPR) points. The Area Under the Curve [AUC] is shown to be a good measure of the segmentator quality. Values of AUC $\sim 0.95$ are generally considered good enough, while AUC $\sim 0.99$ would be excellent.
\section{Training the Model}
\label{sec_training}
The standard procedure in machine learning projects is to divide the dataset in three subsets (train, validation and test sets) in order to separate the learning and evaluation processes with objectivity and statistical independence. The whole dataset is divided randomly so the subsets have the same distribution, and their relative size is taken to be 70/15/15 for train, validation and test.
The training set is used to iteratively adjust the weights of the image segmentator so the loss function is minimized. We chose the categorical cross-entropy of a binary classificator as the loss function. All along the learning phase, the final model is the one model that minimizes the loss function on the validation set. Then, we used the test set to evaluate the model using the aforementioned performance metrics.
We trained the six combinations of encoders and decoders and compare them in terms of the metrics IoU and AUC. We used an ADAM optimizer \cite{kingma2014method} to avoid getting stuck in local minima of the loss function. Around 200 different trainings are performed, varying not only the network architecture but also other numerical parameters as the learning rate [$lr$], batch size [$bs$] and the number of epochs. The learning rate is a parameter that controls the amount that the weights are updated during the training phase.The batch size is the number of images that are backpropagated simultaneously through the network to smooth the loss function gradiant. One epoch denotes a complete pass of the training set.
As an example of the convergence studies executed, in Table \ref{table_comparative_models} we compare the six architectures fixing $lr=0.0005, \, bs=8$ and training for 500 epochs. The best model corresponds to a VGG encoder with FCN8 decoder. This is indeed the best model found in all convergence studies, so it is used in the reminder of this paper. We also show some additional information: the training time and the categorical accuracy of the detector.
\begin{table}
\begin{centering}
\begin{tabular}{ |c|c|c|c|c|c| }
\hline
\rowcolor[gray]{0.9} Encoder & Decoder & Tr. time [min] & IoU & AUC & Cat. Acc.\\
\hline
Vanilla & FCN32 & 100 & 0.233 & 0.976 & 0.989\\
VGG & FCN32 & 193 & 0.263 & 0.979 & 0.989\\
MobileNet & FCN32 & 391 & 0.260 & 0.973 & 0.988\\
Vanilla & FCN8 & 99 & 0.401 & 0.987 & 0.991\\
VGG & FCN8 & 187 & 0.427 & 0.991 & 0.991\\
MobileNet & FCN8 & 388 & 0.392 & 0.988 & 0.990\\
\hline
\end{tabular}
\caption{\label{table_comparative_models} Training time and performance metrics for several image segmentator architectures ($lr=0.0005,\,bs=8,$ num. epochs=500). We can see here that the Categorical Accuracy is not the best performance indicator in this unbalanced dataset because it does not vary much and it is very close to 1 in comparison with the AUC and specially IoU.}
\end{centering}
\end{table}
Fig \ref{fig_learning_curves} shows the learning curves of the loss functions in the training and validation sets as a function of the epoch during the learning stage. We can see that the 500 epochs are almost enough to stabilize and that the loss in the validation set does not increase as the train loss decreases. This means that the training time is long enough and that no overfitting is present. Training for longer time (2,000 epochs) does not give significant improvement.
The normalized confusion matrix at the pixel level is plotted in Fig. \ref{fig_confusion_matrix}. It provides more detailed information on the classification of the pixels. Although an IoU = 0.427 and a True Positive Ratio = 0.579 may look small, we will see in the next section that, with some data post processing, we have built an effective mode detector. The reason for this is that the mode detector produces noisy data, which must be smoothed and filtered before identifying a region of the spectrogram as a mode. In Fig. \ref{fig_output_raw} we can see some examples of these noisy images.
\begin{figure}[ht]
\centering
\includegraphics[width=12cm]{pics/learning_curves.png}
\caption{Learning curves (loss function VS epoch) of the training and validation sets.}
\label{fig_learning_curves}
\end{figure}
\begin{figure}[ht]
\centering
\includegraphics[width=8cm]{pics/confusion.png}
\caption{Normalized confusion matrix of the mode detector at the pixel level.}
\label{fig_confusion_matrix}
\end{figure}
\begin{figure}[ht]
\centering
\includegraphics[width=8cm]{pics/segmentator_raw_output.png}
\caption{Input, ground truth and raw output of the mode detector for shots \#32912 (left) and \#38940 (right) in the test set. Noisy data appears in some regions and it must be cleaned.}
\label{fig_output_raw}
\end{figure}
\section{Massive Analysis of Spectrograms and Database Creation}
\label{sec_database}
In this section we describe the use of all the 500 spectrograms of the dataset as input images on the trained segmentator, the post processing of its output and the application of descriptive statistics to characterize the oscillations modes and locate the Alfv\'en activity. This post processing stage, including the feed forward of the neural network on the complete dataset, takes around 60 minutes on a common desktop computer with no GPU.
\subsection{Post processing}
We first apply a blob detector to the segmentator output image (implemented in the opencv library). This identifies connected regions of the spectrogram with activity.In order to remove noise and find relevant modes, we disregarded all blobs shorter than certain minimum duration, say 10 ms. Then, for each mode/blob we calculated a list of time-frequency $(t_i, f_i)$ pairs that represents it. Fixing a time interval in $t_i$, we calculated $f_i$ as the average frequency weighted with the spectrogram values. This makes the frequency estimator very robust with the possible fluctuations of the upper/lower borders of the blob.
At this point we had a numerical description of every individual mode as a frequency time series. This is the first time that this information was extracted from the TJ-II database and can be used for multiple purposes. For example, we can study the Alfvenic character of all modes in the database using the correlation coefficient of the mode frequency with $n^{-1/2}$.
\subsection{Dataset analysis}
Once we had a functional mode detector, we applied it to all discharges we have to show its features and possibilities. First we show some examples of the detection of Alfv\'en modes using the correlation coefficient. In Fig. \ref{fig_alfven_examples} we can see three discharges with modes with correlation coefficient $\gtrapprox 0.9$. There are four plots of every TJ-II shot. Starting on the upper left corner and following clockwise, we plot the spectrogram with the identified modes; density and current time traces, and the evolution of the mode frequencies; scatter plot of the mode frequency versus $n^{-1/2}$ and the corresponding linear correlation coefficient; and finally a scatter plot of the mode frequency and the plasma current.
\begin{figure}[ht]
\centering \includegraphics[width=12cm]{pics/31537_results.png}
\includegraphics[width=12cm]{pics/49870_results.png}
\includegraphics[width=12cm]{pics/45093_results.png}
\caption{Examples of Alfv\'en modes detected with the image segmentator after some post processing. Since the plasma current is small and evolves slowly, the $f_{\mathrm{Alfven}} \sim n^{-1/2}$ condition is nicely fulfilled.}
\label{fig_alfven_examples}
\end{figure}
Although in most detected modes the mentioned correlation coefficient is high, we can also find some cases with MHD activity with frequency over 50 kHz in which the plasma current changes abruptly and modifies the Shear Alfv\'en Spectrum due to its impact on the rotational transform. In those cases the direct comparison of frequency with $n^{-1/2}$ is misleading because the plasma current variation must be taken into account \cite{Sun_NF_2015}. Some examples of this type of modes are shown in Fig. \ref{fig_NOalfven_examples}.
\begin{figure}[ht]
\centering
\includegraphics[width=12cm]{pics/37995_results.png}
\includegraphics[width=12cm]{pics/38339_results.png}
\includegraphics[width=12cm]{pics/39708_results.png}
\caption{Examples in which, in spite the modes living in the Alfvenic frequency range, the $f_{\mathrm{Alfven}} \sim n^{-1/2}$ condition is not fulfilled without taking into account the strong evolution of the plasma current along the discharge.}
\label{fig_NOalfven_examples}
\end{figure}
All mode information is stored in a non-relational database (MongoDB) for further queries and analysis. In this way, any user can filter out the modes according to his criteria and interests. For example, we can obtain the distribution of several numerical features of the modes that were not previously calculated in TJ-II.
In Fig. \ref{fig_data_mining} we plot some data mining results obtained from the whole dataset of detected modes. We can see a histogram of the duration of the 989 detected modes (a). Most modes last for a few tens of milliseconds, with some of them lasting more than 100 ms (recall that we neglect any mode shorter than 10 ms). A similar histogram (b) showing all detected frequencies. Most modes concentrate in frequencies between 100 and 350 kHz, with peaks around 130 and 250 kHz, are shown. In (c), the histograms of the correlation coefficient between the frequency and $n^{-1/2}$ for each mode. This is very peaked around 1, meaning that most of the modes detected have Alfv\'en features and relatively small and slow-evolving plasma current. In (d) we plot the distribution of the mode duration restricted to modes with correlation coefficient larger than 0.9. Those examples show the potential of our method to extract information from a big dataset of spectrograms and identify experimental features and/or systematic behavior of the MHD oscillations.
\begin{figure}[ht]
\subfloat[]{\includegraphics[width = 7cm]{pics/histogram_duration.png}}
\subfloat[]{\includegraphics[width = 7cm]{pics/histogram_frequency.png}}\\
\subfloat[]{\includegraphics[width = 7cm]{pics/histogram_correlation.png}}
\subfloat[]{\includegraphics[width = 7cm]{pics/histogram_duration_with_high_corr.png}}\caption{Examples of data mining results: a) Distribution of the mode duration in the dataset b) Distribution of the mode frequencies in the dataset c)Distribution of the correlation coefficient between the mode frequency and $n^{-1/2}$ and d) Distribution of the mode duration restricted to modes with correlation coefficient between the frequency and $n^{-1/2}$ larger than 0.9.}
\label{fig_data_mining}
\end{figure}
\subsection{Detector sensitivity}
The sensitivity of the mode detector can be adjusted for future applications. Recall that, given an input spectrogram, our binary segmentator estimates the probability of each pixel to belong to a mode. The default value of the acceptance probability is 0.5, but we can reduce it and increase the sensitivity (and thus increase the number of false positives). If we increase this threshold we change the behavior and operate the segmentator in a more conservative way, rising the number of false negatives. A visual inspection of some examples of the dataset can help to adjust this value depending on the interests of the user.
In Fig. \ref{fig_sensitivity} we show four predictions of the same spectrogram using four different sensitivity thresholds. We can see that as we decrease the threshold, the area identified as mode increases and vice-versa. It is important to notice that there is no need to train again the neural network to use this functionality.
\begin{figure}[ht]
\centering
\includegraphics[width=12cm]{pics/acceptance_thresholds.png}
\caption{With thresholds larger than 0.5 we become more strict and conservative, reducing the number of false positives but missing existing modes. When this threshold is smaller, we increase the sensitivity of the detector at the prize of, possibly, increasing the number of false positives.}
\label{fig_sensitivity}
\end{figure}
\section{Conclusions}
\label{sec_conclusions}
In this work we have developed an analysis tool based on Deep Learning to identify oscillation modes in Mirnov coil spectrograms measured in confined plasma discharges. The target is to find series of frequency and time pairs that locate oscillations modes in a spectrogram. We have trained such tool with a manually annotated dataset of 500 spectrograms from the TJ-II stellarator database. The detector turns out to work well, giving AUC scores larger than 0.99 (excellent) and IoU larger than 0.4 (enough for our purposes). To the authors' knowledge, this is the first time that such techniques are applied to this kind of dataset, and it has turned out to be a valid tool that can save time to the experimental plasma physicists.
We can use it to effectively mine any set of discharges in TJ-II, creating a database of modes with their physical characteristics. Once the segmentator is trained, the database creation takes $\approx 7$ seconds per spectrogram on a desktop computer. Then this information can be used to identify patterns, physical behavior or check hypothesis.
It is worth to mention that the software developed and methods employed can be applied to other facilities and diagnostics that produce images and/or spectrograms like bolometry, Langmuir probes, heavy ion beam probe, etc. Transfer learning techniques can be used here to speed up new trainings.
For the sake of completeness we also give some of the few examples where the mode detector does not work properly. We observe in Fig. \ref{fig_detector_errors} modes that are misdetected and modes that are merged by the detector and identified as a single mode. Some of the mentioned errors might be avoided simply by increasing the dataset size and train the neural network again. Usually, the neural networks increase their performance with the dataset size, as opposed to other simpler machine learning models that saturate after certain dataset size. The problem with modes that crosses each other can be solved changing the neural network architecture so the segmentator is able to resolve the instance map, i.e. identify distinct modes. But this requires new annotation and training processes and it is left for future work.
Finally we can say that, overall, the mode detector gives reasonable good results and it is a potential tool for automatic analysis of spectrograms.
\begin{figure}[ht]
\centering
\includegraphics[width=12cm]{pics/fails.png}
\caption{Some errors that sometimes appear in the mode detection. Starting from the upper-left picture and following clockwise, we can see that the segmentator missed parts of a long mode, missed a whole mode, merged many modes in a very complex shape and detected ghost modes in a failed discharge.}
\label{fig_detector_errors}
\end{figure}
\section*{Acknowledgments}
This work was partially funded by the Spanish Ministry of Science and Innovation under contract number FIS2017-88892-P and RTI2018-096006-B-I00(CODEC-OSE), and by the Comunidad de Madrid CABAHLA project (S2018/TCS-4423). Simulations carried out made also use of the computing facilities provided by the CYTED Network RICAP (517RT0529).
|
\section{Introduction}
This report describes the participation of two Danish universities, University of Copenhagen and Aalborg University, in the international search engine competition on COVID-19 (the \emph{2020 TREC-COVID Challenge} \cite{10.1093/jamia/ocaa091}) organised by the U.S.~National Institute of Standards and Technology (NIST) and its Text Retrieval Conference (TREC) division. The aim of the competition was to find the best search engine strategy for retrieving precise biomedical scientific information on COVID-19 from the largest, at that point in time, dataset of curated scientific literature on COVID-19---the COVID-19 Open Research Dataset (CORD-19). CORD-19 was the result of a call to action to the tech community by the U.S.~White House in March 2020, and was shortly thereafter posted on Kaggle as an AI competition by the Allen Institute for AI, the Chan Zuckerberg Initiative, Georgetown University’s Center for Security and Emerging Technology, Microsoft, and the National Library of Medicine at the US National Institutes of Health\footnote{ \url{https://www.whitehouse.gov/briefings-statements/call-action-tech-community-new-machine-readable-covid-19-dataset/}}. CORD-19 contained over 200,000 scholarly articles (of which more than 100,000 were with full text) about COVID-19, SARS-CoV-2, and related coronaviruses, gathered from curated biomedical sources (listed in Table \ref{tab:qrels_round1_source}) \cite{DBLP:journals/corr/abs-2005-04474}. The TREC-COVID challenge asked for the best way to (a) retrieve accurate and precise scientific information, in response to some queries formulated by biomedical experts, and (b) rank this information decreasingly by its relevance to the query.
In this document, we describe the TREC-COVID competition setup (Section \ref{s:trec}), our participation to it (Section \ref{s:ours}), and our resulting reflections and lessons learned about the state-of-art technology when faced with the acute task of retrieving precise scientific information from a rapidly growing corpus of literature, in response to highly specialised queries, in the middle of a pandemic \cite{PPR:PPR224419} (Section \ref{s:lessons}).
\section{The TREC-COVID Competition Setup}
\label{s:trec}
The general idea of the TREC-COVID competition was similar to that of standard ad-hoc TREC retrieval competitions: given some dataset and some queries, the goal was to find the best way of retrieving the most precise and accurate information from the dataset, and of ranking this information decreasingly by its relevance to each query. At the beginning of the competition, no labels or ground truth of any kind were provided, so the setup was unsupervised; gradually, during the competition, a proportion of ground truth was released. We explain this next.
The competition consisted of five rounds (see Figure \ref{fig:trec}). In the first round, a version of the dataset was released, together with 30 queries \cite{DBLP:journals/corr/abs-2005-04474}. Participating teams had approximately one week to submit rankings of maximum 1,000 results per query (also known as \textit{runs}). At the end of round 1, all participating runs were collected, pooled, and the top results in the whole pool were manually assessed by expert biomedical assessors as \textit{relevant, partially relevant}, or \textit{not relevant}. Using these assessments, all the participating runs were evaluated, and the results of this evaluation (together with the expert assessments) were released to the participants. Runs were evaluated with respect to NDCG@K, Precision@K, Brepf, RBP ($p=0.5$), and MAP, with a varying cut-off $K$, using \texttt{trec\_eval}\footnote{\url{https://github.com/usnistgov/trec_eval}}. Rounds two to five of the competition had the same format, with the difference that in each round, a new version of the dataset was released, and 5 new queries were added to the set of queries. The differences in the versions of the dataset between rounds one to five resulted from either the addition of new scientific literature into the dataset, or from the removal of scientific literature from the dataset (for instance, in case of duplicates, or literature that was irrelevant or of unreliable provenance)\footnote{\url{https://ir.nist.gov/covidSubmit/data.html}}.
\begin{figure}
\centering
\includegraphics{trec.png}
\caption{Overview of the TREC-COVID competition setup (image source: \citet{10.1093/jamia/ocaa091}).}
\label{fig:trec}
\end{figure}
The CORD-19 dataset~\cite{Wang2020CORD19TC}\footnote{\url{https://www.semanticscholar.org/cord19}} used in the competition contained scientific literature on COVID-19 and coronaviruses collected from PubMed, WHO, bioRxiv and medRxiv, and the list of metadata shown in Table~\ref{tab:metadata}. The queries had the standard TREC format and the following three fields: the succinct query text (\textit{query}), a question describing the query (\textit{question}), and a slightly longer elaboration of the information need (\textit{description}). Figure \ref{fig:query} shows an example query.
\begin{figure}[!]
\begin{Verbatim}
<topic number="1">
<query>coronavirus origin</query>
<question>what is the origin of COVID-19</question>
<narrative>seeking range of information about the SARS-CoV-2 virus's origin, including \newline
its evolution, animal source, and first transmission into humans</narrative>
</topic>
\end{Verbatim}
\caption{Example of query.}
\label{fig:query}
\end{figure}
\begin{table}[b!]
\caption{Metadata in CORD-19.}
\label{tab:metadata}
\centering
\begin{tabular}{@{}ll@{}}
\toprule
Metadata & Description \\ \midrule
cord\_uid & Each unique article receives a corresponding `cord\_uid'\\
title & Title of the article \\
doi & Digital object identifier \\
url & Source url of the article \\
pmcid & PubMed Central (PMC) identifier \\
pubmed\_id & Pubmed Identifier \\
abstract & Full abstract \\
has\_full\_text & name of full text file of this article \\
publish\_time & Time of publication \\
authors & Author list \\
Microsoft Academic Paper ID & Microsoft Academic ID mapping \\
WHO \#Covidence & World Health Organization Covidence Identifier \\ \bottomrule
\end{tabular}%
\end{table}
\section{Our Participation in TREC-COVID}
\label{s:ours}
Our participating runs can be grouped into three high-level categories: (1) using standard, well-understood methods for retrieval; (2) using state-of-the-art methods for data representation; (3) using meta-search heuristics. We explain each of these below.
\subsection{Standard, well-understood retrieval methods}
\label{ss:bm25}
We used the Best Match 25 (BM25) retrieval model on default parameters ($k_1=1.2$ and $b=0.75$) \cite{RobertsonZ09}, as implemented in the Indri search engine\footnote{\url{https://www.lemurproject.org/indri/}}, and reranked its top 50 results to prioritise articles published in 2020. The motivation behind this reranking was to boost the retrieval of recent articles, to match the recency of COVID-19.
\subsection{State-of-the-art data representation methods}
We used multiple techniques to boost the semantic representation of the data. Our motivation was that the more refined and precise the semantic representation of the articles and queries, the better their matching by the retrieval model. Below, we first present methods applied only to queries, and subsequently methods applied to both queries and documents.
\paragraph{Query expansion and entity detection in queries}
Motivated by the fact that vagueness, ambiguity, and domain-specificity are three well-known factors that render queries difficult for both machines and humans to process \cite{DBLP:conf/ictir/LiomaLS11}, our first approach was to use query expansion as a means of boosting the semantic representation of queries. Query expansion has been found useful as a means for disambiguation, especially in scientific domains \cite{10.5555/2018142.2018147,10.1145/2009916.2010069} or technical areas where metadata is available \cite{10.1145/2348283.2348504}. We expanded queries with terms from the Human Disease Ontology (HDO)\footnote{\url{https://www.ebi.ac.uk/ols/ontologies/doid}}.
The HDO contains standardised descriptions of human disease terms that are hierarchically organised as an ontology. For example, \textit{COVID-19} is a leaf concept, whose parent concept is \textit{coronavirus infection}, and whose further parent concept is \textit{viral infectious disease}. Similarly to prior work in expanding queries from ontologies \cite{10.1145/3308560.3316584}, we retrieved the parent-class and the sub-class disease concepts and used them to expand the queries.
We also enhanced the semantic representation of queries by identifying grammatical entities with Lexigram\footnote{\url{https://www.lexigram.io}}, which is a semantic analysis tool for healthcare data. We used it to extract entities and the types of those entities from the queries. For example, in the text \textit{pain in the stomach}, the entities would be \textit{pain, stomach}, and their types would be \textit{condition} for \textit{pain}, and \textit{anatomy} for \textit{stomach}.
Having expanded the queries with terms from HDO and having identified query entities and their types with Lexigram, we then reweighted query terms based on the weighting schema of~\citet{faesslerjulie}: original query terms with weight $1.0$; alternative disease terms from HDO with weight $0.7$; entity labels with weight $0.4$; and entity types with weight $0.1$. This was implemented in Indri with the \texttt{\#weight} operator.
\paragraph{BioBERT semantic embeddings for queries and documents}
Motivated by the superior performance of word embeddings as semantic representation across various tasks \cite{DBLP:conf/ijcnn/NaseemMEP20,DBLP:conf/iclr/WangZLLZS20}, we generated semantic representations for each query and for each article (separately for each paragraph per article, concatenated with the title and abstract of the article each time) using pre-trained embeddings with BioBERT \cite{DBLP:journals/bioinformatics/LeeYKKKSK20}, as implemented in the HuggingFace Transformer library. We computed the similarity between each query and article paragraph when represented like this, and used this similarity to re-rank the rankings produced by BM25 as described in Section \ref{ss:bm25}.
\subsection{Meta-search heuristics} \label{ss:meta-search-heur}
Our final strategy consisted of: (1) generating different versions of queries and of indices representing the articles in the dataset; (2) producing different rankings using combinations of (1); and (3) fusing the rankings in (2) into a single fused ranking. We explain this next.
We created three indices:
\begin{itemize}
\item An index based on the title and abstract of each document;
\item An index based on the full text of each document;
\item Each document was split into its paragraphs, such that from each paragraph a new \emph{artificial} document was constructed based on the title, abstract, and that paragraph. We built an index based on these constructed paragraph-level documents.
\end{itemize}
To generate multiple queries, we use named entity recognition\footnote{\url{https://spacy.io/usage/linguistic-features\#named-entities}}
to extract additional query terms. Let NE$(\cdot)$ denote the function that extracts named entities from a query; then we created the following four different query variations:
\begin{itemize}
\item Query and NE(question);
\item Query, NE(question), and NE(narrative);
\item Question and NE(query);
\item Question, NE(query), and NE(narrative).
\end{itemize}
For each query variation we created four runs using BM25 with RM3 with default parameters\footnote{\url{https://github.com/castorini/pyserini}}:
\begin{itemize}
\item We queried the index of title and abstract;
\item We queried the index of full text;
\item We queried the paragraph-level index;
\item We queried the paragraph-level index, where we only kept the first occurrence of the original document id associated with each paragraph.
\end{itemize}
We applied Reciprocal Rank Fusion (RRF) \cite{cormack2009reciprocal} (using default $k=60$) to combine the above four runs into one fused run. The precise details of our fused runs are included in Appendix \ref{app:1}
The results of the competition are in the process of being published at: \url{https://ir.nist.gov/covidSubmit/data.html}.
\section{Lessons Learned}
\label{s:lessons}
\paragraph{Non-expert assessments have 47\% disagreement with expert assessments. }
In the first round of the competition, we recruited a group 8 of non-experts to assess the top retrieved results of the 30 queries of round 1. The non-experts were highly educated computer scientists with no background in biological, medical or health sciences. We compared their non-expert assessments to the TREC assessments of those same 30 queries (which were produced by expert bioscientists): the disagreement between the two sets of assessments is approximately 47\%. This is very close to random and indicates that our non-expert assessments should not be used, even for weak supervision. The cost of producing them was higher than any gain they can yield.
\paragraph{87\% of all relevant and partially relevant articles came from Elsevier, medRxiv and PMC.}
Table \ref{tab:qrels_round1_source} displays the portion of partially relevant and relevant articles per article source. We see that approximately 87\% of all partially relevant and relevant articles came from three sources: Elsevier, medRxiv and PMC. This agrees with prior findings about the importance of the data source for scholarly curated information retrieval \cite{DBLP:conf/ictir/DragusinPLLJW11,32a166b5280b4aa3bab0943c4906aa0d,doi:10.4161/rdis.25001}.
\paragraph{BioBERT pre-trained embeddings were expensive to use but did not help.}
The state-of-art in semantic representation, BERT embeddings, pretrained on domain specific data, did not bring performance gains of any significance or reliability, over standard word count based semantic representation (which are also less computationally expensive than embeddings). This finding holds for this specific dataset and retrieval setup, and we abstain from generalising it. Detailed figures can be found in: \url{https://ir.nist.gov/covidSubmit/data.html}. Dedicated research is needed to investigate the extent to which retrieval performance improvements can come from using advanced embedding representations, and to identify ways to facilitate this (for instance, how to overcome the limitations in the length of input accepted by BERT). Steps in this direction have already been taken \cite{DBLP:conf/sigir/KhattabZ20}.
Another aspect to consider is the importance of fine-tuning BERT models. For our submission we did not fine tune BioBERT and this likely affected the performance. Other teams could effectively exploit BioBERT and SciBERT by finetuning with MS-MARCO~\cite{macavaney2020sledge,zhang2020covidex} and other datasets~\cite{li2020parade}.
\paragraph{There was not enough data to use advanced machine learning.}
When working in a completely unsupervised setup (as in the first round of the competition), or in a semi-supervised setup (as in rounds two to five), and when working with relatively few data points (maximum 50 queries and maximum 200,000 documents), standard retrieval methods can give reliable and satisfactory performance. This amount of data is too small to use advanced machine learning, in the sense that the data would not be enough for the model to learn anything that performs competitively enough and that can generalise to out of sample data. As future direction we will investigate how to train advanced models on different datasets and then exploit transfer learning techniques~\cite{torrey2010transfer}.
\begin{table}[]
\centering
\small
\caption{Number of unique documents that were assessed as partially relevant ($1$) and/or relevant ($2$) over sources. Statistics computed on the CORD-19 dataset released on April 10th, 2020.}
\label{tab:qrels_round1_source}
\begin{tabular}{@{}lccc@{}}
\toprule
\textbf{Source} & \multicolumn{1}{l}{\textbf{Partially Relevant (1)}} & \multicolumn{1}{l}{\textbf{Relevant (2)}} & \textbf{\# documents per source} \\ \midrule
biorxiv & 45 (4.66\%) & 62 (5.88\%) & 764\\
CZI & 19 (1.97\%) & 17 (1.61\%) & 117\\
Elsevier & 368 (38.1\%) & 374 (35.48\%) & 19457\\
medrxiv & 178 (18.43\%) & 348 (33.02\%) & 1088\\
PMC & 312 (32.3\%) & 183 (17.36\%) & 28648\\
WHO & 44 (4.55\%) & 70 (6.64\%) & 1004\\ \midrule
Total & 966 (100\%) & 1054 (100\%) & 51078 \\ \bottomrule
\end{tabular}
\end{table}
\section{Conclusion}
\label{s:conc}
This document describes the participation of two Danish universities, University of Copenhagen and Aalborg University, in the international search engine competition on COVID-19 organised by the U.S.\ National Institute of Standards and Technoloy (NIST) and its Text Retrieval Conference (TREC) division. Our retrieval strategy combined (i) standard, well-understood retrieval methods, (ii) state-of-the-art methods of semantic representation, and (iii) meta-search heuristics. Our findings, and overall observations from the competition are that: expert assessments could not be approximated to any useful degree by non-experts; the source of the scientific literature is a strong indicator of relevance; semantic term embeddings did not yield performance improvements over traditional word count based representations; and the data was generally too small for advanced machine learning methods. While there is no doubt that information retrieval test collections are needed for specialised domains like this \cite{cc6e72e4a81048a3ae5bcb07313e0366}, any use of advanced machine learning that can generalise to out of sample data requires larger scale training data.
Moving forward, one future direction of work would be to combine automatic query generation methods \cite{10.1145/2806416.2806493} together with standard, well-understood retrieval methods, in order to increase significantly the number of query-document pairs. The top positions of such rankings (if a critical mass of them existed) could then be used as weak supervision \cite{DBLP:conf/www/HansenHASL19,DBLP:conf/clef/Hansen0SL19}, or with autoencoder architectures that learn semantic representations \cite{10.1145/3331184.3331255,DBLP:conf/sigir/Hansen0SAL20a,10.1145/3397271.3401060}, or for learning to rank with online learning \cite{DBLP:conf/sigir/BrostCSL16,DBLP:conf/cikm/BrostSCL16}, for instance.
Another future research direction would be to develop more refined evaluation measures that assess not only the relevance of the retrieved results to the query, but also qualitative aspects of the results as a factor of their ranking position, such as credibility, reliability, or usefulness \cite{DBLP:conf/ictir/LiomaSL17}.
\section*{Acknowledgments}
This research is partially supported by QUARTZ (721321, EU H2020 MSCA-ITN).
\clearpage
\bibliographystyle{abbrvnat}
\section{Task and Dataset}
\label{sec:analysis}
The TREC-COVID Challenge was a standard AdHoc task with the purpose of developing and evaluate IR systems able to assists scientists, clinicians, policy makers, and others to manage the rapidly growing corpus of scientific literature related to COVID-19. Participants were provided with a corpus of documents and a set of topics, and they had to return a list of $1\,000$ documents for each topic, where the documents at the beginning of the list are supposed to be the most relevant with respect to the topic.
The challenge was organized in several subsequent rounds, $5$ in total. At the beginning of each round a new portion of the corpus was released together with a set of topics. At the end of each round NIST was collecting the submitted runs and creating the pool of documents to be assessed. Assessors were biomedical experts from NLM, OHSU, and UTHealth. Topics, runs, relevance assessments and evaluation results are publicly availabe online\footnote{\url{https://ir.nist.gov/covidSubmit/archive.html}}.
In the following we provide a brief description of the corpus (Section~\ref{subsec:corpus}), the topics (Section~\ref{subsec:topics}), the relevance assessments (Section~\ref{subsec:rel_assessments}), and some statistics we conducted after Round $1$ assessments were released (section~\ref{subsec:stat}). More details can be found in the challenge overview~\cite{roberts2020trec,voorhees2020trec}.
\subsection{Corpus}
\label{subsec:corpus}
The corpus used throughout the challenge was the CORD-19: COVID-19 Open Research Dataset~\cite{Wang2020CORD19TC}\footnote{\url{https://www.semanticscholar.org/cord19}}.
The dataset contains research papers on COVID-19 and coronaviruses collected from PubMed, WHO, bioRxiv and medRxiv.
The dataset is updated regularly, as new research papers are published, therefore, each round of the challenge exploited a specific release of the CORD-19 dataset\footnote{\url{https://ir.nist.gov/covidSubmit/data.html}}.
In addition to the documents, the dataset contains a metadata file.
The list of metadata with their description is reported in Table~\ref{tab:metadata}.
\begin{table}[htb]
\caption{Metadata, description and statistics form CORD-19 version \td{@Lucas: Please add the version of CORD-19 dataset used to get this data.}.}
\label{tab:metadata}
\resizebox{\textwidth}{!}{%
\begin{tabular}{@{}llc@{}}
\toprule
Metadata & Description & Number of instances \\ \midrule
cord\_uid & Each unique paper object receives a corresponding `cord\_uid'. & 51078 \\
title & Title of the article & 50920 \\
doi & Digital object identifier & 47741 \\
url & Source url of the article & 50776 \\
pmcid & PubMed Central (PMC) identifier & 41082 \\
pubmed\_id & Pubmed Identifier & 37861 \\
abstract & Full abstract & 42352 \\
has\_full\_text & Gives the name of the subset file that includes the full text of this paper. & 38022 \\
publish\_time & Time of publication & 19167 \\
authors & Author list of the article & 48891 \\
Microsoft Academic Paper ID & Microsoft Academic ID mapping & 964 \\
WHO \#Covidence & World Health Organization (WHO) Covidence Identifier & 1768 \\ \bottomrule
\end{tabular}%
}
\end{table}
\subsection{Topics}
\label{subsec:topics}
A total of $50$ topics were released throughout the entire challenge: $30$ topics were initially released at round $1$, and then $5$ extra topics were released for each following round. Topics were created by biomedical experts, who took inspiration from questions submitted to the National Library of Medicine (NLM) search service and discussions on social media.
An example of topic is shown in Figure~\ref{fig:topic}.
Each topic has $3$ fields: a title, which provides keywords to represent the information need; a question, to better specify the information need; and a narrative which provides extra clarifications.
\begin{figure}[htb]
\begin{Verbatim}
<topic number="1">
<query>coronavirus origin</query>
<question>what is the origin of COVID-19</question>
<narrative>seeking range of information about the SARS-CoV-2 virus's origin, including
its evolution, animal source, and first transmission into humans</narrative>
</topic>
\end{Verbatim}
\caption{Example of topic for the TREC COVIDSearch 2020.}
\label{fig:topic}
\end{figure}
\subsection{Relevance Assessments}
\label{subsec:rel_assessments}
Relevance assessments were collected at the end of each round.
The assessors used a $3$-grade scale: ``Relevant'', if the document provides an answer to the topic question substantiated by the necessary information, ``Partially Relevant'', if the document does not provide a complete answer to the topic question and further information is needed, or ``Not Relevant'', in all other cases.
For each round, the submitted runs were evaluated with NDCG@K, Precision@K, Brepf, RBP ($p=0.5$), and MAP, with a varying cut-off $K$.
All measures were computed with \texttt{trec\_eval}\footnote{\url{https://github.com/usnistgov/trec_eval}}.
\subsection{Analysis of Round 1 Qrels}
\label{subsec:stat}
\begin{table}[h!]
\caption{Analysis of relevance assessments for round 1. Number of judged documents for each relevance degree and overall statistics.}
\label{tab:qrels_round1_relevance}
\centering
\begin{tabular}{@{}lllll@{}}
\toprule
Topic ID & Not Relevant ($0$) & Partially Relevant ($1$) & Relevant ($2$) & Sum \\ \midrule
1 & 222 & 45 & 56 & 323 \\
2 & 237 & 21 & 26 & 284 \\
3 & 247 & 66 & 24 & 337 \\
4 & 298 & 32 & 27 & 357 \\
5 & 205 & 35 & 96 & 336 \\
6 & 158 & 80 & 83 & 321 \\
7 & 226 & 247 & 7 & 275 \\
8 & 284 & 46 & 30 & 360 \\
9 & 257 & 25 & 16 & 298 \\
10 & 106 & 35 & 50 & 191 \\
11 & 272 & 67 & 5 & 344 \\
12 & 122 & 76 & 126 & 324 \\
13 & 227 & 97 & 49 & 373 \\
14 & 193 & 24 & 5 & 222 \\
15 & 291 & 45 & 12 & 348 \\
16 & 287 & 42 & 11 & 340 \\
17 & 166 & 32 & 45 & 243 \\
18 & 156 & 79 & 32 & 267 \\
19 & 258 & 27 & 16 & 301 \\
20 & 181 & 41 & 25 & 247 \\
21 & 234 & 15 & 70 & 319 \\
22 & 212 & 17 & 30 & 259 \\
23 & 230 & 4 & 22 & 256 \\
24 & 216 & 14 & 19 & 249 \\
25 & 237 & 9 & 62 & 308 \\
26 & 187 & 19 & 106 & 312 \\
27 & 226 & 30 & 44 & 300 \\
28 & 142 & 9 & 29 & 180 \\
29 & 118 & 42 & 58 & 218 \\
30 & 144 & 39 & 16 & 199 \\
\midrule
Sum & 6339 & 1115 & 1237 & 8691 \\
\midrule
\% of all assessments & 72.9\% & 12.8\% & 14.2\% & \\
min & 106 & 2 & 5 & 180 \\
max & 298 & 97 & 126 & 373 \\
average & 211.3 & 37.2 & 41.2 & 289.7 \\
\midrule
\multicolumn{4}{l}{\hspace{-1em} Unique assessed docs = will be removed in round 2} & 4778 \\
\bottomrule
\end{tabular}
\end{table}
\begin{table}[h!]
\caption{Count of the number of unique documents that were assessed as partially relevant ($1$) and/or relevant ($2$) over sources.}
\label{tab:qrels_round1_source}
\centering
\begin{tabular}{@{}lllll@{}}
\toprule
Source & Partially Relevant ($1$) & Percentage & Relevant ($2$) & Percentage \\ \midrule
arxiv & $0$ & $0\%$ & 1 & $0\%$ \\
biorxiv & $45$ & $5\%$ & 62 & $6\%$ \\
CZI & $14$ & $1\%$ & 14 & $1\%$ \\
Elsevier & $368$ & $38\%$ & 372 & $35\%$ \\
medrxiv & $178$ & $18\%$ & 348 & $33\%$ \\
PMC & $322$ & $33\%$ & 192 & $18\%$ \\
WHO & $41$ & $4\%$ & 65 & $6\%$ \\
\midrule
Total & $968$ & $100\%$ & 1054 & $100\%$ \\
\bottomrule
\end{tabular}
\end{table}
\begin{table}[htb]
\caption{Count of the number of unique documents that were assessed as partially relevant ($1$) and/or relevant ($2$) over publication year.}
\label{tab:qrels_round1_year}
\centering
\begin{tabular}{@{}lllll@{}}
\toprule
PublicationYear & Partially Relevant ($1$) & Percentage & Partially Relevant ($2$) & Percentage \\ \midrule
1972 & & (0\%) & 1 & (0\%) \\
1977 & 1 & (0\%) & & (0\%) \\
1983 & & (0\%) & 1 & (0\%) \\
1984 & 1 & (0\%) & & (0\%) \\
1985 & 1 & (0\%) & & (0\%) \\
1986 & & (0\%) & 1 & (0\%) \\
1989 & & (0\%) & 1 & (0\%) \\
1990 & & (0\%) & 1 & (0\%) \\
1991 & & (0\%) & 1 & (0\%) \\
1992 & 1 & (0\%) & & (0\%) \\
1993 & 2 & (0\%) & & (0\%) \\
1994 & 1 & (0\%) & 1 & (0\%) \\
1995 & & (0\%) & 1 & (0\%) \\
1996 & 1 & (0\%) & & (0\%) \\
1999 & 1 & (0\%) & & (0\%) \\
2000 & 1 & (0\%) & & (0\%) \\
2001 & 1 & (0\%) & & (0\%) \\
2002 & 1 & (0\%) & & (0\%) \\
2003 & 10 & (1\%) & 4 & (0\%) \\
2004 & 28 & (3\%) & 26 & (2\%) \\
2005 & 24 & (2\%) & 21 & (2\%) \\
2006 & 19 & (2\%) & 24 & (2\%) \\
2007 & 6 & (1\%) & 13 & (1\%) \\
2008 & 20 & (2\%) & 15 & (1\%) \\
2009 & 19 & (2\%) & 6 & (1\%) \\
2010 & 23 & (2\%) & 8 & (1\%) \\
2011 & 20 & (2\%) & 11 & (1\%) \\
2012 & 12 & (1\%) & 5 & (0\%) \\
2013 & 17 & (2\%) & 10 & (1\%) \\
2014 & 19 & (2\%) & 12 & (1\%) \\
2015 & 24 & (2\%) & 12 & (1\%) \\
2016 & 40 & (4\%) & 10 & (1\%) \\
2017 & 33 & (3\%) & 11 & (1\%) \\
2018 & 38 & (4\%) & 9 & (1\%) \\
2019 & 40 & (4\%) & 16 & (2\%) \\
2020 & 563 & (58\%) & 832 & (79\%) \\
\midrule
& 967 & (100\%) & 1053 & (100\%) \\ \bottomrule
\end{tabular}
\end{table}
Disagreement analysis between the official qrels from NIST and our relevance judgements:
\begin{itemize}
\item Common labels, i.e.~documents that were assessed by us and NIST: $243$
\item Documents assessed only by us: $55$
\item Agreed labels: $127$ $(52.3\%)$
\item Disagreed labels: $116$ $(47.7\%)$
\item Id-errors mapping: $3$
\end{itemize}
\clearpage
\section{Approach}
\label{sec:approach}
\subsection{Round 1}
\paragraph{RunID: KU\_run1}
This is a baseline run using BM25 implementation from Indri Search engine with $k_1=1.2$ and $b=0.75$. After retrieving the initial ranking, we re-rank the top-50 documents prioritizing articles published in 2020.
\paragraph{RunID: KU\_run2}
This run implements query expansion using external data sources with different weights for different types of expanded terms. The external data sources we employ include Human Disease Ontology (HDO)\footnote{\url{https://www.ebi.ac.uk/ols/ontologies/doid}} and Lexigram API.
The HDO has been developed as a standardized human disease ontology, playing the role of providing consistent, reusable, and sustainable descriptions of human disease terms. As HDO is organized hierarchically, we retrieve the parent-class and the sub-class disease concepts. For example, for the coronavirus (COVID-19) we found that the "COVID-19" is a leaf concept and its parent concept is "coronavirus infection" whose further parent concept is "viral infectious diseas".
From Lexigram, we extract the entities from the original queries and types of entities. As a result, a query is expanded with potentially alternative disease terms, entity labels, and entity types.
We weigh these expanded terms based on the weighting schema of~\citet{faesslerjulie}. Specifically, we assign the following weights: original query terms weight $1.0$; alternative disease terms $0.7$; entity labels $0.4$; and entity types $0.1$. In practice, we employ the Indri search engine, where we achieve our settings with the operator \texttt{\#weight}.
\paragraph{RunID: KU\_run3}
First, we built a paragraph-level index where we create a document for indexing comprising the title, abstract, and that paragraph.
We use BM25 implementation from the Indri Search engine with $k_1=1.2$ and $b=0.75$ to generate an initial ranking. After retrieving the initial ranking, we re-rank the top-50 documents prioritizing articles published in 2020. Next, using the pre-trained BioBERT from the HuggingFace Transformer library we generate representations of each paragraph and queries, compute the similarity between both, and finally re-sort the documents according to each similarity score.
\subsection{Round 2 and 3}
In round 2 and 3 we explored fusion-based approaches based on creating multiple query variations per topic, which are used for searching within different types of indexes. Specifically, we first create three indexes:
\begin{itemize}
\item We build an index based on the title and abstract of each document;
\item We build an index based on the full text of each document;
\item Each document is split into its paragraphs, such that from each paragraph a new \emph{artificial} document is constructed based on the title, abstract, and paragraph. We build an index based on these constructed paragraph-level documents.
\end{itemize}
For constructing multiple queries per topic we use named entity recognition\footnote{\url{https://spacy.io/usage/linguistic-features\#named-entities}}
to extract additional query terms based on different topic fields. We denote NE$(\cdot)$ as a function that extracts the named entities of a provided input text, and create four different query variations by combining the terms listed below:
\begin{itemize}
\item Query and NE(question);
\item Query, NE(question), and NE(narrative);
\item Question and NE(query);
\item Question, NE(query), and NE(narrative).
\end{itemize}
For each query variation we create 4 runs using BM25 with RM3 with default parameters\footnote{\url{https://github.com/castorini/pyserini}}:
\begin{itemize}
\item We query the index of title and abstract;
\item We query the index of full text;
\item We query the paragraph-level index;
\item We query the paragraph-level index, where we only keep the first occurrence of the original document id associated with each paragraph.
\end{itemize}
Based on these four runs, we apply Reciprocal Rank Fusion (RRF) \cite{cormack2009reciprocal} (using default $k=60$) to combine the four runs into one fused run. Finally, we submitted the following runs for round 2 and 3:
\begin{description}
\item[Round 2 and 3 - RunID: fusionOfFusions] We obtain one fused run from each of the query variations (4 in total), which we further combine using RRF into a final run denoted as fusion of fusions.
\item[Round 3 - RunID: fusionOfRuns] We obtain four runs for each of the query variations (16 in total), which we combine using RRF into a final run denoted as fusion of runs.
\item[Round 2 - RunID: allFiltering] We apply RRF on all the automatic runs (27 in total), that did not contribute to the pooling from round 1, combined with our fusionOfFusions and fusionOfRuns runs.
\item[Round 2 - RunID: soboroffFiltering] We apply RRF on the 9 automatic runs, that did not contribute to the pooling and were chosen based on the 9 middle runs returned by applying Soboroff's method~\citep{SoboroffEtAl2001,SakaietAl2010} on the 27 runs that did not contribute to the pooling from round 1. Additionally, we include our fusionOfFusions and fusionOfRuns runs.
\end{description}
\section{Discussion and Conclusion}
\label{sec:conclusion}
\section{Experimental Results and Analysis}
\label{sec:experiments}
\subsection{Round 1}
\label{subsec:round_1}
Draft explanation round1:
\begin{itemize}
\item add bm25 alone to compare to our run with re-ranking and scibert.
\item the re-ranking approach using the year is effective. The main reason why this approach work is because most of the documents that are considered relevant in Table(sortedbyyear) are more recent (2019+)
\item Explain how our runs compare to the median of all the other runs.
\item Our query expansion approach did not work well. One of the reasons can be due to the fact that by using the qery expansion approach in this covid-19 specific topic can lead to topic drift away from the specific topic. In addition, we did not re-rank by the year, and there are a lot of articles about corona virus related to animal, and query expansion can lead results towards that direction.
\item Our run3 has imilar performance to the run1 without re-ranking using scibert. It is known that the contextual embedding tends to work better when fine-tuned to the specific task. One of the reasons can be due to the fact that we did not fine-tune the bert to this specific task. In this run we only used the pre-trained embedding and id not do any fine tunning to the retrieval task.
\item Compared to the best submitted run to the task, our approach perfom worse. However, we are still above the median for the task.
\end{itemize}
\begin{table}[htb]
\centering
\caption{Official evaluation results for the runs submitted at round 1}
\label{tab:results_official_round1}
\resizebox{\textwidth}{!}{%
\begin{tabular}{@{}llccccccccccc@{}}
\toprule
\textbf{run\_id} & \textbf{Description} & \multicolumn{1}{l}{\textbf{P@5}} & \multicolumn{1}{l}{\textbf{P@10}} & \multicolumn{1}{l}{\textbf{P@15}} & \multicolumn{1}{l}{\textbf{P@20}} & \multicolumn{1}{l}{\textbf{P@30}} & \multicolumn{1}{l}{\textbf{RPrec}} & \multicolumn{1}{l}{\textbf{NDCG@10}} & \multicolumn{1}{l}{\textbf{Bpref}} & \multicolumn{1}{l}{\textbf{MAP}} & \multicolumn{1}{l}{\textbf{\#relevant}} & \multicolumn{1}{l}{\textbf{\#rel ret}} \\ \midrule
KU\_run1 & BM25 + reranking by year & 0.5933 & 0.5367 & 0.5000 & 0.4567 & 0.3978 & 0.2559 & 0.4693 & 0.3814 & 0.2205 & 2352 & 1355 \\
KU\_run2 & \begin{tabular}[c]{@{}l@{}}Query expansion HDO \\ and LexicogramAPI\end{tabular} & 0.2600 & 0.2767 & 0.2711 & 0.2600 & 0.2356 & 0.1661 & 0.2308 & 0.3101 & 0.1010 & 2352 & 994 \\
KU\_run3 & \begin{tabular}[c]{@{}l@{}}BM25 + reranking with BERT\\ + reranking by year\end{tabular} & 0.5667 & 0.5567 & 0.5067 & 0.4667 & 0.3867 & 0.2555 & 0.4670 & 0.3787 & 0.2116 & 2352 & 1346 \\
\hdashline
sab20.1.meta.docs & \begin{tabular}[c]{@{}l@{}}SMART vector run,\\ Lnu docs and ltu queries.\end{tabular} & 0.7800 & 0.7000 & 0.6333 & 0.5917 & 0.5211 & 0.3548 & 0.6080 & 0.4832 & 0.3128 & 2352 & 1778 \\ \bottomrule
\end{tabular}%
}
\end{table}
\begin{figure}[htbp]
\centering
\begin{subfigure}{.49\textwidth}
\centering
\includegraphics[width=\linewidth]{figures/map.pdf}
\caption{MAP scores}
\label{fig:binary_useful}
\end{subfigure}
\begin{subfigure}{.49\textwidth}
\centering
\includegraphics[width=\linewidth]{figures/ndcg10.pdf}
\caption{NDCG@10 scores.}
\label{fig:binary_useful_credible}
\end{subfigure}
\begin{subfigure}{.49\textwidth}
\centering
\includegraphics[width=\linewidth]{figures/p10.pdf}
\caption{Precision @10 scores.}
\label{fig:binary_useful_correct}
\end{subfigure}
\begin{subfigure}{.49\textwidth}
\centering
\includegraphics[width=\linewidth]{figures/num_rel_ret.pdf}
\caption{Number of relevant documents retrieved.}
\label{fig:binary_useful_correct_credible}
\end{subfigure}
\caption{Results of all submitted runs using map, nDCG@10, P@10 and number of relevant documents retrieved.}
\label{fig:binary_evaluation}
\end{figure}
\subsection{Round 2}
\begin{table}[htb]
\caption{Evaluation results on runs to be submitted on round 2. The results are with qrels for round 1 and corpus from round 1. }
\label{tab:results_round2_unofficial}
\resizebox{\textwidth}{!}{%
\begin{tabular}{@{}llllll@{}}
\toprule
Run ID & Name & p@5 & ndcg@10 & map & \#retrieved\_relevant \\
\midrule
& Best automatic round 1: sab20.1.meta.docs & 0.780 & 0.608 & 0.313 & 1778 \\
& Best unjudged automatic round 1: run2 & 0.686 & 0.603 & 0.260 & 1220 \\
& Best manual round 1: run1 & 0.793 & 0.684 & 0.263 & ? \\
\midrule
& Fusion of runs & 0.713 & 0.628 & 0.382 & 1883 \\
\rowcolor[HTML]{DAE8FC}
X & Fusion of Fusions & 0.733 & 0.642 & 0.382 & 1899 \\
\midrule
& Fusion all automatic unjudged runs (27 runs) & 0.800 & 0.699 & 0.460 & 2072 \\
& Fusion all automatic unjudged runs + Fusion of Runs & 0.806 & 0.706 & 0.464 & 2075 \\
& Fusion all automatic unjudged runs + Fusion of Fusions & 0.806 & 0.707 & 0.463 & 2075 \\
\rowcolor[HTML]{DAE8FC}
X & Fusion all automatic unjudged runs + Fusion of Runs + Fusion of Fusions & 0.820 & 0.710 & 0.465 & 2070 \\
\midrule
& Fusion of top 5 automatic unjudged runs & 0.806 & 0.706 & 0.316 & 1655 \\
& Fusion of top 5 + Fusion of Runs & 0.859 & 0.733 & 0.354 & 1822 \\
& Fusion of top 5 + Fusion of Fusions & 0.859 & 0.734 & 0.357 & 1825 \\
\rowcolor[HTML]{FFFFC7}
\begin{tabular}[c]{@{}l@{}}Maybe X, but this is not \\ ``Pure'' no-tuning due \\ to our choice of runs.\end{tabular} & Fusion of top 5 + Fusion of Runs + Fusion of Fusions & 0.866 & 0.740 & 0.379 & 1872 \\
\midrule
& Fusion of Middle runs from Soboroff (9 runs out of 27 total) & 0.873 & 0.725 & 0.414 & 1989 \\
\rowcolor[HTML]{DAE8FC}
X & Fusion of Middle runs from Soboroff + Fusion of Runs + Fusion of Fusions & 0.867 & 0.718 & 0.433 & 2008 \\
\bottomrule
\end{tabular}
}%
\end{table}
\clearpage
\section{Extra Material: To be Removed}
Useful links related to the competition:
\begin{itemize}
\item \textbf{Task description}:
\begin{itemize}
\item Description and guidelines: \url{https://ir.nist.gov/covidSubmit/round2.html}
\item Official submission page: \url{https://ir.nist.gov/covidSubmit/}
\end{itemize}
\item \textbf{Experimental collection}:
\begin{itemize}
\item Corpus: \url{https://pages.semanticscholar.org/coronavirus-research}
\item Topics and qrels: \url{https://ir.nist.gov/covidSubmit/data.html}
\end{itemize}
\item \textbf{Official experimental results:}
\begin{itemize}
\item Round 1 leaderboard: \url{https://docs.google.com/spreadsheets/d/1NOu3ZVNar_amKwFzD4tGLz3ff2yRulL3Tbg_PzUSR_U/edit#gid=1068033221}
\item Round 1 runs: \url{https://ir.nist.gov/covidSubmit/archive/archive-round1.html}
\end{itemize}
\item \textbf{Documents about COVID to use as external resources}:
\begin{itemize}
\item Document from Bispebjerg og Frederiksberg Hospital: \url{http://covid19medicin.dk/} translated version: \url{https://docs.google.com/document/d/1m-mL8-fIrjfgVyStBfRlrs5-RjmWX7JxXpF9gqPT4Uk/edit?ts=5e84acb5}
\item FAQ from danish government: \url{https://www.sst.dk/da/corona-eng/FAQ}
\item Another literature review: \url{https://www.kaggle.com/covid-19-contributions}
\end{itemize}
\item \textbf{External computational resources}:
\begin{itemize}
\item Jimmy Linn's github with baselines: \url{https://github.com/castorini/anserini/blob/master/docs/experiments-covid.md}
\item Jimmy Linn's github with indexing instruction: \url{https://github.com/castorini/anserini/blob/master/docs/experiments-cord19.md}
\item Query expansion form Udel: \url{https://github.com/castorini/anserini/blob/master/src/main/python/trec-covid/generate_query_udel.py}
\item Trectools for evaluation with python: \url{https://github.com/joaopalotti/trectools}
\item Collection of public APIs for embedding scientific papers: \url{https://github.com/allenai/paper-embedding-public-apis\#specter}
\end{itemize}
\item \textbf{Research papers}:
\begin{itemize}
\item Google strategy on COVIDSearch: \url{https://arxiv.org/pdf/2004.14503.pdf}
\item RM3 paper: \url{http://www.abdelali.net/ref/Lavrenko01RelevanceModels.pdf}
\item Jimmy Linn's paper to apply BERT with anserini: \url{https://www.aclweb.org/anthology/D19-3004.pdf}
\end{itemize}
\end{itemize}
\section{Introduction}
\label{sec:introduction}
This report describes our participation to the COVIDSearch TREC competition, organised by TREC and NIST in 2020. The aim of the competition was to find the best information retrieval strategy for the task of searching for specialised Covid-19 related information in the biggest, to its day, collection of scientific literature on corona viruses. More than XX research groups joined this competition in the second half of 2020.
In the remainder of this paper, we present the task of the competition and the dataset (Section XX), our approach (Section XX), the empirical performance of our approach and a related analysis of these findings (Section XX), and a brief overview of highly related prior work in this area (Section XX).
\section{Brief Overview of Highly Relevant Prior Work}
\label{sec:related}
\subsection{Medical retrieval}
The successful submission in TREC 2019@PM (Precision Medicine) conducted by \citet{faesslerjulie} had their approach built upon carefully designed weighted queries according to their experience. Essentially, they expanded the queries to boost the recall with various tools and sources, e.g., Lexigram API. Lexigram is based on the Systematic Nomenclature of Medicine - Clinical Terms (SNOMED CT), Mesh, and ICD (International Classification of Disease). More importantly, they explored the query clause weighting schema by manually experimenting on their internal standard golds. As a result, the queries are formulated as ElasticSearch JSON queries that are delivered to ElasticSearch.
\citet{faesslerjulie} explored the usefulness of Learning to rank (LETOR), which worsened the results. Specifically, they implemented the LambdaMART (a list-wise approach), consisting of LambdaRank and MART (Multiple Additive Regression Tree), to train the model and rerank the documents. The four main features they use are:
Binary features for the 500 words with highest TF-IDF from the gold standard
Matches of the topic with the document
BM25 scores of the topic matched with document fields
FastText document embeddings of the document
As a result, however, the LETOR runs reveal decreased evaluation scores similarly to the Biomedical abstract task. The internal 2019 reference standard led to worse results than the union of previous official annotations.
Successful 2018@PM submission \cite{oleynik2018hpi} demonstrated that query expansion associated with hand-crafted rules led to better values of IR metrics. They expanded the topics for disease and gene. For instance, they enriched the diseases with their preferred term, synonyms, and hypernyms with Lexigram API. Also, they enriched their gene with their description and synonyms with the National Center for Biotechnology Information (NCBI). They gave the highest weight to the original topic and lower weights to the other terms. They provided the weight by extension type but did not provide any reasons for their decision.
Successful 2017@PM submission
\cite{zhang2018can} raised the question "Can Word Embedding Help Term Mismatch Problem?'' particularly for clinical retrieval task. They found that word embedding can significantly improve low ranked relevant documents, with term mismatch problem being largely resolved; while for highly ranked documents with less term mismatching problem, word emending’s improvement can also be replaced by a traditional language model.
Pasche et al. \cite{pasche2017customizing} introduced an approach where the main component is a large query generation module, with each generated query being deferentially weighted. The reason is that they assume relevant abstracts that did not mention all critical aspects of the complete query still can be of interest. In addition, they applied hierarchical query expansion, as well as other empirical strategies, including priories publication type, defines a list of keywords as keywords density, etc.
\subsection{Word Embedding Oriented Retrieval Enhancement}
Due to specific domain (medical), \citet{nguyen2017learning} investigated how to optimize the document representation by leveraging neural-based approaches to capture latent representations built upon both validated medical concepts specified in an external resource as well as the used words. They validated their resulting document representation on two medical search tasks, health search, and clinical search, by showing the effectiveness.
Some studies \cite{liu2016constraining,ling2017integrating} employed external knowledge bases to assist the representation of word embedding. Liu et al. \citet{liu2016constraining} leveraged the existing knowledge (word relations) in the medical domain to constrain word embeddings with the principle that related words should have similar embeddings. The underlying reason is that embeddings trained in an unsupervised manner may fail to capture some of the semantic relations in a specific area (e.g., healthcare). The adapted constrained word embeddings are used to rerank documents, demonstrating improved effectiveness to unsupervised word embeddings.
Slightly different, Ling et al. \citet{ling2017integrating} studied to construct a weighted graph from knowledge bases (KBs) to represent structured relationships among words/concepts. They proposed a GCBOW model and a GSkip-gram model, respectively by integrating such a graph into the original CBOW model and Skip-gram model via graph regularization. They showed encouraging improvements with the new models on four general domain standard datasets and improved performance for biomedical Information Retrieval (IR) task.
|
\section{Introduction}
The phenomenon of EIT has been well studied over the years in lambda ($\Lambda$), vee (V) and ladder ($\Xi$) type systems. EIT creates transparency for a weak probe in an otherwise absorbing medium in the presence of a strong control beam by nonlinear modification of the susceptibility of the medium \cite{FIM2005}. This has led to a variety of applications including in slow light \cite{HHD1999,BKR1999,KSZ1999}, storage of light \cite{LDB2001,PFM2001}, lasing without inversion \cite{ZLN1995}, four wave mixing \cite{HKD1995}, giant Kerr effect \cite{SCI1996,MBB2008}, high resolution spectroscopy \cite{KPW2005}, laser frequency stabilization \cite{MLK2004}, and phase stabilization of independent sources \cite{BKN2019}.
Similar to the phenomenon of EIT is the phenomenon of electromagnetically induced absorption (EIA), except that the probe shows an enhanced absorption and a negative dispersion slope (as opposed to the positive slope in EIT) at line center. EIA has been reported in four level N type systems \cite{YZR2002,GWR2004,BMW2009} with two control beams and one probe beam, in degenerate two level systems \cite{CSB2011,DBD2016,LBA1999} and recently in a three level system \cite{WBK2015}. Recently, we have theoretically proposed a new kind of four-level EIA system in a vee + ladder configuration \cite{BHN2015}. Using this scheme, we have presented the first theoretical observations of Rydberg EIA \cite{BWN2016} and tuning of the group velocity of light between sub- and super-luminal propagation using a Rydberg state \cite{BHN2017}. This system has drawn much attention, and has been utilized for the investigation of amplitude noise in non-classical states of light \cite{MLY2016}, optical bistability \cite{HSK2017}, generation of an all-optical diffraction grating \cite{BOS2018} and atom localization \cite{HSK2018}. In this work, we report the first experimental observation of EIA in such a system.
\begin{figure}
\centering
\includegraphics[width=0.85\textwidth]{levels_detunings}
\caption{(a) Energy levels depicting the formation of the vee + ladder system, (b) Levels represented in a dressed state picture.}
\label{fig:levels}
\end{figure}
We begin with a qualitative look at the phenomenon of EIA in terms of the dressed state picture. The vee + ladder system is formed by $^{87}$Rb interacting with two copropagating fields $\Omega_v$ and $\Omega_p$ and a counterpropagating field $\Omega_l$, coupling the levels shown in Fig.~\ref{fig:levels} with detunings $\delta_v$, $\delta_p$ and $\delta_l$, respectively. The interaction Hamiltonian is given as \cite{BHN2015}
\begin{equation}
\begin{aligned}
H = &-\frac{\hbar}{2}\left[\Omega_v \ket{1}\bra{2}+\Omega_p \ket{2}\bra{3}+\Omega_l \ket{3}\bra{4}\right]+\rm h.c. \\
&-\hbar \left[0 \ket{1}\bra{1} -\delta_v \ket{2}\bra{2}+(-\delta_v+\delta_p) \ket{3}\bra{3}+(-\delta_v+\delta_p+\delta_l) \ket{4}\bra{4} \right]
\end{aligned}
\end{equation}
The field $\Omega_v$ mixes the states $\ket{1}, \ket{2}$ to form the dressed states $\ket{D_g^1}, \ket{D_g^2}$ and the field $\Omega_l$ mixes $\ket{3}, \ket{4}$ creating the dressed states $\ket{D_e^1}, \ket{D_e^2}$. The dressed state energy is as indicated in Fig.~\ref{fig:levels}(b). A weak probe $\Omega_p$ scanned across resonance gives 4 absorption peaks at the following values of probe detuning, $\delta_p = $
\begin{equation}
\begin{aligned}
\centering
& 1/2(-\delta_l+\delta_v+\sqrt{\delta_l^2+\Omega_l^2}-\sqrt{\delta_v^2+\Omega_v^2}),\\
& 1/2(-\delta_l+\delta_v-\sqrt{\delta_l^2+\Omega_l^2}+\sqrt{\delta_v^2+\Omega_v^2}),\\
& 1/2(-\delta_l+\delta_v-\sqrt{\delta_l^2+\Omega_l^2}-\sqrt{\delta_v^2+\Omega_v^2}),\\
& 1/2(-\delta_l+\delta_v+\sqrt{\delta_l^2+\Omega_l^2}+\sqrt{\delta_v^2+\Omega_v^2})
\end{aligned}
\end{equation}
For an atom moving with a velocity $v$, the position of the peaks are found by the substitution $\delta_p \to \delta_p -k v$, $\delta_v \to \delta_v -k v$, $\delta_l \to \delta_l +k v$. Along with the condition $\Omega_v=\Omega_l$ and $\delta_v=-\delta_l$, the peaks lie at $\delta_p = \delta_v, \delta_v + \sqrt{\Omega_v^2+ (\delta_v-k v)^2},\delta_v - \sqrt{\Omega_v^2+ (\delta_v-k v)^2} $.
The first peak has no dependence on the velocity of atom, and the second and the third peaks lie symmetrically on the right and left side of the first peak, respectively, for any $v$. In a thermal ensemble, the first peak for all velocity groups occurs at the same value of the detuning and consequently grows giving a narrow absorption feature. The peaks on either side get spread around different values of the detunings, only to give a small rise to the absorption beyond detuning larger than $\Omega_v$ from the first peak. Thus the resonance condition for EIA can be stated as
\begin{equation}
\delta_p -\delta_v =0 \quad {\text{and}} \quad \delta_p + \delta_l=0
\end{equation}
which is just a statement about the simultaneous EIT condition for the vee and ladder branches of the system. When both the control fields are on resonance ($\delta_v=\delta_l = 0$), EIA occurs at $\delta_p = 0$.
\begin{figure}
\centering
\includegraphics[width=0.8\textwidth]{expt_schematic}
\caption{Experimental schematic. Figure key: FI -- Faraday isolator; SAS -- saturated absorption spectroscopy; PBS -- polarizing beam splitter cube; PD -- photo-diode; $\lambda/2$ -- half wave retardation plate; M -- dielectric mirror.}
\label{fig:my_label}
\end{figure}
\section{Experimental details}
The experimental setup is shown in Fig.~\ref{fig:my_label}. It consists of three feedback-stabilized ECDLs --- two home-built lasers operating around 780 nm and 795 nm and a Toptica DL Pro laser operating around 776 nm. The beams from the lasers are Gaussian and have $1/e^2$ diameters of 1.4 mm $\times$ 2.2 mm, 1.9 mm $\times$ 1.6 mm and 1.9 mm $\times$ 1.6 mm, respectively. The 780 nm laser is operated around the $F_g=2 \to F_{e2}=3$ transition in the D$_2$ line of $^{87}$Rb. A portion of the laser goes to a saturated absorption spectrometer used as frequency reference and the rest to the main experiment. The 795 nm laser on the D$_1$ line of $^{87}$Rb is locked to the $F_g=2 \to F_{e1}=2$ transition by modulation of the injection current using another saturated absorption spectroscopy setup. The 780 nm laser serves as the probe and the 795 nm laser (henceforth referred to as the vee-control) serves as the control for the vee-type EIT branch of the total setup. These two beams are combined at PBS$_3$ and co-propagated to a Rb vapor cell. The vapor cell is cylindrical in shape, of length 50 mm and diameter 25 mm. It contains the 2 stable Rb isotopes in their natural abundances (72.17 \% $^{85}$Rb and 27.83 \% $^{87}$Rb). It is placed inside a framework holding three pairs of Helmholtz coils which are used to null the magnetic field around the cell. Counter propagating to the probe and the vee-control beams within the Rb vapor cell is the 776 nm laser beam coupling the $F_{e2}=3 \to 5D_{5/2}$ line in $^{87}$Rb. This beam forms the control beam for the ladder EIT branch of the system and will be reffered to as ladder-control. The PBS$_2$ after the vapor cell serves to counter-propagate the ladder-control beam as well as separate the probe beam from the vee-control beam. The probe is collected on the photo-diode PD and the spectrum is recorded on a digital storage oscilloscope.
\section{Results and discussion}
We begin by summarizing EITs in vee and ladder systems and demonstrate transformation of EIT to EIA when both controls are simultaneously operating. Figs.~\ref{fig:EIT}(a) and (b) show EITs in vee and ladder systems, respectively, for different powers in the respective control beams.
\begin{figure}
\centering
\includegraphics[width=0.65\textwidth]{EITs}
\caption{EIT for different systems. (a) Vee (b) Ladder}
\label{fig:EIT}
\end{figure}
The vee system is formed by the probe on $F_g=2 \to F_{e2}=3$ in the D$_2$ line and the control on $F_g=2 \to F_{e1}=2$ in the D$_1$ line. As has been studied earlier \cite{FSM1995}, transparency in the vee system is contributed to by a lot of other factors besides coherent EIT effects, namely (i) saturation effect which is ever-present as the control is coupled to the ground state, (ii) optical pumping to the uncoupled hyperfine level and (iii) optical pumping within the magnetic sublevels. In the current experiment, optical pumping to the uncoupled hyperfine level exists because the control couples the $F_g=2$ ground state to $F_{e1}=2$ excited state which could decay to the ground state $F_g = 1$ not coupled by any light. This adds to probe transparency by loss of atoms from the interacting levels.
It is seen in Fig.~\ref{fig:EIT}(a) that smaller values of the control power (increase from 0.4 mW to 2 mW) increases the EIT height. Larger control powers (6 mW and 14.6 mW), however, seriously depletes the number of atoms available for EIT decreasing its strength. A strong control addresses transition for a larger group of velocities which increases the background transmission by increasing the probe transparency on either side of the resonance. This process at the same time decreases the strength and increases the width of the EIT. The broadening effect is also associated with the increase in the transparency window caused by higher Rabi frequency of the control. The other effect contributing to transparency is optical pumping within the magnetic sublevels. It depends on the polarization combination of the probe and the control beams. Having orthogonally linearly polarized control and probe adds to transparency of the probe by Zeeman optical pumping.
Fig.~\ref{fig:EIT}(b) shows EIT formed in the ladder system comprised of the probe on the $F_g=2 \to F_{e2}=3$ at the D$_2$ line and the control on the $F_{e2}=3 \to F_{e3}=4,3,2$ in the hyperfine levels of 5D$_{5/2}$ state. In the figure, the transmission peak at zero detuning of the probe corresponds to the EIT with the control on the $F_{e2}=3 \to F_{e3}=4$ transition. The other two peaks at the positive value of detunings are EITs corresponding to $F_{e3}=3,2$ levels. The different powers of control used depicts the transformation of lineshape of the EIT signal. The EIT corresponding to $F_{e3}=4$ transition distinctively shows combination of two spectral profiles for powers of 20 mW and 50 mW. The broad profile is caused by saturation effect on the probe transition and optical pumping effects due to some population transfer induced by the probe beam. This has been reported earlier in literature as double resonance optical pumping (DROP) effect \cite{MLK2008}. Over this profile a narrow EIT feature is formed. The strength of the EIT signal increases with the control power, as is evident from the figure. For the case of 5 mW power in the control beam, there is no clear distinction between the DROP effect and EIT. A similar undifferentiation of the different spectral profiles are seen in EITs for $F_{e3}=3, 2$ levels. Atoms in these levels can decay to the uncoupled $F_g=1$ hyperfine level in the ground state via the intermediate $F_{e2}=2,1$ hyperfine levels in the 5P$_{3/2}$ state. It creates an incoherent transparency window at the expense of the EIT signal. Thus, a narrow EIT signal is not distinctly visible. This is observed at higher values of the control powers too.
\begin{figure}
\centering
\includegraphics[width=0.65\textwidth]{singleEIA_negativeHamiltonian}
\caption{EIA spectrum. (a) Experimental data with probe and control powers as shown. (b) Theoretical result with probe and control Rabi frequencies as shown. The Rabi frequency of the controls does not correspond to the powers shown in part (a), for the reasons explained in the text.}
\label{fig:EIA}
\end{figure}
When the two control beams are acting simultaneously, we observe EIA dip over the broader vee EIT. This has been illustrated in Fig.~\ref{fig:EIA}(a). With both the control beams at resonance, the EIA occurs at zero probe detuning. When the vee-control is detuned by about $+25$ MHz from resonance and the ladder-control by about $-25$ MHz, the EIA occurs at the probe detuning of 25 MHz in agreement with the condition we stated earlier.
The theoretical analysis has been presented earlier \cite{BHN2015} and only the relevant parts are discussed here. We have considered the three hyperfine levels in the 5D$_{5/2}$ manifold with the branching ration of 0.65 \cite{HEA1961}. The theoretical spectrum shown in part (b) of the figure,
is shown for the EIA condition (that Rabi frequencies of the two control beams are equal) --- the Rabi frequencies for the values of the control powers does not reproduce the experimental data. This is because the theory assumes a uniform intensity for the two control beams. In addition, magnetic sublevels of the hyperfine levels are ignored \cite{GWR2004}.
For the trace in \ref{fig:EIA}(a), the power in the probe beam is 50 $\upmu$W. The ladder-control power is $10$ mW (corresponding to a Gaussian peak intensity of $838$ mW/cm$^2$) and the vee-control power is $0.4$ mW (corresponding to a Gaussian peak intensity of 34 mW/cm$^2$). Theoretically, to obtain an EIA the Rabi frequencies of the two control beams should be equal. Assuming this condition \cite{FOO2007}, the ratio of the intensities in the ladder- and the vee-control has to be
\begin{equation}
\dfrac{I_{\Xi}}{I_{V}} =\left(\dfrac{\lambda_V}{\lambda_{\Xi}}\right)^3 \dfrac{\tau_{\Xi}}{\tau_V}
\end{equation}
Substituting the values of the wavelengths and the lifetimes of the transitions \cite{SGO2008,STE2015}, we see that this ratio is 9.26. The ratio of intensities at the center of the Gaussian for the result in Fig.~\ref{fig:EIA}(a) is almost three times more. We list a few reasons for this to be so.
\begin{enumerate}
\item The beams used in the experiment have different Gaussian profiles and we do not expect them to align within the cell.
\item The system under consideration has multiple vee + ladder systems with different relative strengths of the two controls formed because of the Zeeman sublevels, thus making the splitting of EIA apparent only at high control intensties \cite{GWR2004}.
\item The absorption peak is not entirely a coherent EIA effect but also has contributions from incoherent phenomena.
\end{enumerate}
One way to understand the contribution of incoherent effects in EIA will be to consider what effect does the ladder system have on an already present vee EIT. At large detuning of the probe (larger than width of the ladder EIT), the presence of the ladder control does not have any effect qualitatively. Near resonance, when the ladder control is introduced, some additional atoms are driven out of the interacting levels (by optical pumping effects) and a small fraction lie on the two excited states ($F_{e2}=3$ and $F_{e3}=4$). This would decrease the number of atoms in the ground state ($F_g=2$). On one hand the probe transparency is increased just because there are fewer number of atoms to absorb it, but on the other hand probe absorption could increase due to reduction in probe saturation as more atoms are excited from $F_{e2}=3$ by the ladder control.
Thus, optical pumping and saturation effects, depending on which of the phenomena is dominant, either subtract from or add to the EIA signal. The role of redistribution among the Zeeman sublevels is more complicated. The strong $\pi$-polarized vee-control induces optical pumping such that there is maximum population in the $m_{F_g} = 0$ sublevel, and decreasing as $|m_{F_g}|$ increases. In this configuration, the atoms are less strongly coupled to both the vee-control and the $\sigma^{\pm}$ polarized probe beam on the $F_g=2 \to F_{e2} = 3$ transition. Some of the atoms excited to the $F_{e2} = 3$ level by the probe also undergo a rearrangement due to the strong $\pi$-polarized ladder control. In both cases of $F_{e3} = 4$ and $F_{e3} = 3$ levels, the atoms tend to accumulate on the $m_{F_{e2}} = 0$ sublevel, but differ quantitatively. Decay from this sublevel contributes to populate the $m_{F_g} = 0$ sublevel in the $F_g=2$ hyperfine level as it is most strongly coupled. The other sublevels are less populated due to weaker couplings to corresponding excited sublevel and fewer number of atoms in them. Consequently, the number of atoms strongly coupled to the vee-control decreases. This could thereby contribute to the reduction of the the strength of the vee plus ladder EIA as well.
\begin{figure}
\centering
\includegraphics[width=0.65\textwidth]{F4_EIAs}
\caption{EIA spectra for a fixed value of power in the vee-control beam and varying powers in the ladder-control beam, as listed. (a) $P_V = 0.4 $ mW. (b) $P_V = 2.0 $ mW. (c) $P_V = 6.0 $ mW. The traces are offset for clarity.}
\label{fig:manyEIAs}
\end{figure}
We have studied EIA for different powers in the two control beams, as shown in Fig.~\ref{fig:manyEIAs}. Each of the parts shows the spectrum for a fixed power in the vee-control and a varying power in the ladder-control. In Fig.~\ref{fig:manyEIAs}, it can be seen that as the power in the ladder-control is increased, the EIA feature gets broader and eventually splits creating an EIT within. This occurrence of EIT within EIA has been theoretically predicted as well \cite{BHN2015}. The evolution of the relative heights of the EIT and the EIA signal is interesting. At low vee-control powers, it is a significantly strong EIT over an EIA feature. With higher vee-control power, this EIT feature declines in strength and almost vanishes into the EIA as the vee-control power is further increased. This can be attributed to optical pumping of atoms from the interaction levels.
\begin{figure}
\centering
\includegraphics[width=0.65\textwidth]{f_3_0-4}
\caption{EIT spectra for the $ F_{e3} = 3$ hyperfine level with controls on resonance, for fixed value of power in the vee-control beam and varying powers in the ladder-control beam, as listed. The traces are offset for clarity.}
\label{fig:EIAF3}
\end{figure}
We observe that the EIA dip, for $F_{e3} = 3$ at resonance shown in Fig.~\ref{fig:EIAF3}, does not split for any power of the ladder-control. Here, optical pumping to other hyperfine levels is quite high because of several available decay channels in the ladder part of the system. The EIA feature remains intact but only increases in height due to the combined effect of the coherent and incoherent phenomena, discussed earlier. It is noteworthy that the width of the EIA is smaller than the corresponding EIT in Fig.~\ref{fig:EIT}(b), indicating the coherent origin of the EIA dip.
\section{Conclusion}
In this paper, we have reported the experimental observation of electromagnetically induced absorption in a vee + ladder system. We have also studied the effects of the strengths of the two control beams on the EIA lineshape. A theoretical analysis has shown that the appearance of an absorption dip has contributions from several incoherent phenomena besides EIA, in real experimental systems. The system considered exhibits a conversion between EIT and EIA, thus enabling the tunability of the light from sub-luminal to super-luminal transmission. An experimental observation of a vee + ladder EIA is the first step towards realizing the possibilities mentioned in the introduction.
\section*{Acknowledgement}
We would like to thank Kavita Yadav for insightful discussions on the interpretation of the results. We would also like to thank Anish Bhattarcharya for help with the experiment. This work was supported by the Department of Science and Technology, India.
|
\section{Introduction}
Recommender systems have been playing an increasingly important role in various online services for helping users find items of interest.
However, the existing methods are challenged by problems of data sparsity and cold start, i.e., most items receive only a few feedbacks (e.g., ratings and clicks) or no feedback at all (e.g., for new items).
Previous approaches usually leverage side information to obtain better user/item representations to tackle these issues \citep{wang2018ripplenet,huang2018improving,qu2019end}, which facilitate the learning of user preference and finally promote the recommendation quality.
Although this auxiliary data is likely to contain useful information \citep{shi2018heterogeneous,hu2018local,jin2020efficient}, it is difficult to model and use the heterogeneous and complex information in recommender systems.
Recently, the heterogeneous information network (HIN)\footnote{The terms ``heterogeneous information network'' and ``heterogeneous graph'' are used interchangeably in the related literature \cite{shi2018heterogeneous,wang2019heterogeneous}.
In this paper, we mainly use ``heterogeneous information network'' (HIN).}, consisting of multiple types of nodes and/or links, has been used as a powerful modeling method to fuse complex information and successfully applied to many recommender system tasks, which are called HIN-based recommendation methods \cite{shi2018heterogeneous,shi2016integrating}.
In Fig.~\ref{fig:instance}, we present an instance of movie data characterized by an HIN.
HIN is built from historical feedback and side information.
The nodes can be users, movies, or entities of side information (e.g., directors, movie genres), and two nodes are linked together based on relevance or co-occurrence.
We can easily see that the HIN contains multiple types of entities connected by different types of relations.
Hence, HIN is able to integrate various recommendation tasks, e.g., user-user relations for content-based recommendations and user-movie-user relations (i.e., users who have viewed the same movie may also share the same preference) for collaborative recommendation \citep{shi2015semantic}.
A variety of graph mining methods have been proposed on HINs to capture the rich semantic information, which roughly fall into the following two categories.
\begin{figure}[h]
\centering
\includegraphics[width=0.95\textwidth]{fig/instance.pdf}
\vspace{-2mm}
\caption{The network schema and meta relations of Heterogeneous Information Network (HIN). (a) an instance of HIN where we can model user $u_\text{A}$ and define its metapath-guided neighborhoods (e.g, $\mathcal{N}_\text{UMD}(u_\text{A}) = \{(u_\text{A}, m_\text{A}, d_\text{A}), (u_\text{A}, m_\text{A}, d_\text{B}), (u_\text{A}, m_\text{A}, d_\text{C}), (u_\text{A}, m_\text{B}, d_\text{B})\}$). (b) three types of nodes (user, movie, director) and four types of relations (user-user, user-movie, user-director, movie-director) in solid lines. (c) metapaths involved (e.g., User-User (UU), User-Movie (UM), User-User-Movie (UUM), User-Movie-Director (UMD) and User-Director-Movie (UDM)). (d) metagraphs invloved which can be presented by combination of metapaths (e.g., User-Director-Movie (UDM), User-User-Movie (UUM)).
We will further illustrate the difference among several definitions in Fig.~\ref{fig:def}.}
\label{fig:instance}
\end{figure}
One school is graph-based methodologies, which promotes expressive ability by taking the local structures into consideration.
For example, graph convolution networks \citep{zhang2019heterogeneous,kipf2016semi} can integrate high-order neighborhood information in an end-to-end way, and graph attention networks \citep{velivckovic2017graph,wang2019heterogeneous} can capture key information to simulate user preferences.
However, these technologies usually compress the information of a node and its neighborhood into a single embedding vector before making the prediction \cite{fu2017hin2vec,shi2018heterogeneous}.
In such a case, only two nodes and one edge are activated, yet other nodes and their connections are mixed and relayed, which introduces an \textbf{early summarization} issue \cite{qu2019end}.
As an example illustrated in Fig.~\ref{fig:instance},
a system is recommending a movie to user $u_\text{B}$ based on an HIN, where $u_\text{B}$ has shown her preference for $m_\text{B}$ and $m_\text{C}$.
We know that $m_\text{B}$ is directed by $d_\text{B}$, and $m_\text{C}$ is directed by $d_\text{C}$.
Hence, the connections between $m_\text{B}$ and $d_\text{B}$, $m_\text{C}$ and $d_\text{C}$, could be helpful for recommendation, meanwhile, the connections between $m_\text{B}$ and $d_\text{C}$, $m_\text{C}$ and $d_\text{B}$, are nonsense and not expected.
We argue that these meticulous local structures are valuable, and a good recommender system should be able to capture these valuable patterns and filter out other noise.
The other school is metapath-based approaches.
A metapath means composite relation connecting two objects at the network schema level.
It has been adopted to capture semantic information \citep{liu2018interactive,wang2019heterogeneous}.
Taking the movie data in Fig.~\ref{fig:instance} as an example, the relations between user and item can be revealed by the metapath User-User-Movie (UUM) for the co-user relation and User-Director-Movie (UDM) for the co-director relation.
However, as stated in \citep{shi2018heterogeneous}, metapath-based methods, heavily relying on explicit path reachability, may obtain bad performance when path connections are sparse or noisy.
Also, rich structured information of nodes outside metapaths (e.g., their neighborhoods) is omitted in these approaches.
Based on the above analysis, when designing HIN-based recommendation, state-of-the-art methods have not well solved, even may not be aware of, the following challenges,
which we address in this paper:
\begin{itemize}[topsep = 3pt,leftmargin =10pt]
\item (\textbf{C1}) How to tackle the early summarization issue?
Due to the complex structures and large scales of the graphs, it is hard to make predictions directly.
Hence, we consider the interactive\footnote{In this paper, we specifically use ``interactive'' patterns or ``interactions'' to denote the interactive patterns or interactions between features, nodes, paths, and neighborhoods of nodes, as illustrated in Fig.~\ref{fig:interaction}.} local structures are valuable and helpful.
For example, a system is recommending a movie to user $u_\text{B}$ based on an HIN as Fig.~\ref{fig:instance} shows.
When we consider a candidate movie such as $m_\text{C}$, it is natural to consider their co-users and co-directors; namely there may exist a relationship between $u_\text{B}$ and $m_\text{C}$ since they share the same neighbor user $u_\text{C}$.
Actually, this is an example of ``\textbf{AND}'' operation between users' neighborhoods.
This interactive structured information characterized by ``AND'' can be categorized as the similarity between the same type of nodes (e.g., user and user) and the co-rating between different types of nodes (e.g., user and movie).
We argue that these local structures are hidden and not fully utilized in previous methods.
\item \textbf{(C2)} How to mine cross semantic information?
The intuitive motivation behind cross semantic mining is natural.
As aforementioned, an HIN shown in Fig.~\ref{fig:instance} can integrate various kinds of recommendations according to semantic relations such as user-movie-user relation for collaborative recommendation and user-user relation for content-based recommendation \citep{shi2015semantic}.
Similar to hybrid recommendation \citep{yu2013recommendation}, we aim to build combinations of various semantics and interactions between them.
In HIN, considering that each kind of metapath represents a specific type of semantic information, we aim to mine interactive patterns between different metapaths to form cross semantic features.
A recent attempt \citep{liu2018interactive} focused on measuring the semantic proximity by interactive-paths connecting source and target nodes.
However, it suffered from high computations and overlooked rich information hidden in these node neighborhoods.
\item (\textbf{C3}) How to design an end-to-end framework to capture and aggregate the interactive patterns between neighborhoods?
Recent works \citep{qu2018product,qu2019end} investigated the methods of mining interactive patterns through inner product and aggregate with deep neural network (DNN).
However, HIN contains diverse semantic information reflected by metapaths \cite{sun2011pathsim}.
Also, there are usually various nodes in different types involved in one path.
Different paths/nodes may contribute differently to the final performance.
Hence, besides a powerful interaction module, a well-designed aggregation module to distinguish the subtle difference of these paths/nodes and select the informative ones is required.
\item (\textbf{C4}) How to learn the whole system efficiently?
Learning interactive information on HINs is always time-consuming, especially when faced with paths in different types and lengths for metapath-based approaches \cite{liu2018interactive} and large-scale high-order information for graph-based approaches \cite{qu2019end}.
A methodology to efficiently and effectively learn the rich interactive information on HINs is always expected.
\item (\textbf{C5})
How to integrate high-order neighborhood information?
Introducing high-order neighborhood information has shown to be effective but time-consuming and intractable for complex operations on large graphs \citep{qu2019end,ying2018graph,hamilton2017inductive}.
One solution to facilitate high computation is to design a sampling strategy such as neighbor sampling \citep{hamilton2017inductive}, walk-based sampling \citep{ying2018graph}, and importance sampling \citep{chen2018fastgcn}.
Hence, when modeling high-order neighborhood information, it is a severe challenge to design a mechanism to select useful information while filtering out the noise.
\end{itemize}
To tackle these challenges, we propose GraphHINGE (\textbf{\underline{H}}eterogeneous \textbf{\underline{IN}}teract and aggre\textbf{\underline{G}}at\textbf{\underline{E}}) to capture and aggregate the interactive patterns between each pair of nodes through their structured neighborhoods.
First, we extend the definition of the neighborhood in homogeneous graphs to the metapath-guided neighborhood in heterogeneous graphs.
Next, we design a heterogeneous graph neural network architecture with two modules to capture and aggregate key information of sampled neighborhoods in the previous step.
The first module, namely the interaction module, constructs an interactive neighborhood and captures latent information with ``AND'' operation.
Specifically, we introduce the Neighborhood-based Interaction (NI) module to model interactive patterns of source and target nodes' structured neighborhoods guided by the same metapaths (i.e., the same semantics).
We also extend to the Cross Neighborhood-based Interaction (CNI) module to deal with different metapaths.
The second module is the aggregation module, which mainly consists of two components: (i) an element-level attention mechanism to measure the impacts of different interaction elements inside each path and (ii) a path-level attention mechanism to aggregate the content embeddings of different paths.
Furthermore, we formulate the interaction operation via a convolutional framework and learn efficiently with fast Fourier transform (FFT).
In order to efficiently integrate high-order neighborhood information, we propose to utilize the performances of low-order neighborhoods to guide the selection of their high-order neighborhoods.
To summarize, the main contributions of our work are:
\begin{itemize}[topsep = 3pt,leftmargin =10pt]
\item We analyze an important, but seldom exploited, early summarization issue on HINs.
We structure the node neighborhoods with metapaths,
and propose an end-to-end framework named GraphHINGE to capture and aggregate the interactive patterns on HINs.
\item We develop the neighborhood-based interaction (NI) module to model interactive patterns in neighborhoods guided by the same metapaths and extend to the cross neighborhood-based interaction (CNI) module for different metapaths.
\item We formulate the interaction module via a convolutional framework and propose an efficient end-to-end learning algorithm incorporated with FFT.
\item We design a novel neighborhood-based selection (NS) mechanism to efficiently select and integrate useful high-order neighborhood information.
\end{itemize}
We conduct extensive experiments on six benchmark datasets of different graph types, including two with large-scale graphs.
Our results demonstrate the superior performance of GraphHINGE compared with state-of-the-art methods in both click-through rate prediction and top-N recommendation tasks.
\section{Related Work}
\label{sec:related-work}
\subsection{Heterogeneous Information Network based Recommendation}
As an emerging direction, HIN \citep{shi2016survey} can naturally characterize complex objects and rich relations in recommender systems.
There is a surge of works
on learning representation in heterogeneous networks, e.g., metapath2vec \citep{dong2017metapath2vec}, HetGNN \citep{zhang2019heterogeneous}, HIN2vec \citep{fu2017hin2vec}, eoe \citep{xu2017embedding}; and their applications, e.g., relation inference \citep{sun2012will}, classification \citep{zhang2018deep}, clustering \citep{ren2014cluscite}, author identification \citep{chen2017task}, user profiling \citep{chen2019semi}, message receiver recommendation \citep{yi2020heterogeneous}.
Among them, HIN-based recommendation has been increasingly attracting researchers' attention,
which roughly falls into two folds.
One direction is to leverage structured information of HIN to enhance the representation of user and item in recommendation \citep{feng2012incorporating,hu2018local,zhang2020graph}.
For instance,
\citet{feng2012incorporating} incorporated social networkl, tag semantics and item profiles to alleviate the cold start issue with the heterogeneous information network contained in the social tagged system.
\citet{hu2018local} proposed to integrate both local and global information from HIN to enhance the recommendation performance. \citet{wang2019kgat} (KGAT) modeled the high-order connectivities in collaborative knowledge graphs in an end-to-end manner to enhance the recommendation.
The other direction is to define specific metapaths in HIN to capture the corresponding semantic information \citep{yu2014personalized,hu2018leveraging}.
For example,
\citet{yu2013recommendation} introduced metapath-based methods to represent the connectivity between users and items along different paths into a hybrid recommender system.
\citet{yu2014personalized} leveraged personalized recommendation framework via taking advantage of different types of entity relationships in HIN.
\citet{luo2014hete} proposed a collaborative filtering based social recommendation to effectively utilize multiple types of relations.
\citet{shi2015semantic} proposed to integrate heterogeneous information and obtain prioritized and personalized weights representing user preferences on paths by a weighted heterogeneous information network.
\citet{shi2016integrating} introduced a matrix factorization based dual regularization framework to flexibly integrate different types of information through adopting the similarity of users and items as regularization on latent factors of users and items.
Recently, \citet{bi2020heterogeneous} designed a cross-domain recommendation method on HIN to address cold start problem.
\citet{hu2018leveraging} proposed a novel deep neural network with the co-attention mechanism for leveraging rich meta-path
based context for top-N recommendation.
As stated in \citep{shi2018heterogeneous}, most existing HIN-based recommendation methods rely on the path-based similarity, which may not fully mine latent features of users and items.
Instead, we provide the generic definition of metapath-guided neighborhood, and propose a novel framework to capture rich structured interactive patterns hidden in the neighborhoods from both user and item sides.
\subsection{Graph Representation}
Graph representation learning is mainly leveraged to learn latent, low dimensional representations of graph vertices, while preserving graph structure, e.g.,~topology structure and node content.
In general, graph representation algorithms can be categorized in two types.
One school is unsupervised graph representation algorithm, which aims at preserving graph structure for learning node representations \citep{perozzi2014deepwalk,grover2016node2vec,ribeiro2017struc2vec,tang2015line,wang2016structural}.
For instance, \citet{perozzi2014deepwalk} (DeepWalk) utilized random walks to generate node sequences and learn node representations with methods borrowed from word2vec learning.
\citet{grover2016node2vec} (Node2vec) further exploited a biased random walk strategy to capture more flexible contextual structures.
\citet{ribeiro2017struc2vec} (Struc2vec) constructed a multilayer graph to encode structured similarities and generate a structured context for nodes.
\citet{tang2015line} (LINE) proposed an edge-sampling algorithm to
improve both the effectiveness and efficiency of the inference.
\citet{wang2016structural} (SDNE) built multiple layers of non-linear functions to capture highly non-linear network structures.
Another school is semi-supervised model \citep{huang2017label,kipf2016semi,velivckovic2017graph}, where there exist some labeled vertices for representation learning.
For example,
\citet{bruna2013spectral} first designed the graph convolution operation in Fourier domain by the graph Laplacian.
Then, \citet{defferrard2016convolutional} further employed the Chebyshev expansion of the graph Laplacian to improve the efficiency.
\citet{huang2017label} (LANE) incorporated label information into the attributed network embedding while preserving their correlations.
\citet{kipf2016semi} (GCN) proposed a localized graph convolutions to improve the performance in a classification task.
\citet{velivckovic2017graph} (GAT) used self-attention network for information propagation, which leverages a multi-head attention mechanism.
\citet{hamilton2017inductive} (GraphSAGE) proposed to sample and aggregate features from local neighborhoods of nodes with mean/max/LSTM pooling.
\citet{wu2019net} (DEMO-Net) designed a degree-aware feature aggregation process to explicitly express in graph convolution for distinguishing structure-aware node neighborhoods.
\citet{abu2019mixhop} (MixHop) proposed to aggregate feature information from both first-order and higher-order neighbors in each layer of network, simultaneously.
Most of the current graph neural networks (GNNs) essentially focus on fusing network topology and node features to learn node embedding, which can be regarded as plug-in graph representation modules in heterogeneous graph, such as HetGNN \citep{zhang2019heterogeneous}, HAN \citep{wang2019heterogeneous} and HERec \citep{shi2018heterogeneous}.
Recently, \citet{he2020lightgcn} (LightGCN) largely simplified the design of GCN to
make it more concise and effective for graph-based recommendation. \citet{zhu2020bgcn} (BGCN) inspired by \citet{he2017Neufm} proposed a bilinear aggregator to express the local nodes interactions and enhance representations.
In this paper, our purpose is not only to deliver graph representation learning techniques on HIN, but also provides a novel efficient structured neighborhood-based interaction module to capture interactive information on HIN, which to our knowledge should be the first work in the literature.
\begin{figure}[t]
\centering
\vspace{-2mm}
\includegraphics[width=0.65\textwidth]{fig/difference.pdf}
\caption{
An illustrated example for several definitions in this paper.
We use structured neighborhood to denote the original neighborhood in an HIN.
We show the generic definition of metapath-guided neighborhood in \textsc{Definition~\ref{def:neighbor}}, which includes several paths (e.g.,~($u_\text{A}, m_\text{B}, d_\text{B}$)) guided by the metapath (e.g.,~UMD).
For convenience, we use `neighborhood' to denote the metapath-guided neighborhood, unless otherwise stated.
}
\label{fig:def}
\vspace{-2mm}
\end{figure}
\subsection{Cross Feature Modeling}
Cross feature modeling aims to mine interactive information among features, especially for multi-field categorical data, to address the data sparsity and improve the performance.
For example,
\citet{rendle2010factorization} (FM) projected each feature into a low-dimensional vector and modeled feature interactions by inner product.
\citet{juan2016field} (FFM) further enabled each feature to have multiple vector representations to interact with features from other fields.
An efficient algorithm for training arbitrary-order
higher-order FM (HOFM) was proposed in \citep{blondel2016higher} by introducing the
ANOVA kernel.
Recent attempts, such as Attention FM \citep{xiao2017attentional} and Neural FM \citep{he2017neural}, investigated to improve FM by incorporating a multi-layer perceptron (MLP).
Moreover, \citet{cheng2016wide} (Wide \& Deep) jointly trained a wide model for artificial features and a deep model for raw features.
\citet{guo2017deepfm} (DeepFM) incorporated an FM layer to replace the wide component in Wide \& Deep to explicitly model the pairwise feature interactions.
\citet{qu2016product} (PNN) proposed to leverage MLP to model the interaction of a product layer and feature embedding while \citet{qu2018product} (PIN) generalized such product operators in PNN and DeepFM to a network-in-network architecture to model pairwise feature interactions with sub-networks.
DeepFM and PIN cannot explicitly model higher-order feature interactions, which could further improve
model performance.
\citet{wang2017deep} (CrossNet) introduces a cross operation to learn explicit feature interactions.
\citet{lian2018xdeepfm} (xDeepFM) used a Compressed Interaction Network (CIN) to enumerate and compress all feature interactions, for modeling an explicit order of interactions.
\citet{liu2019feature} (FGCNN) combined a convolutional neural network (CNN) and MLP to generate new features for feature augmentation.
Instead of operating on tabular data, in this paper, we investigate to incorporate with structured information and enhance the representation with graph neural network to model the cross features in an HIN, which should be the first time to our knowledge.
\begin{table}[t]
\caption{A summary of main notations in this paper.}
\label{tab:notation}
\small
\vspace{-3mm}
\begin{center}
\begin{tabular}{lc}
\toprule
\textbf{Notation} & \textbf{Explanation} \\
\midrule
$s; t; o$ & Source (node); target (node); object (node)\\
$I;E$ & Metapath length; dimension of embedding \\
$L;P;K$ & Number of paths; number of metapaths; number of metapath combinations\\
$\rho_p$; $\rho^l_p$ & metapath $\rho_p$; $l$-th path guided by metapath $\rho_p$ \\
$\langle\rho_s,\rho_t\rangle_k$ & $k$-th combination of metapaths $\rho_s$ for source $s$, $\rho_t$ for target $t$\\
$\mathcal{N}^i_{\rho_o}(o)$ & $i$-th step metapath $\rho_o$ guided neighborhood of object $n_o$ according to \textsc{Definition~\ref{def:neighbor}} \\
$\mathbf{H}[\mathcal{N}_{\rho_o}(o)]_l$ & Embedding matrix of $l$-th path neighborhood of $n_o$ according to Eq.~(\ref{eqn:embedding})\\
$\mathbf{H}[\mathcal{N}_{\rho_s}(s),\mathcal{N}_{\rho_t}(t)]_l$ & Interaction matrix of $l$-th path of neighborhoods of $s$, $t$ according to Eq.~(\ref{eqn:crossinteract})\\
$\cdot; \odot; \oplus$ & Product; convolution; concatenation/stack operation\\
\bottomrule
\end{tabular}
\end{center}
\small
\vspace{-1mm}
\end{table}
\section{Preliminaries}
\label{sec:pre}
In this section, we introduce the concept of the content-associated heterogeneous information network that will be used in the paper.
\vspace{-1mm}
\begin{definition}
\rm
\label{def:rec}
\textbf{Neighborhood-based Interaction-enhanced Recommendation.}
The HIN-based recommendation\footnote{Different from previous works \citep{he2020lightgcn,wang2019neural} built on user-item bipartite graph, HINs here not only include historical data between users and items, but also contain heterogeneous attributes related to users and/or items.} task can be represented as a tuple $\langle\mathcal{U}, \mathcal{I}, \mathcal{A}, \mathcal{R}\rangle$, where $\mathcal{U} = \{u_1, \ldots, u_p\}$ denotes the set of $p$ users; $\mathcal{I} = \{i_1, \ldots, i_q\}$ means the set of $q$ items; $a \in \mathcal{A}$ denotes the attributes associated with objects, and $r \in \mathcal{R}$ represents the relations (e.g.,~ratings and/or clicks) between different types of objects.
The purpose of recommendation is to predict the relation/connection $r(u_s, i_t)$ (e.g.,~click-through rate and link) between two objects, namely source user $u_s$ and target item $i_t$.
In our setting, interactions between source and target neighborhoods are leveraged to enhance the performance.
\end{definition}
\vspace{-1mm}
To clarify the definition of the term `neighborhood', we model our recommendation task in the setting of \textbf{Heterogeneous Information Network} (HIN).
An HIN is defined as a graph $\mathcal{G}=(\mathcal{V}, \mathcal{E})$, which consists of more than one node type or link type.
In HINs, \textbf{network schema} is proposed to present the meta structure of a network, including the object types and their relations.
Fig.~\ref{fig:instance}(a) shows a toy example of HINs and the corresponding network schema is presented in Fig.~\ref{fig:instance}(b).
We can see that the HIN consists of multiple types of objects and rich relations.
The set of objects (e.g.,~$\mathcal{U}$ (user), $\mathcal{I}$ (movie), $\mathcal{A}$ (director)) and relations (e.g.,~$\mathcal{R}$ (relation)) constitute $\mathcal{V}$ and $\mathcal{E}$ in the HIN.
The relations here can also be explained as preferences between different types of nodes (e.g.,~$r(u_\text{A}, d_\text{C})$) and similarities between the same type of nodes (e.g.,~$r(u_\text{A}, u_\text{C})$).
Hence, one example of \textsc{Definition~\ref{def:rec}} is that when predicting relation $r(u_\text{A}, m_\text{C})$ between source user $u_\text{A}$ and target movie $m_\text{C}$, we consider existing relations between their neighborhoods, namely $r(m_\text{A}, d_\text{C})$, $r(m_\text{B}, u_\text{C})$, to help the final prediction.
In order to capture the structured and semantic relation, the metapath \cite{sun2011pathsim} is proposed as a relation sequence connecting two objects.
As illustrated in Fig.~\ref{fig:instance}(c), the User-Movie-Director (UMD) metapath indicates that users favor movies and that these movies are guided by some directors \citep{liu2018interactive,wang2019heterogeneous}.
Besides the metapath, there are some other structures such as metagraph \citep{zhao2017meta,huang2016meta} (as illustrated in Fig.~\ref{fig:instance}(d)) on HINs to capture complicated semantics, which can be presented by a set of metapaths.
In order to build a unified structure to model these semantics, we introduce the definition of metapath-guided neighborhood as follows.
\begin{figure}[t]
\centering
\vspace{-2mm}
\includegraphics[width=0.95\textwidth]{fig/example.pdf}
\vspace{-2mm}
\caption{
An illustrated example of the motivation of GraphHINGE, where we adopt ``interact'' and ``aggregate'' to formulate ``AND'' operation, capture and fuse the interactive patterns.
}
\label{fig:example}
\end{figure}
\vspace{-1mm}
\begin{definition}
\label{def:neighbor}
\rm
\textbf{Metapath-guided Neighborhood.}
Given an object $o$ and a metapath $\rho$ (start from $o$) in an HIN, the metapath-guided neighborhood is defined as the set of all visited objects when the object $o$ walks along the given metapath $\rho$.
In addition, we denote the neighborhoods of object $o$ after $i$-th steps sampling as $\mathcal{N}_\rho^i(o)$.
Specifically, $\mathcal{N}_\rho^0(o)$ is $o$ itself.
For convenience, let $\mathcal{N}_\rho(o)$ denote $\mathcal{N}^{I-1}_\rho(o)$, where $I$ means the length of metapath.
Note that different from the similar concept proposed in \cite{wang2019heterogeneous}, which is used to derive homogeneous neighbors on heterogeneous graphs, the metapath-guided neighborhood in this paper can preserve semantic contents since it consists of heterogeneous information.
\end{definition}
\vspace{-1mm}
Taking Fig.~\ref{fig:instance} as an instance, given the metapath ``User-Movie-Director (UMD)'' and a user $u_\text{A}$, we can get the corresponding metapath-guided neighborhoods as $\mathcal{N}_\rho^1(u_\text{A})$ = $\{(u_\text{A}, m_\text{A})$, $(u_\text{A}, m_\text{B})\}$, $\mathcal{N}_\rho(u_\text{A})$ = $\mathcal{N}_\rho^2(u_\text{A})$ = $\{(u_\text{A}, m_\text{A}, d_\text{A})$, $(u_\text{A}, m_\text{A}, d_\text{B})$, $(u_\text{A}, m_\text{A}, d_\text{C})$, $(u_\text{A}, m_\text{B}, d_\text{B})\}$.
\minisection{Remark}
Note that different from the metapath proposed in previous works \citep{liu2018interactive,wang2019heterogeneous}, where a path following the specific schema connects the source and target nodes; the metapath adopted here is to guide the neighborhood sampling.
Hence, there only exists a requirement about where a path starts and no requirement about where a path ends.
Many efforts have been made for HIN-based recommendations.
However, most of these works focus on leveraging graph neural networks to aggregate structured message but overlook the effect of early summarization and rich interactive information.
Given the above preliminaries, we are ready to introduce our GraphHINGE model as a solution.
\section{Methodology}
\label{sec:method}
\subsection{Overview}
The basic idea of our methodology is to design an end-to-end GraphHINGE framework that involves an interaction module to capture the rich interactive patterns hidden in HINs and an aggregation module to integrate the information for the final prediction.
Fig.~\ref{fig:example} illustrates an example.
Assume that user $u_\text{Sheldon Cooper}$ favors action movies (i.e., $t_\text{Action Movie}$) and fiction movies (i.e., $t_\text{Fiction Movie}$), our task is to predict his preference on movie $m_\text{Tenet}$ directed by director $d_\text{Christopher Nolan}$.
This task can be formulated via link prediction between $u_\text{Sheldon Cooper}$ and $m_\text{Tenet}$ nodes based on the HIN shown in Fig.~\ref{fig:example}(a).
In this HIN, movie types $t_\text{Action Movie}$ and $t_\text{Fiction Movie}$ are neighbors of user $u_\text{Sheldon Cooper}$, and director $d_\text{Christopher Nolan}$ is a neighbor of $m_\text{Tenet}$.
In this paper, we propose to find the co-relations between neighbors to help with the final prediction.
As Fig.~\ref{fig:example}(b) illustrates, director $d_\text{Christopher Nolan}$ is good at action movies (i.e., $t_\text{Action Movie}$) and fiction movies (i.e., $t_\text{Fiction Movie}$).
Therefore, we can infer that there is a link between user $u_\text{Sheldon Cooper}$ and movie $m_\text{Tenet}$ (i.e., $u_\text{Sheldon Cooper}$ favors $m_\text{Tenet}$) in Fig.~\ref{fig:example}(c).
As stated in \citep{qu2018product,rendle2020neural}, these interactive patterns cannot simply captured by neural networks and require explicitly modelling ``AND'' operations in interaction modules.
\begin{figure}[t]
\centering
\vspace{-2mm}
\includegraphics[width=1.0\textwidth]{fig/interaction.pdf}
\vspace{-5mm}
\caption{
Illustration of Interaction Modules.
(a) The overview of the GraphHINGE model, where yellow nodes mean one-hot inputs of fields; green ``$+$'' nodes mean aggregation operations; blue ``$\times$'' nodes mean interaction operations.
(b) In the feature-based interaction module, the yellow nodes represent features in multiple fields (e.g.,~age, location, date).
(c) In the node-based interaction module, the yellow nodes represent nodes in multiple types (e.g.,~user, movie, director).
(d) In the neighborhood-based interaction (NI) module, the yellow nodes represent paths guided by the single metapath
(e.g.,~UMD and DMU).
(e) In the cross neighborhood-based (CNI) module, the yellow nodes represent paths guided by multiple metapaths (e.g.,~UMD and UM).
}
\label{fig:interaction}
\end{figure}
As illustrated in Fig.~\ref{fig:interaction}(a), a naive solution is to extend previous feature-based interaction modules into the HIN case.
As Fig.~\ref{fig:interaction}(b) shows, feature-based interaction modules such as FM \citep{rendle2010factorization} are designed to capture interactive patterns from data in the multi-field categorical form.
If we directly extend these interaction modules into the HIN case by treating nodes as features and types as fields as illustrated in Fig.~\ref{fig:interaction}(c), nodes will be regarded equally and interact with each other freely.
However, one should be noted that nodes located at different topological positions would contribute differently to the final prediction.
For instance, nodes close to the source/target node can be more informative than those far away from source/target node when predicting whether there is a link between the source and target nodes.
Therefore, as Fig.~\ref{fig:interaction}(d) shows, instead of nodes, we define interaction as an operation between paths guided by the metapaths.
According to Fig.~\ref{fig:def}, different from traditional paths connecting source and target nodes, paths here represent neighborhoods.
Thus this interaction module is called the neighborhood-based interaction (NI) module.
Note that the metapaths on HINs always show the semantics.
In the NI module, we generate the interactive patterns with neighborhoods of users and items guided by the same metapaths (i.e.,~the same semantics).
For instance, Fig.~\ref{fig:interaction}(d) illustrates the interactive patterns between user $u_\text{B}$ and movie $m_\text{C}$ guided by UMD, which denotes that user $u_\text{B}$ likes movie $m_\text{C}$ directed by director $d_\text{C}$.
Following the semantics, NI investigates whether there exists common/similar neighbor nodes (e.g.,~director $d_\text{C}$, movie $m_\text{A}$) of user $u_\text{B}$ and movie $m_\text{C}$.
It is natural to consider extracting rich structured information of user $u_\text{B}$ and movie $m_\text{C}$ under different semantics even with different lengths.
As illustrated in Fig.~\ref{fig:interaction}(e), we further extend NI to CNI module, where we operate to seek for correlations between two neighborhoods guided by different semantics (e.g.,~source $s=u_\text{B}$ and target $t=m_\text{C}$'s neighbor $u_\text{B}$).
With the help of interaction modules, our approach is able to leverage metapaths to guide the selection of different-step and -type neighbors, capture and aggregate the abundant interactive patterns.
Moreover, we represent different types of metapaths with a unified learning procedure and design an efficient learning algorithm with fast Fourier transform (FFT).
We provide the overall framework of our model in Fig.~\ref{fig:overview}.
First, we use the multiple-object HIN containing $\langle$user, item, attribute, relation$\rangle$ as the input.
Second, we select metapath-guided neighborhoods for source and target nodes via neighbor samplings (Fig.~\ref{fig:overview}(a)).
Third, we introduce the interaction module and formulate it via a convolutional framework to generate interaction information among their neighborhoods (Fig.~\ref{fig:overview}(b)).
Specially, the NI module is designed to model the interactive patterns between source and target nodes under the same semantics, which is illustrated in solid lines, while the CNI module can implement interactions under different semantics and provide additional cross semantic information besides interaction information generated by the NI module, which is shown in dotted and solid lines.
After that, we capture the key interactions and aggregate information through attention mechanisms in both node and path levels (Fig.~\ref{fig:overview}(c)).
Finally, our model provides the final prediction.
We illustrate the architecture in detail in the following subsections.
\begin{figure}[t]
\centering
\vspace{-2mm}
\includegraphics[width=1.0\textwidth]{fig/overview.pdf}
\vspace{-2mm}
\caption{
The overall architecture of GraphHINGE: (a) it first samples metapath-guided neighborhood (Section~\ref{subsec:sample}); (b) next constructs interactive information via interaction layer, where the interaction operations in NI module (Section~\ref{subsec:interaction}) are represented in solid lines and those in CNI module are represented in solid and dotted lines (Section~\ref{subsec:crossinteraction}); (c) finally combines rich information through aggregation layer (Section~\ref{subsec:aggregation}).
}
\label{fig:overview}
\end{figure}
\subsection{Neighborhood Sampling}
\label{subsec:sample}
To generate meaningful node sequences, the key technique is to design an effective random walk strategy that is able to capture the complex semantics reflected in HINs.
Hence, we propose to use the metapath-guided random
walk method with restart.
Given an HIN $\mathcal{G} = \{\mathcal{V}, \mathcal{E}\}$ and a metapath $\rho: A_0, \ldots, A_i, \ldots, A_{I-1}$, where $A_i \in \mathcal{A}_i$ denotes the $i$-th node guided by metapath $\rho$ (note that we include user set $\mathcal{U}$ and item set $\mathcal{I}$ in attribute set $\mathcal{A}$ for convenience), the walk path is generated according to the following distribution:
\begin{equation}
\label{eqn:neighbor}
P(n_{k+1}=x|n_k=v) = \left\{
\begin{aligned}
\frac{1}{|\mathcal{N}^1_\rho(v)|}, \ & \ (v, x) \in \mathcal{E} \ \text{and} \ v, x \in \mathcal{A}_k, \mathcal{A}_{k+1} \\
0, \ & \ \text{otherwise};
\end{aligned}
\right.
\end{equation}
where $n_k$ is the $k$-th node in the walk, $\mathcal{N}^1_\rho(v)$ means the first-order neighborhood of node $v$ guided by metapath $\rho$.
A walk will follow the pattern of the metapath repetitively until it reaches the predefined length and always start from the source/target node.
It is worth noting that, according to \textsc{Definition}~\ref{def:neighbor}, there is no need to sample a complete path from source to target nodes.
\subsection{Neighborhood-based Interaction Module}
\label{subsec:interaction}
In previous HIN-based recommendations, most approaches leverage graph representation techniques to find key nodes or metapaths \cite{wang2019heterogeneous} and capture the complex structure \cite{zhang2019heterogeneous}.
To further mine interaction information and deal with the early summarization issue, we propose an interaction module based on metapath-guided neighborhoods.
Due to the heterogeneity of nodes, different types of nodes have different feature spaces.
Hence, for each type of nodes (e.g.,~node with type $\phi_i$), we design a type-specific transformation matrix $\mathbf{M}_{\phi_i}$ to project the features of different types of nodes into a unified feature space.
The project process can be shown as follows:
\begin{equation}
\label{projection}
e_i = \mathbf{M}_{\phi_i} \cdot e'_i,
\end{equation}
where $e'_i$ and $e_i$ are the original and projected features of node $i$, respectively.
By the type-specific projection operation, our model is able to handle arbitrary types of nodes.
Considering that neighbors in different distances to the source/target node usually contribute differently to the final prediction, we divide the sampled metapath-guided neighborhood into several inner-distance and outer-distance neighborhood groups.
As illustrated in Fig.~\ref{fig:motivation}, when we set distance as 1, we can get inner-distance \emph{Group} 1 and outer-distance \emph{Group} 5.
In a similar way, we can obtain $2I-1$ groups, where $I$ denotes the metapath length.
We argue that interactions should only be employed in corresponding groups.
In order to perform interaction in each neighborhood group, we need to face two situations.
If there is only one node in \emph{Group}, we adopt an element-wise product (i.e.,~``AND'') operation to measure their similarity or co-ratings (e.g., $r(u_\text{A}, m_\text{B})$ in \emph{Group} 0 case).
When there are more than one nodes, we first do interaction by production and then aggregate by summarization, (e.g.,~$r(u_\text{A}, d_\text{C}) + r(m_\text{B}, m_\text{B})$ in \emph{Group} 1 case).
Inspired by work in signal processing field \citep{oppenheim1999discrete}, this neighborhood division and interaction can be formulated as a unified operation named convolution.
Roughly speaking, the convolution mainly contains three kinds of operations on paths, namely shift, product, and sum, which are employed repeatedly until they meet the end of the path.
Take Fig.~\ref{fig:fft}(a) for example.
Our task is to calculate the interaction between source user neighborhood path $(u_\text{A}, m_\text{B}, d_\text{B}, m_\text{A})$ and target movie neighborhood path $(m_\text{B}, d_\text{C}, m_\text{C}, u_\text{C})$.
First, we inverse the order of target movie path and obtain $(u_\text{C}, m_\text{C}, d_\text{C}, m_\text{B})$.
We shift it from left to right and product the overlapping nodes during the shift.
As shown in Fig.~\ref{fig:fft}(a), the first overlapping happens between source and target nodes, namely the 0-hop neighborhood.
We conduct the product operation and obtain the co-ratings between different types of nodes $r(u_\text{A}, m_\text{B})$ (as Fig.~\ref{fig:fft}(b) shows).
Then, we repeatedly shift, product, and sum, and then reach the situation where all nodes are overlapped.
The result in this situation is the similarity between the same type of nodes $r(u_\text{A}, u_\text{C}) + r(m_\text{B}, m_\text{C}) + r(d_\text{B}, d_\text{C}) + r(m_\text{A}, m_\text{B})$ (as shown in Fig.~\ref{fig:fft}(c)).
In a similar way, the last interaction happens between different types of nodes $r(m_\text{A}, u_\text{C})$ (as shown in Fig.~\ref{fig:fft}(d)).
\begin{figure}[t]
\centering
\vspace{-2mm}
\includegraphics[width=0.7\textwidth]{fig/motivation.pdf}
\vspace{-2mm}
\caption{
An illustrated example of the motivation in the interaction module design. Neighborhoods are grouped according
to the distance to the source/target node. Interaction is only
employed between corresponding neighborhoods in each group.
}
\label{fig:motivation}
\vspace{-2mm}
\end{figure}
Let $\mathbf{H}[\mathcal{N}_\rho(o)]$ denote the embedding matrix of metapath $\rho$ guided neighborhood of object $o$.
$\mathbf{H}[\mathcal{N}_\rho(o)]_l$ represents the embedding matrix of the $l$-th path, which can be formulated as
\begin{equation}
\label{eqn:embedding}
\mathbf{H}[\mathcal{N}_\rho(o)]_l = [e^{\rho^l}_0 \oplus e^{\rho^l}_1 \oplus \cdots \oplus e^{\rho^l}_{I-1}],
\end{equation}
where $l=0,1,\ldots,L-1$, $e_i^{\rho^l}$ means the embedding of the node in the $i$-th step of the $l$-th path guided by metapath $\rho$, $\oplus$ denotes the stack operation\footnote{We regard concatenation and stack operations as the same operation, and denote it with ``$\oplus$''. Namely, the reshape operation is omitted here.}, $I$ means the metapath length.
Hence, as illustrated in Fig.~\ref{fig:cube}(a), $\mathbf{H}[\mathcal{N}_\rho(o)]$ is a $\mathbb{R}^{L \times I \times E}$ matrix, where $L$ is the number of paths guided by the metapath, $I$ is the length of the metapath, $E$ means the dimension of the node embedding.
Based on convolutional operations, we further define the interaction between neighborhoods of source and target objects as
\begin{equation}
\mathbf{H}[\mathcal{N}_\rho(s), \mathcal{N}_\rho(t)]_{l} = \mathbf{H}[\mathcal{N}_\rho(s)]_{l} \odot \mathbf{H}[\mathcal{N}_\rho(t)]_{l},
\end{equation}
where $\odot$ denotes the convolutional operation.
According to the definition of convolution, one can write the formulation as
\begin{equation}
\label{eqn:interact}
\mathbf{H}[\mathcal{N}_\rho(s), \mathcal{N}_\rho(t)]_{l, n} = \sum_{\substack{a, b\\ a+b ~ \text{mod} ~ N = n}} \mathbf{H}[\mathcal{N}_\rho(s)]_{l, a} \cdot \mathbf{H}[\mathcal{N}_\rho(t)]_{l, b}.
\end{equation}
One can find that $\mathbf{H}[\mathcal{N}_\rho(s), \mathcal{N}_\rho(t)] \in \mathbb{R}^{L \times N \times E}$ (as shown in Fig.~\ref{fig:cube}(c)), where $N$ is the length of convolution outputs and it equals $2I-1$ where $I$ denotes the metapath length.
The well-known convolution theorem states that circular convolutions in the spatial domain are equivalent to pointwise products in the Fourier domain.
Let $\mathcal{F}$ denote the fast Fourier transform (FFT) and $\mathcal{F}^{-1}$ its inverse, and we can compute convolution as
\begin{equation}
\label{eqn:interaction}
\mathbf{H}[\mathcal{N}_\rho(s), \mathcal{N}_\rho(t)] = \mathcal{F}^{-1}(\mathcal{F}(\mathbf{H}[\mathcal{N}_\rho(s)]) \cdot \mathcal{F}(\mathbf{H}[\mathcal{N}_\rho(t)])).
\end{equation}
Let $\mathbf{H}[\mathcal{N}_\rho]$ denote $\mathbf{H}[\mathcal{N}_\rho(s), \mathcal{N}_\rho(t)]$ in the following sections for convenience.
As stated in \cite{mathieu2013fast}, the time complexity of plain convolution is $\mathcal{O}(I^2)$, and it is reduced to $\mathcal{O}(I \log (I))$ when using FFT.
According to the analysis above, we can conclude that not only can this structure capture both nodes similarities and co-ratings in grouped neighborhoods, but also it can be implemented with high efficiency.
\begin{figure}[t]
\centering
\vspace{-2mm}
\includegraphics[width=1\textwidth]{fig/fft.pdf}
\vspace{-6mm}
\caption{
An illustrated example of interaction operations with the left part for the NI module and the right part for the CNI module.
(a) and (b) are the illustrations of interaction operation of NI and CNI modules respectively via a convolutional framework.
The other parts show the results which contain information of both nodes similarities ((c) in NI module and (g) \& (h) in CNI module) and node co-ratings ((b) \& (d) in NI module and (f) \& (i) in CNI module).
}
\label{fig:fft}
\vspace{-2mm}
\end{figure}
\subsection{Cross Neighborhood-based Interaction Module}
\label{subsec:crossinteraction}
In the previous section, we introduce the neighborhood-based interaction module built on HIN with the user's and item's neighborhoods guided by the same metapaths.
In HINs, each metapath represents one corresponding semantic information \citep{liu2018interactive,wang2019heterogeneous}.
For instance, as illustrated in Fig.~\ref{fig:instance}(c), UM metapath shows that user $u_\text{B}$ likes movie $m_\text{C}$, while UU shows that users $u_\text{B}$ and $u_\text{C}$ are friends.
It's natural to consider the hidden relation between user $u_\text{C}$ and movie $m_\text{C}$ under the combination of these two different semantics.
To this end, a well-designed interaction module should also take the interactions between different metapaths into consideration.
As shown in Fig.~\ref{fig:overview}(b), the interaction operations in the NI module are illustrated in solid lines.
These interactions implemented between neighborhoods of user $u_\text{A}$ and movie $m_\text{B}$ guided by the same metapaths are designed to capture the interactive information under the specific semantics.
In order to enhance the interaction module with interactive patterns between different semantics, we further propose to model the interaction operations with different metapaths even in different lengths, as illustrated with the dotted lines in Fig.~\ref{fig:overview}(b).
We call it the Cross Neighborhood-based Interaction (CNI) module.
Note that the NI module is actually a special case of the CNI module, where the interaction operation is limited between neighborhoods guided by the same metapaths.
The solid and dotted lines in Fig.~\ref{fig:overview}(b) together represent the interaction operations in our CNI module.
Let $\mathbf{H}[\mathcal{N}_{\rho_s}(s)]$ and $\mathbf{H}[\mathcal{N}_{\rho_t}(t)]$ denote the embedding matrices of neighborhood guided by metapath $\rho_s$ of source node $s$ and neighborhood guided by $\rho_t$ of target node $t$, respectively.
$\mathbf{H}[\mathcal{N}_{\rho_o}(o)]_l$ represents the embedding matrix of the $l$-th path, which can be formulated as
\begin{equation}
\label{eqn:stembedding}
\mathbf{H}[\mathcal{N}_{\rho_s}(s)]_l = [e^{\rho_s^l}_0 \oplus e^{\rho_s^l}_1 \oplus \cdots \oplus e^{\rho_s^l}_{I_s-1}], \quad \mathbf{H}[\mathcal{N}_{\rho_t}(t)]_l = [e^{\rho_t^l}_0 \oplus e^{\rho_t^l}_1 \oplus \cdots \oplus e^{\rho_t^l}_{I_t-1}];
\end{equation}
where $l=0,1,2,\ldots,L-1$, $e^{\rho_o^l}_i$ means the embedding of the node in the $i$-th step of the $l$-th path guided by metapath $\rho_o$, $\oplus$ denotes the stack operation, $I_o$ is the path length.
Here, $o$ can denote both $s$ for source node and $t$ for target node.
\begin{figure}[t]
\centering
\vspace{-2mm}
\includegraphics[width=1\textwidth]{fig/cube.pdf}
\vspace{-6mm}
\caption{
An illustrated example of the embedding matrix of metapath guided neighborhoods of source node $s$ $\mathbf{H}[\mathcal{N}_{\rho_s}(s)]$ and target node $t$ $\mathbf{H}[\mathcal{N}_{\rho_t}(t)]$ generated according to Eq.~(\ref{eqn:embedding}).
In the NI module, the neighborhoods of both source and target nodes are guided by the same metapath $\rho=\rho_s=\rho_t$ ((a) \& (b)), while the CNI module allows neighborhoods guided by different metapaths ((d) \& (e)).
The interaction matrix $\mathbf{H}[\mathcal{N}_{\rho_{s,t}}]$ is calculated according to Eq.~(\ref{eqn:interaction}) in the NI module (c) and Eq.~(\ref{eqn:crossinteraction}) in the CNI module (f).
}
\label{fig:cube}
\end{figure}
As illustrated in Fig.~\ref{fig:cube}(e) and (f), $\mathbf{H}[\mathcal{N}_{\rho_o}(o)] \in \mathbb{R}^{L \times I_o \times E}$, where $L$ is the number of paths sampled by each metapath, $E$ means the dimension of the node embedding.
Based on convolutional operations, we further define the interaction between neighborhoods of source and target objects as
\begin{equation}
\mathbf{H}[\mathcal{N}_{\rho_s}(s), \mathcal{N}_{\rho_t}(t)]_{l} = \mathbf{H}[\mathcal{N}_{\rho_s}(s)]_{l} \odot \mathbf{H}[\mathcal{N}_{\rho_t}(t)]_{l},
\end{equation}
where $\odot$ denotes the convolutional operation.
Here, we define the convolution as the sum of the product operations, which can be formulated as
\begin{equation}
\label{eqn:crossinteract}
\mathbf{H}[\mathcal{N}_{\rho_s}(s), \mathcal{N}_{\rho_t}(t)]_{l, m} = \sum_{\substack{a, b\\ a+b ~ \text{mod} ~ M = m}} \mathbf{H}[\mathcal{N}_{\rho_s}(s)]_{l, a} \cdot \mathbf{H}[\mathcal{N}_{\rho_t}(t)]_{l, b},
\end{equation}
where $\mathbf{H}[\mathcal{N}_{\rho_s}(s), \mathcal{N}_{\rho_t}(t)] \in \mathbb{R}^{L \times M \times E}$ (as shown in Fig.~\ref{fig:cube}(h)), $M$ is the length of convolution outputs and it is equal to $I_s + I_t - 1$ where $I_s$, $I_t$ denote the metapath length of source and that of target node, respectively.
Note that when $I=I_s=I_t$, CNI and NI modules share the same formulation.
In fact, the NI module is a special case of the CNI module when the lengths of metapaths of the source and target are the same.
We propose to replace the convolutional operation with the fast Fourier transform (FFT) using the discrete analogue of the convolution theorem as
\begin{equation}
\label{eqn:crossinteraction}
\mathbf{H}[\mathcal{N}_{\rho_s}(s), \mathcal{N}_{\rho_t}(t)] = \mathcal{F}^{-1}(\mathcal{F}(\mathbf{H}[\mathcal{N}_{\rho_s}(s)]) \cdot \mathcal{F}(\mathbf{H}[\mathcal{N}_{\rho_t}(t)])).
\end{equation}
We use $\mathbf{H}[\mathcal{N}_{\langle\rho_s,\rho_t\rangle}]$ to denote $\mathbf{H}[\mathcal{N}_{\rho_s}(s), \mathcal{N}_{\rho_t}(t)]$ for convenience.
As stated in \cite{pratt2017fcnn}, the time complexity of plain convolution is $O(I^2)$, and it is reduced to $O(I \log (I))$ when using FFT, where $I=\max\{I_s,I_t\}$.
According to the analysis above, we can see that not only can this structure mine the interactions between different metapaths, but also it can be regarded as the extension of NI and accelerated with FFT.
In the CNI module, let $\langle\rho_s,\rho_t\rangle$ denote the combinations of metapaths $\rho_s$ and $\rho_t$ for convenience, where $\rho_s$ guides the neighborhood $\mathcal{N}_{\rho_s}(s)$ on source node $s$ side and $\rho_t$ guides the neighborhood $\mathcal{N}_{\rho_t}(t)$ on target node $t$ side.
We further use $\langle\rho_s,\rho_t\rangle_k$ to denote the $k$-th metapath combination, where $k=0,1,2,\ldots,K-1$.
\subsection{Aggregation Module}
\label{subsec:aggregation}
Considering that the NI module in Section~\ref{subsec:interaction} is a special case of the CNI module in Section~\ref{subsec:crossinteraction}, without loss of generality, we introduce an aggregation module based on the interaction result of the CNI module in this section.
Specifically, we consider the aggregation module in two sides.
On the first side, from Fig.~\ref{fig:cube}, we can see that elements in the interaction matrix $\mathbf{H}[\mathcal{N}_{\langle\rho_s,\rho_t\rangle}]$ contain interactions between various types of nodes.
Hence, it is natural to capture the key interaction at the element-level during the aggregation procedure.
For instance, the interaction between $u_\text{A}$ and $m_\text{A}$ is important when predicting the relation between $u_\text{A}$ and $m_\text{B}$ in Fig.~\ref{fig:instance}.
On the second side, for each type of metapath $\rho$ (or metapath combination $\langle\rho_s,\rho_t\rangle$), we sample $L$ paths according to Eq.~(\ref{eqn:neighbor}).
Therefore, a good aggregation module is required to distinguish useful paths and filter out the noise at the path-level.
For example, following the UMD schema, we sample $L$ paths to predict the relation between $u_\text{A}$ and $m_\text{B}$, among which path $(u_\text{A},m_\text{A},d_\text{C})$ may be more helpful than path $(u_\text{A},m_\text{A},d_\text{A})$ in Fig.~\ref{fig:instance}.
On the third side, for every source-target pair $(s,t)$, HIN contains multiple types of (cross) semantic information represented with different metapaths $\rho_0, \rho_1, \cdots, \rho_{P-1}$ where $P$ is the number of metapaths (or metapath combinations $\langle\rho_s,\rho_t\rangle_0,\langle\rho_s,\rho_t\rangle_1,\ldots,\langle\rho_s,\rho_t\rangle_{K-1}$ where $K$ is the number of metapath combinations).
This further causes various interaction matrices $\mathbf{H}[\mathcal{N}_{\rho_0}]$, $\mathbf{H}[\mathcal{N}_{\rho_1}]$, $\cdots$, $\mathbf{H}[\mathcal{N}_{\rho_{P-1}}]$ (or $\mathbf{H}[\mathcal{N}_{\langle\rho_s,\rho_t\rangle_0}],\mathbf{H}[\mathcal{N}_{\langle\rho_s,\rho_t\rangle_1}],\ldots,\mathbf{H}[\mathcal{N}_{\langle\rho_s,\rho_t\rangle_{K-1}}]$).
To capture the key message in a complex graph, we need to fuse multiple semantics revealed by different metapaths.
Take Fig.~\ref{fig:instance} as an example, UM should be paid more attention than UMD.
From the statements above, one can see that metapath $\rho_p$ and metapath combination $\langle\rho_s,\rho_t\rangle_k$ are used interchangeably in NI and CNI modules.
For convenience, we mainly use metapath $\rho_p$ in the following sections and one can easily extend it to the metapath combination $\langle\rho_s,\rho_t\rangle_k$ case.
In light of the analysis above, we adopt an attention mechanism at two levels, i.e., element- and path-level.
As illustrated in Fig.~\ref{fig:agg}, at element-level, we seek to capture the key elements of each path of the interaction matrix (i.e., ~$\mathbf{H}[\mathcal{N}_{\rho_p}]_l$, as shown in (a)) and aggregate interactive information of each path into an embedding vector (as shown in (b)).
We then design a path-level attention mechanism to further aggregate the information from different paths including all paths guided by the involved metapaths.
Following element- and path-level attention mechanisms, we are able to get the final prediction (as shown in (c)).
The detailed descriptions are listed as follows:
\begin{figure}[t]
\centering
\vspace{-2mm}
\includegraphics[width=1.0\textwidth]{fig/aggregation.pdf}
\vspace{-2mm}
\caption{
An illustrated example of the aggregation module to aggregate the interaction matrix $\mathbf{H}[\mathcal{N}_{\rho_s}(s),\mathcal{N}_{\rho_t}(t)]$ (a) (i.e.,~$\mathbf{H}[\mathcal{N}_{\langle\rho_s,\rho_t\rangle}]\in \mathbb{R}^{L\times M \times E}$) according to Eq.~(\ref{eqn:crossinteract}). We first adopt element-level attention mechanism to obtain $\mathbf{Z}[\mathcal{N}_{\rho_s}(s),\mathcal{N}_{\rho_t}(t)]$ (b) (i.e.,~$\mathbf{Z}[\mathcal{N}_{\langle\rho_s,\rho_t\rangle}]\in \mathbb{R}^{L \times E}$) according to Eq.~(\ref{eqn:nodeattention}), and then employ path-level attention mechanism to obtain $Z\in \mathbb{R}^{E}$ (c) according to Eq.~(\ref{eqn:pathattention}).
}
\label{fig:agg}
\vspace{-2mm}
\end{figure}
\minisection{Element-level Attention}
Let $\rho^l_p$ denote the $l$-th path guided by metapath $\rho_p$, then $\mathbf{H}[\mathcal{N}_{\rho^l_p}]$ and $\mathbf{H}[\mathcal{N}_{\rho_p}]_l$ are the same.
Similar to \cite{wang2019heterogeneous}, we leverage an attention mechanism to learn the weights among various kinds of interaction elements in path $\rho^l_p$\footnote{In this section, we omit the superscript $\rho^l_p$ for simplification; e.g., we use $h_{0j}$, $h_0$, $h_{j}$, $\alpha_{j}$, and $z$ to denote $h_{0j}^{\rho^l_p}$, $h_{0}^{\rho^l_p}$, $h_j^{\rho^l_p}$, $\alpha_{j}^{\rho^l_p}$, and $z^{\rho^l_p}$, respectively.} as
\begin{equation}
\label{eqn:nodeh}
h_{0j} = (h_0W_T)^T \cdot (h_{j}W_S),
\end{equation}
where $W_T, W_S$ are trainable weights and $h_{j}$ is an element of interaction matrix $\mathbf{H}[\mathcal{N}_{\rho^l_p}]$ (i.e.,~$\mathbf{H}[\mathcal{N}_{\rho_p}]_l$), where $j=0,1,\ldots,M-1$ and $l=0,1,\ldots,L-1$.
$h_{0j}$ can show how important interaction element $h_j$ will be for interaction element $h_0$.
$h_0$ is the first element of $\mathbf{H}[\mathcal{N}_{\rho^l_p}]$, which denotes the interaction result of source node $s$ and target node $t$.
To retrieve a general attention value in path ${\rho^l_p}$, we further normalize this value in path scope as
\begin{equation}
\label{eqn:nodealpha}
\alpha_{j} = \text{softmax}(h_{0j}/\iota) = \frac{\text{exp}(h_{0j}/\iota)}{\sum^{M-1}_{i=0} \text{exp}(h_{0i}/\iota)},
\end{equation}
where $\iota$ denotes the temperature factor.
To jointly attend to the paths from different representation subspaces and learn stably, we leverage the multi-head attention as in previous works \cite{wang2019heterogeneous} to extend the observation as
\begin{equation}
\label{eqn:nodeattention}
z = \sigma(W_q \cdot \frac{1}{H} \sum_{n=1}^H \sum^{M-1}_{j=0} \alpha_{jn}(h_j W_{Cn}) + b_q),
\end{equation}
where $H$ is the number of attention heads and $W_C, W_q, b_q$ are trainable parameters.
Hence, the metapath-based embedding $z$ is aggregated based on the metapath-guided neighborhood with single path (i.e., $\mathbf{H}[\mathcal{N}_{\rho_p}]_l$).
In other words, for each path $\rho^l_p$, we have a specific embedding vector $z^{\rho_p^l}$ (i.e., $z$ in Eq.~(\ref{eqn:nodeattention})).
Note that in our setting, there are $P$ metapaths in an HIN and $L$ paths guided by each metapath.
So, the embedding obtained from element-level attention is $\mathbf{Z}[\mathcal{N}]\in\mathbb{R}^{(L\times P)\times E}$, which is the concatenation of the set of $\{\mathbf{Z}[\mathcal{N}_{\rho_0}],\mathbf{Z}[\mathcal{N}_{\rho_1}],\ldots,\mathbf{Z}[\mathcal{N}_{\rho_{P-1}}]\}$:
\begin{equation}
\label{eqn:z}
\mathbf{Z}[\mathcal{N}] = [\mathbf{Z}[\mathcal{N}_{\rho_0}] \oplus \mathbf{Z}[\mathcal{N}_{\rho_1}] \oplus \cdots \oplus \mathbf{Z}[\mathcal{N}_{\rho_{P-1}}]],
\end{equation}
where $\mathbf{Z}[\mathcal{N}_{\rho_p}]\in\mathbb{R}^{L\times E}$ and $p=0,1,2,\ldots,P-1$.
\minisection{Path-level Attention}
Similarly, we adopt a self-attention mechanism to learn the attention vector among various path embeddings in $\mathbf{Z}[\mathcal{N}]$.
For each path $z_i \in \mathbf{Z}[\mathcal{N}]$, after an MLP, it is fed to a softmax layer:
\begin{equation}
\label{eqn:pathbeta}
\beta_{i} = \text{softmax}(z_{i}/\upsilon) = \frac{\text{exp}(z_{i}/\upsilon)}{\sum_{j=0}^{L\times P -1} \text{exp}(z_{j}/\upsilon)},
\end{equation}
where $\upsilon$ denotes the temperature factor.
With the learned weights as coefficients, we can fuse these semantics-specific embeddings to obtain the final embedding $Z$ via
\begin{equation}
\label{eqn:pathattention}
Z=\sum^{L \times P-1}_{j=0}\beta_j\cdot z_j.
\end{equation}
Hence, we have obtained the final aggregation result, which involves interaction information at both element- and path-level.
\begin{figure}[t]
\centering
\vspace{-2mm}
\includegraphics[width=0.9\textwidth]{fig/combination.pdf}
\vspace{-2mm}
\caption{
An illustrated example of the combination of neighborhood-based selection (NS) and interaction (NI) modules. We first sample and store metapath-guided neighborhoods of source and target nodes ($u_A$ and $m_B$ in this case) in the buffer.
Due to the large amount of high-order metapath-guided neighborhoods, we first use low-order neighborhoods to generate sample rates according to Eq.~(\ref{eqn:pathbeta}) for selection.
We next sample high-order neighborhoods according to the sample rates and generate the final prediction of link rate according to Eq.~(\ref{eqn:pathattention}).
Both NS and NI modules are under supervision according to Eq.~(\ref{eqn:loss}).
}
\label{fig:comb}
\vspace{-4mm}
\end{figure}
\subsection{Optimization Objective}
The final prediction result $\hat{Y}$ can be derived from final embedding $Z$ via a nonlinear projection (e.g.,~MLP).
The loss function of our model is a log loss:
\begin{equation}
\label{eqn:loss}
\mathcal{L}(Y, \hat{Y}) = \sum_{i, j \in \mathcal{Y}^+ \bigcup \mathcal{Y}^-} (y_{ij} \log \hat{y}_{ij} + (1- y_{ij}) \log(1-\hat{y}_{ij}))
\end{equation}
where $y_{ij}$ is the label of the instance (i.e.~source node $i$ and target node $j$), and $\mathcal{Y}^+$, $\mathcal{Y}^-$ denote the positive instances set and the negative instances set, respectively.
\subsection{Combination of Neighborhood-based Selection \& Interaction}
\label{subsec:comb}
Previous approaches \citep{qu2019end,liu2018interactive} often suffer from high computations, especially when working on interactions of high-order neighborhoods and metapaths of different lengths.
These high-order neighborhoods or cross semantic interactions could result in (i) size explosion of metapath-guided neighborhoods; (ii) noise in interaction results.
Equipped with \textsc{Definition}~\ref{def:neighbor}, we consider to filter the sampled neighborhood guided by complex metapaths through the results of those guided by simple metapaths.
The key motivation behind this is that if low-order neighborhoods are useful in the current task, it is likely that high-order neighborhoods extended from these neighborhoods are useful.
Take Fig.~\ref{fig:instance} as an example, User-Movie-User-Movie (UMUM) can be extended from User-Movie (UM).
Hence, we can first investigate the impact of each UM neighborhood and filter UMUM neighborhoods based on the results of UM neighborhoods.
\begin{figure}[t]
\centering
\includegraphics[width=0.9\textwidth]{fig/selection.pdf}
\vspace{-2mm}
\caption{
An illustrated example of the neighborhood-based selection (NS) module. We first group metapath-guided neighborhoods (of $u_\text{A}, m_\text{B}$ in this case) according to the inclusion relations of paths.
We next use low-order neighborhoods ($(u_\text{A}, m_\text{A})$ for path group 1, $(u_\text{A}, m_\text{B})$ for path group 2 in this case) as the input, and generate sample rates through the neighborhood-based selection module (Eq.~\ref{eqn:filter}) and the aggregation module (Eq.~\ref{eqn:pathbeta}).
Then, we use the sample rates to sample all the paths in each path group according to its sample rate.
}
\label{fig:select}
\vspace{-2mm}
\end{figure}
As illustrated in Fig.~\ref{fig:comb}, when we study whether there exists a link between user $u_\text{A}$ and movie $m_\text{B}$ based on the given HIN, if we select UM and UMUM as the metapaths, we can sample metapath-guided neighborhoods for $u_\text{A}$ and $m_\text{B}$, and store them in the buffer.
We then can examine the effect of each UM path and generate sample rates to capture the key paths and filter the noisy paths, which can be formulated as
\begin{equation}
\label{eqn:filter}
\mathbf{H}[\mathcal{N}^1_{\rho_s}(s), \mathcal{N}^1_{\rho_t}(t)]_{l, m} = \sum_{\substack{a, b\\ a+b ~ \text{mod} ~ M = m}} \mathbf{H}[\mathcal{N}^1_{\rho_s}(s)]_{l,a} \cdot \mathbf{H}[\mathcal{N}^1_{\rho_t}(t)]_{l,b},
\end{equation}
where $\mathcal{N}^1_{\rho_o}(o)$ denotes the 1-th neighborhood of $o$ guided by metapath $\rho_o$ (e.g., UM in the above case).
It is straight forward to extend Eq.~(\ref{eqn:filter}) to use lower or higher-order neighborhoods as the filter.
While in this paper, we directly adopt Eq.~(\ref{eqn:filter}) as the filter.
Note that since Eq.~(\ref{eqn:filter}) can be regarded as a special case of the cross interaction operation defined in Eq.~(\ref{eqn:crossinteract}), it naturally can be accelerated by FFT formulated in Eq.~(\ref{eqn:crossinteraction}):
\begin{equation}
\label{eqn:filtering}
\mathbf{H}[\mathcal{N}^1_{\rho_s}(s), \mathcal{N}^1_{\rho_t}(t)] = \mathcal{F}^{-1}(\mathcal{F}(\mathbf{H}[\mathcal{N}^1_{\rho_s}(s)]) \cdot \mathcal{F}(\mathbf{H}[\mathcal{N}^1_{\rho_t}(t)])).
\end{equation}
After the filter operation, we can next aggregate the information and obtain the attention vector for each path following Eqs.~(\ref{eqn:nodeh}), (\ref{eqn:nodealpha}), (\ref{eqn:nodeattention}), (\ref{eqn:pathbeta}), (\ref{eqn:pathattention}).
We treat the attention vector generated by Eq.~(\ref{eqn:pathbeta}) over the sampled paths as the sample rate on both low- and high-order neighborhoods (see Fig.~\ref{fig:comb}).
Note that this neighborhood-based selection procedure can closely incorporate with the neighborhood-based interaction module.
For instance, as shown in Fig.~\ref{fig:comb}, we evaluate the effects of two UM paths (e.g.,~($u_\text{A}, m_\text{A}$) and ($u_\text{A}, m_\text{B}$)) through the neighborhood-based selection (NS) module, and then the generated sample rate may push us to focus more on ($u_\text{A}, m_\text{B}$) and its related paths.
Hence, we update the inputs of the neighborhood-based interaction (NI) module as $(u_\text{A}, m_\text{B})$ and $(u_\text{A}, m_\text{B}, u_\text{B}, m_\text{C})$.
In order to update the NS module, we follow the learning procedure of GraphHINGE, where we supervise the whole model according to Eq.~(\ref{eqn:loss}).
The key difference between the training procedures of NI and NS modules is that input of NI module is the whole data, including both low- and high-order neighborhoods, while the input of NS module only contains low-order neighborhoods.
\begin{algorithm}[h]
\caption{Neighborhood-based Selection (NS) Module}
\label{algo:ns}
\begin{algorithmic}[1]
\Require
HIN $\mathcal{G} = (\mathcal{V}, \mathcal{E})$; node feature $\{e_i, i\in \mathcal{V}\}$; metapath (combination) set $\{\rho_0, \rho_1, \cdots, \rho_{P-1}\}$; source node $s$ and target node $t$
\Ensure
filtered buffer $\mathcal{B}$ containing metapath-guided neighborhoods of $s$ and $t$
\State Initialize all parameters and buffer $\mathcal{B}=\emptyset$.
\State Sample metapath-guided neighborhoods according to Eq.~(\ref{eqn:neighbor}).
\State Store neighborhoods in $\mathcal{B}$.
\State Divide paths into $G$ groups $\{\rho^{0-0}, \rho^{0-1}, \ldots, \rho^{0-(L_0-1)}\}, \ldots, \{\rho^{(G-1)-0}, \rho^{(G-1)-1}, \ldots, \rho^{(G-1)-(L_{G-1}-1)}\}$ according to their inclusion relations.
\label{line:group}
\Repeat
\For {each low-order path in groups $\rho^{0-0},\ldots, \rho^{g-0}, \ldots, \rho^{(G-1)-0}$}
\State Obtain interaction result $\mathbf{H}[\mathcal{N}_{\rho^{g-0}}(s), \mathcal{N}_{\rho^{g-0}}(t)]$ according to Eq.~(\ref{eqn:filtering}).
\State Calculate element-level embedding $z$ according to Eq.~(\ref{eqn:nodeattention}).
\label{line:embedding}
\State Calculate path-level attention vector $\beta$ (i.e.,~sample rate) according to Eq.~(\ref{eqn:pathbeta}).
\label{line:filter}
\State Obtain final prediction $Z$ according to Eq.~(\ref{eqn:pathattention}).
\label{line:final}
\State Calculate loss $\mathcal{L}(Y, \hat{Y})$ according to Eq.~(\ref{eqn:loss}), and Back propagation.
\label{line:loss}
\EndFor
\Until convergence
\State Select paths within each group according to their generated sample rates.
\label{line:select}
\end{algorithmic}
\end{algorithm}
The overall procedure of the neighborhood-based selection (NS) module is given in Algorithm~\ref{algo:ns}.
Given an HIN $\mathcal{G}$, the task of NS module is to generate useful metapath-guided neighborhoods of source $s$ and target $t$.
As Algorithm~\ref{algo:ns} shows, we first divide sampled paths into $G$ groups (as illustrated in Fig.~\ref{fig:select}).
Let $\rho^{i-j}$ denote the $j$-th path of the $i$-th group in line~\ref{line:group}.
Especially, we use $\rho^{g-0}$\footnote{In this section, we store the low-order paths (e.g., UM and MU paths) on the top of each group, as illustrated in Fig.~\ref{fig:select}. Hence, $\mathbf{H}[\mathcal{N}_{\rho^{g-0}}(s), \mathcal{N}_{\rho^{g-0}}(t)]$ is equivalent to $\mathbf{H}[\mathcal{N}^1_{\rho_s}(s), \mathcal{N}^1_{\rho_t}(t)]$ in the Fig.~\ref{fig:select} case.} to denote the low-order path in the $g$-th group.
Then we push low-order paths into the neighborhood-based selection module and obtain sample rates to sample all paths over the group in line~\ref{line:filter}.
Note that the goal of the NS module is to select appropriate high-order neighborhoods according to the performance of their corresponding low-order neighborhoods, while the goal of NI and CNI modules is to train a well-performed model for the prediction.
\subsection{Overall Algorithm}
\label{subsec:overall}
The learning algorithm of GraphHINGE is given in Algorithm~\ref{algo:framework}.
In the HIN-based recommendation scenario, each source node $s$ corresponds to a user $u_s$, and each target node $t$ corresponds to an item $i_t$.
The task in this work can be either stated as link predictions on HINs or click-through predictions on HIN-based recommendations.
Also, one can easily extend the task into top-N recommendations.
As Algorithm~\ref{algo:framework} shows, we first obtain filtered buffer $\mathcal{B}$ in line~\ref{line:allbuffer}.
We then sample neighborhoods $\mathcal{N}_{\rho_{s}}(s)$, $\mathcal{N}_{\rho_{t}}(t)$ of $s$, $t$ from $\mathcal{B}$ in line~\ref{line:allsample}.
One should be noted that $\langle\rho_{s},\rho_{t}\rangle$ in line~\ref{line:allmetapath} means metapath combinations in the CNI module where the metapaths of source and target nodes are set with $\rho_{s}$ and $\rho_{t}$, respectively.
Next, we calculate interactive information $\mathbf{H}[\mathcal{N}_{\rho_{s}}(s), \mathcal{N}_{\rho_{t}}(t)]$ through the cross interaction module described in Section~\ref{subsec:crossinteraction} in line~\ref{line:allinteract}.
To fuse the interaction results, we leverage the element-level attention mechanism to obtain representation $\mathbf{Z}[\mathcal{N}_{\rho_p}]$ in line~\ref{line:allnodeattention} .
We repeat the above procedure for different paths and obtain various embeddings $\mathbf{Z}[\mathcal{N}_{\rho_0}], \mathbf{Z}[\mathcal{N}_{\rho_1}], \cdots, \mathbf{Z}[\mathcal{N}_{\rho_{P-1}}]$.
To capture the key path in the current task, we employ the path-level attention mechanism to get embedding $Z$ in line~\ref{line:allpathattention}.
Finally, we obtain the final predication $\hat{Y}$ via MLP layers in line~\ref{line:allfinal} and update parameters through back propagation in line~\ref{line:allloss}.
\begin{algorithm}[h]
\caption{GraphHINGE}
\label{algo:framework}
\begin{algorithmic}[1]
\Require
HIN $\mathcal{G} = (\mathcal{V}, \mathcal{E})$; node feature $\{e_i, i \in \mathcal{V}\}$; metapath (combination) set $\{\rho_0, \rho_1, \cdots, \rho_{P-1}\}$; source node $s$ and target node $t$
\Ensure
final link prediction $\hat{Y}$ between $s$ and $t$
\State Initialize all parameters.
\State \# (Obtain filtered buffer $\mathcal{B}$ according to Algorithm~\ref{algo:ns}).
\Comment{for GraphHINGE$^+_{\text{SELECT}}$}
\label{line:allbuffer}
\Repeat
\For {each metapath (combination) $\rho_p$ ($\langle\rho_{s}, \rho_{t}\rangle$) in $\mathcal{B}$}
\label{line:allmetapath}
\State Find metapath-guided neighborhoods of $s$, $t$: $\mathcal{N}_{\rho_{s}}(s)$, $\mathcal{N}_{\rho_{t}}(t)$ from $\mathcal{B}$.
\label{line:allsample}
\State Obtain interaction result $\mathbf{H}[\mathcal{N}_{\rho_{s}}(s), \mathcal{N}_{\rho_{t}}(t)]$ according to Eq.~(\ref{eqn:interaction}).
\label{line:allinteract}
\State \# (Obtain $\mathbf{H}[\mathcal{N}_{\rho_{s}}(s), \mathcal{N}_{\rho_{t}}(t)]$ according to Eq.~(\ref{eqn:crossinteraction}).) \Comment{for GraphHINGE$^+_\text{CROSS}$}
\State Calculate element-level embedding $\mathbf{Z}[\mathcal{N}_{\rho_p}]$ according to Eq.~(\ref{eqn:nodeattention}).
\label{line:allnodeattention}
\EndFor
\State Fuse path-level embedding $Z$ according to Eq.~(\ref{eqn:pathattention}).
\label{line:allpathattention}
\State Obtain final predication $\hat{Y}$ via MLP.
\label{line:allfinal}
\State Calculate loss $\mathcal{L}(Y, \hat{Y})$ according to Eq.~(\ref{eqn:loss}), and Back propagation.
\label{line:allloss}
\Until convergence
\end{algorithmic}
\end{algorithm}
\subsection{Model Analysis}
\label{subsec:analysis}
According to Algorithm~\ref{algo:framework}, we here give the analysis of the proposed GraphHINGE model as follows:
\minisection{Complexity}
The proposed CNI module is highly efficient and can be easily parallelized.
We provide the model efficiency analysis for both the interaction module and the aggregation module.
As stated in \cite{mathieu2013fast}, in the interaction module, the complexity of the FFT-based method is $\mathcal{O}(L_\rho I_\rho \log(I_\rho))$ where $L_\rho$ and $I_\rho$ denote the number of paths guided by $\rho$ and metapath length respectively.
As for the aggregation module, given a metapath $\rho$, the time complexity of the attention mechanism is $\mathcal{O}(V_\rho K + E_\rho K)$, where $V_\rho$ is the number of nodes, $E_\rho$ is the number of metapath-based node pairs, $K$ is the number of attention heads.
The attention can be computed individually across all nodes and metapaths.
The overall complexity is linear to the number of nodes and metapath-based node pairs.
The proposed model can be easily parallelized, because the computation of the element- and path-level attentions can be parallelized across node pairs and metapaths, respectively.
\minisection{Interpretability}
The proposed model has potentially good interpretability for the learned interaction embedding through similarities and co-ratings among neighbor nodes.
Also, with the learned importance in node- and path-level, the proposed model can pay more attention to some meaningful interactions or metapaths for the specific task and give a more comprehensive description of a heterogeneous graph.
Based on the attention values, we can check which interactions or metapaths make the higher (or lower) contributions to our task, which is beneficial to analyze and explain our results.
\section{Experiment}
In this section, we present the details of the experiment setups and the corresponding results.
To illustrate the effectiveness of our proposed model, we compare it with some strong baselines on recommendation tasks, including click-through rate (CTR) predictions and top-N recommendations.
We start with six research questions (RQ) to lead the experiments and the following discussions.
Furthermore, we have published our code for reproduction\footnote{Reproducible code based on Deep Graph Library (DGL) \citep{wang2019deep} with instructions is available at \url{https://github.com/Jinjiarui/GraphHINGE}.}.
\begin{itemize}[topsep = 3pt,leftmargin =10pt]
\item (\textbf{RQ1}) How does GraphHINGE compare to the existing state-of-the-art and other baselines in click-through rate prediction and top-N recommendation tasks?
\item (\textbf{RQ2}) What is the influence of different components in GraphHINGE? Are the proposed interaction and aggregation modules necessary for improving performance?
\item (\textbf{RQ3}) What are the effects of the cross interaction module, neighborhood-based selection module, and other variants of GraphHINGE?
\item (\textbf{RQ4}) How do various hyper-parameters, including the length and type of metapath-guided neighborhoods, the amount of training data, and the number of paths in each metapath-guided neighborhood, impact the model performance?
\item (\textbf{RQ5}) What patterns does the proposed model capture for the final recommendation decision?
\item (\textbf{RQ6}) What is the influence of the FFT technique? Does FFT accelerate the training procedure and gain high performance with low time cost?
\end{itemize}
\begin{table}[!h]
\centering
\caption{Statistics of the six datasets. The penult column reports the metapaths and the last column shows the sparsity in each dataset.}
\vspace{-3mm}
\label{tab:data}
\resizebox{1.00\textwidth}{!}{
\begin{tabular}{@{\extracolsep{4pt}}cccccccccccccc}
\cmidrule{1-7}
\cmidrule{8-14}
Datasets & Relations (A-B) & A & B & A-B & Metapath & Sparsity & Datasets & Relations (A-B) & A & B & A-B & Metapath & Sparsity \\
\cmidrule{1-7}
\cmidrule{8-14}
\multirow{4}{*}{Amazon}
& User-Item & 6,170 & 2,753 & 195,791 & UIUI & 98.85\% & \multirow{4}{*}{Movielens}
& User-Movie & 943 & 1,682 & 100,000 & UMUM & 93.70\%\\
{} & Item-View & 2,753 & 3,857 & 5,694 & UIVI & 99.95\%
& {} & Movie-Movie & 1,682 & 1,682 & 82,798 & UMMM & 97.07\%\\
{} & Item-Brand & 2,753 & 334 & 2,753 & UIBI & 99.70\%
& {} & User-Occupation & 943 & 21 & 943 & UOUM & 95.24\%\\
{} & Item-Category & 2,753 & 22 & 5,508 & UICI & 90.91\%
& {} & Movie-Genre & 1,682 & 18 & 2,861 & UMGM & 90.55\%\\
\cmidrule{1-7}
\cmidrule{8-14}
\multirow{4}{*}{Yelp}
& User-Business & 16,239 & 14,284 & 198,397 & UBUB & 99.91\% &
\multirow{4}{*}{DBLP}
& Paper-Author & 14,376 & 14,475 & 41,794 & PAPA & 99.97\% \\
{} & User-User & 16,239 & 16,239 & 158,590 & UUUB & 99.93\% &
{} & Paper-Conference & 14,376 & 20 & 14,376 & PCPA & 95.00\% \\
{} & Business-City & 14,284 & 47 & 14,267 & UBCB & 97.87\% &
{} & Paper-Type & 14,376 & 8,920 & 114,624 & PTPA & 99.91\%\\
{} & Business-Category & 14,284 & 511 & 40,009 & UBAB & 99.45\% &
{} & Author-Label & 14,475 & 4 & 4,057 & PALA & 92.99\%\\
\cmidrule{1-7}
\cmidrule{8-14}
\multirow{2}{*}{Amazon Book}
& User-Book & 115,521 & 348,613 & 645,803 & UBUB & 99.99\% & \multirow{2}{*}{Movie-20M}
& User-Movie & 71,315 & 123,527 & 4,552,019 & UMUM & 99.95\%\\
{} & Book-Attribute & 348,613 & 348,611 & 1,547,854 & UBA & 99.99\% &
{} & Movie-Attribute & 123,527 & 123,527 & 1,127,863 & UMA & 99.99\%\\
\cmidrule{1-7}
\cmidrule{8-14}
\end{tabular}
}
\end{table}
\setcounter{footnote}{0}
\subsection{Dataset Description}
We adopt six widely used datasets from different domains, namely \textbf{Amazon} e-commerce dataset\footnote{\url{http://jmcauley.ucsd.edu/data/amazon/}}, \textbf{Yelp} business dataset\footnote{\url{https://www.yelp.com/dataset/}}, \textbf{Movielens} movie dataset\footnote{\url{https://grouplens.org/datasets/movielens/}}, and \textbf{DBLP} academic dataset\footnote{\url{https://www.aminer.org/citation}}.
In order to evaluate whether GraphHINGE can scale to large scale datasets, we also compare our model with the baselines on \textbf{Amazon Book} dataset (which combines Amazon Book$^\ast$ and Freebase, and Amazon Book contains over 22.5 million ratings collected from 8 million users and 2.3 million items), and \textbf{Movie-20M} dataset (which combines Movielens-20M$^{\ddagger}$
and Freebase, and Movielens-20M contains ratings collected from the Movielens website).
We treat a rating as a relation record, indicating whether a user has rated an item.
Also, we provide the main statistics of the six datasets, which are summarized in Table~\ref{tab:data}.
The first row of each dataset corresponds to the numbers of users, items, and interactions, while the other rows correspond to the statistics of other relations.
We also report the selected metapaths for each dataset in the second last column of the table.
\subsection{Compared Methods}
We use eight baseline methods, which mainly can be concluded into three folds.
We list the brief descriptions of these strong baselines as follows:
The first class is heterogeneous and attributed graph embedding models containing TAHIN, HAN, HetGNN, and IPE.
\begin{itemize}[topsep = 3pt,leftmargin =10pt]
\item \textbf{TAHIN}: \citet{bi2020heterogeneous} designed a cross domain model from both source and target domains and then employed three-level attention aggregations to get user and insurance product representations.
\item \textbf{HAN}: \citet{wang2019heterogeneous} introduced a hierarchical attention mechanism to capture node-level and semantics-level information.
\item \textbf{HetGNN}: \citet{zhang2019heterogeneous} introduced a unified framework to jointly consider heterogeneous structured information as well as heterogeneous contents information, adaptive to various HIN tasks.
\item \textbf{IPE}: \citet{liu2018interactive} proposed the interactive paths embedding to capture rich interaction information among metapaths.
\end{itemize}
Notice that we do not compare GraphHINGE with several state-of-the-art methods on homogeneous graphs, since these approaches often perform poorly when extending to heterogeneous graphs setting.
It is worth noting that TAHIN, HAN, HetGNN, IPE, are recently proposed, state-of-the-art models.
The second class is HIN-based recommendation models including NeuMF, LGRec, MCRec, NEM, GF.
\begin{itemize}[topsep = 3pt,leftmargin =10pt]
\item \textbf{NeuMF}: \citet{he2017neural} introduced a generalized model consisting of a matrix factorization (MF) component and an MLP component.
\item \textbf{LGRec}: \citet{hu2018local} proposed a unified model to explore and fuse local and global information for recommendation.
\item \textbf{MCRec}: \citet{hu2018leveraging} leveraged rich metapath-based context to enhance the recommendation performance on HINs.
\item \textbf{NEM}: \citet{yi2020heterogeneous} designed a network embedding mention recommendation model to recommend the right users in a message.
\item \textbf{GF}: \citet{zhang2020graph} proposed a graph filtering recommendation methods on HINs.
\end{itemize}
These approaches mainly combine the expressive power of HIN and classical techniques to improve the performance of recommendation model.
The final class is non-neural-network-based models including ItemKNN and UserKNN, and classical models such as MF and DeepFM.
\begin{itemize}[topsep = 3pt,leftmargin =10pt]
\item \textbf{DeepFM}: \citet{guo2017deepfm} proposed to combine the power of factorization machines (FM) for recommendation and deep learning for feature learning in a new architecture.
\item \textbf{MF}: \citet{koren2009matrix} designed to incorporate implicit feedback, temporal effects and confidence levels with matrix factorization (MF).
\item \textbf{ItemKNN}: A traditional collaborative filtering approach based on $k$-nearest-neighborhood (KNN) and item-item similarities \citep{sarwar2001item}.
\item \textbf{UserKNN}: A neighborhood-based method using collaborative user-user similarities on $k$-nearest-neighborhood (KNN) \citep{wang2006unifying}.
\end{itemize}
As stated in \citep{dacrema2019we}, in several cases, non-neural-network-based models such as ItemKNN and UserKNN can obtain comparable results with those neural-network-based ones.
Also, we include MF and DeepFM here since these classical models often perform well even with few parameters \citep{rendle2020neural,koren2008factorization,koren2009matrix}.
For fair comparison, we involve the same metapaths when evaluating both our method and baselines on each dataset.
We provide the implementation details of both our model and baselines in Section~\ref{subsec:detail}.
\begin{figure}[b]
\centering
\vspace{-2mm}
\includegraphics[width=0.7\textwidth]{fig/models.pdf}
\vspace{-2mm}
\caption{
An illustrated example of GraphHINGE and its variants, namely GraphHINGE$^+_\text{ALL}$, GraphHINGE$^+_\text{CROSS}$ and GraphHINGE$^+_\text{SELECT}$.
Note that GraphHINGE, which includes the neighborhood-based interaction module and the aggregation module, only conducts interaction operations between aligned paths guided by the same metapaths (e.g., $(u_\text{A},m_\text{A}) \odot (m_\text{B},u_\text{B})$, $(u_\text{A},m_\text{B}) \odot (m_\text{B},u_\text{C})$, $(u_\text{A},m_\text{B},d_\text{B},m_\text{A}) \odot (u_\text{B},d_\text{B},m_\text{A},u_\text{A})$).
Compared with GraphHINGE, GraphHINGE$^+_\text{ALL}$ operates interaction between all the paths, involving more interactive information (e.g., $(u_\text{A},m_\text{A}) \odot (m_\text{B}, u_\text{C})$, $(u_\text{A},m_\text{B}) \odot (m_\text{B}, u_\text{B})$); GraphHINGE$^+_\text{CROSS}$ allows interaction operations between paths guided by different metapaths (e.g., $(u_\text{A},m_\text{B},d_\text{B},m_\text{A}) \odot (m_\text{B},u_\text{B})$, $(u_\text{A},m_\text{A}) \odot (m_\text{B},d_\text{B},m_\text{A},u_\text{A})$).
GraphHINGE$^+_\text{SELECT}$ develops the neighborhood-based selection module to select appropriate high-order neighborhoods for GraphHINGE.
Note that compared with GraphHINGE, GraphHINGE$^+_\text{ALL}$ and GraphHINGE$^+_\text{CROSS}$ involve additional information and GraphHINGE$^+_\text{SELECT}$ does not.
}
\label{fig:model}
\vspace{-2mm}
\end{figure}
\begin{table*}
\centering
\caption{The results of CTR prediction in terms of ACC, F1, LogLoss. Note: `*' indicates the statistically significant improvements over the best baseline, with $p$-value smaller than $10^{-6}$ in two-sided $t$-test.
The best results for each metric are bold and the second best ones are underlined.}
\label{tab:ctr}
\vspace{-3mm}
\resizebox{1.00\textwidth}{!}{
\begin{tabular}{@{\extracolsep{4pt}}ccccccccccccc}
\midrule
\multirow{2}{*}{Model} & \multicolumn{3}{c}{Movielens} & \multicolumn{3}{c}{Amazon} & \multicolumn{3}{c}{Yelp} & \multicolumn{3}{c}{DBLP} \\
\cmidrule{2-4}
\cmidrule{5-7}
\cmidrule{8-10}
\cmidrule{11-13}
& ACC & F1 & LogLoss & ACC & F1 & LogLoss & ACC & F1 & LogLoss & ACC & F1 & LogLoss\\
\midrule
TAHIN \citep{bi2020heterogeneous}
& 0.8811 & 0.8847 & 0.3029
& 0.8229 & 0.8267 & 0.4363
& 0.8904 & 0.8919 & 0.2666
& 0.9792 & 0.9793 & 0.1954\\
HAN \citep{wang2019heterogeneous}
& 0.8713 & 0.8751 & 0.3210
& 0.8481 & 0.8490 & 0.4282
& 0.8894 & 0.8901 & 0.2697
& 0.9752 & 0.9751 & 0.2881\\
HetGNN \citep{zhang2019heterogeneous}
& 0.8510 & 0.8567 & 0.3528
& 0.8313 & 0.8310 & 0.4402
& 0.8719 & 0.8843 & 0.2817
& 0.9512 & 0.9514 & 0.3125\\
IPE \citep{liu2018interactive}
& 0.8645 & 0.8693 & 0.3223
& 0.8430 & 0.8411 & 0.4366
& 0.8809 & 0.8876 & 0.2744
& 0.9570 & 0.9589 & 0.3099\\
\midrule
NeuMF \citep{he2017neural}
& 0.8125 & 0.8421 & 0.4265
& 0.7510 & 0.7143 & 0.4907
& 0.7812 & 0.7742 & 0.4175
& 0.8125 & 0.8012 & 0.4103\\
LGRec \citep{hu2018local}
& 0.8144 & 0.8481 & 0.4290
& 0.7127 & 0.7100 & 0.5589
& 0.8308 & 0.8130 & 0.3642
& 0.8158 & 0.8172 & 0.3988\\
MCRec \citep{hu2018leveraging}
& 0.8125 & 0.8421 & 0.4234
& 0.7156 & 0.7114 & 0.5557
& 0.8113 & 0.8116 & 0.3302
& 0.8203 & 0.8215 & 0.3937\\
NEM \citep{yi2020heterogeneous}
& 0.8032 & 0.8322 & 0.4311
& 0.7021 & 0.7012 & 0.5832
& 0.7909 & 0.8087 & 0.3455
& 0.8167 & 0.8110 & 0.4022\\
GF \citep{zhang2020graph}
& 0.8100 & 0.8277 & 0.4455
& 0.7018 & 0.7103 & 0.5764
& 0.8002 & 0.8045 & 0.3400
& 0.8185 & 0.8155 & 0.4001\\
\midrule
MF \citep{koren2009matrix}
& 0.8098 & 0.8419 & 0.4433
& 0.7571 & 0.7135 & 0.4971
& 0.7841 & 0.7857 & 0.4151
& 0.7155 & 0.7381 & 0.5856\\
DeepFM \citep{guo2017deepfm}
& 0.7284 & 0.7748 & 0.5371
& 0.6931 & 0.6893 & 0.5836
& 0.7162 & 0.7342 & 0.5122
& 0.7212 & 0.7897 & 0.5102\\
ItemKNN \citep{sarwar2001item}
& 0.8066 & 0.8062 & 0.3890
& 0.6274 & 0.6355 & 0.6781
& 0.5512 & 0.5339 & 0.5914
& 0.7274 & 0.6940 & 0.5008\\
UserKNN \citep{wang2006unifying}
& 0.8061 & 0.8045 & 0.3920
& 0.6574 & 0.6471 & 0.6688
& 0.5974 & 0.5877 & 0.5577
& 0.7321 & 0.7319 & 0.4967\\
\midrule
GraphHINGE$_\text{CNN}$
& 0.8482 & 0.8550 & 0.3549
& 0.8322 & 0.8317 & 0.4493
& 0.8751 & 0.8811 & 0.2233
& 0.9582 & 0.9585 & 0.3051\\
GraphHINGE$_\text{GCN}$
& 0.8727 & 0.8756 & 0.3120
& 0.8813 & 0.8815 & 0.3088
& 0.9014 & 0.9011 & 0.2213
& 0.9879 & 0.9842 & 0.1924\\
\midrule
GraphHINGE
& 0.8837$^*$ & 0.8854$^*$ & 0.2806$^*$
& 0.8939$^*$ & 0.8912$^*$ & 0.2575$^*$
& 0.9194$^*$ & 0.9106$^*$ & 0.2175$^*$
& 0.9978$^*$ & 0.9979$^*$ & 0.0119$^*$\\
\midrule
GraphHINGE$_\text{ALL}^+$
& \underline{0.8857}$^*$ & \textbf{0.8868}$^*$ & \textbf{0.2749}$^*$
& \underline{0.8960}$^*$ & \underline{0.8930}$^*$ & 0.2531$^*$
& 0.9201$^*$ & 0.9109$^*$ & 0.2178$^*$
& \underline{0.9983}$^*$ & \textbf{0.9982}$^*$ & \textbf{0.0009}$^*$\\
GraphHINGE$_\text{CROSS}^+$
& 0.8854$^*$ & \underline{0.8865}$^*$ & 0.2844$^*$
& \textbf{0.8965}$^*$ & \textbf{0.8958}$^*$ & \textbf{0.2528}$^*$
& \textbf{0.9225}$^*$ & \textbf{0.9131}$^*$ & \textbf{0.2064}$^*$
& 0.9979$^*$ & 0.9980$^*$ & 0.0013$^*$\\
GraphHINGE$_\text{SELECT}^+$
& \textbf{0.8858}$^*$ & 0.8860$^*$ & \underline{0.2778}$^*$
& 0.8945$^*$ & 0.8922$^*$ & \underline{0.2530}$^*$
& \underline{0.9217}$^*$ & \underline{0.9110}$^*$ & \underline{0.2146}$^*$
& \textbf{0.9984}$^*$ & \underline{0.9981}$^*$ & \underline{0.0010}$^*$\\
\midrule
\end{tabular}
}
\end{table*}
\begin{table*}
\centering
\caption{The results of top-N recommendation in terms of MAP, NDCG@3, NDCG@5. Note: `*' indicates the statistically significant improvements over the best baseline, with $p$-value smaller than $10^{-6}$ in two-sided $t$-test.
The best results for each metric are bold and the second best ones are underlined.}
\label{tab:topn}
\vspace{-3mm}
\resizebox{1.00\textwidth}{!}{
\begin{tabular}{@{\extracolsep{4pt}}ccccccccccccc}
\midrule
\multirow{2}{*}{Model} & \multicolumn{3}{c}{Movielens} & \multicolumn{3}{c}{Amazon} & \multicolumn{3}{c}{Yelp} & \multicolumn{3}{c}{DBLP} \\
\cmidrule{2-4}
\cmidrule{5-7}
\cmidrule{8-10}
\cmidrule{11-13}
& MAP & NDCG@3 & NDCG@5 & MAP & NDCG@3 & NDCG@5 & MAP & NDCG@3 & NDCG@5 & MAP & NDCG@3 & NDCG@5\\
\midrule
TAHIN \citep{bi2020heterogeneous}
& 0.6010 & 0.8908 & 0.8976
& 0.7029 & 0.9396 & 0.9312
& 0.7780 & 0.9523 & 0.9600
& 0.8261 & 0.9780 & 0.9734\\
HAN \citep{zhang2019heterogeneous}
& 0.5930 & 0.8611 & 0.8723
& 0.7111 & 0.9489 & 0.9370
& 0.7677 & 0.9509 & 0.9432
& 0.8238 & 0.9689 & 0.9695\\
HetGNN \citep{liu2018interactive}
& 0.5906 & 0.8593 & 0.8699
& 0.7045 & 0.9340 & 0.9410
& 0.7459 & 0.9446 & 0.9409
& 0.8179 & 0.9502 & 0.9508\\
IPE \citep{wang2019heterogeneous}
& 0.5910 & 0.8630 & 0.8725
& 0.7093 & 0.9389 & 0.9412
& 0.7503 & 0.9500 & 0.9406
& 0.8182 & 0.9509 & 0.9511\\
\midrule
NeuMF \citep{he2017neural}
& 0.5816 & 0.8513 & 0.8675
& 0.6433 & 0.8906 & 0.8956
& 0.6501 & 0.8414 & 0.8403
& 0.7853 & 0.9029 & 0.9044\\
LGRec \citep{hu2018local}
& 0.5827 & 0.8504 & 0.8634
& 0.6127 & 0.8311 & 0.8435
& 0.7308 & 0.8930 & 0.8904
& 0.7821 & 0.9022 & 0.9042\\
MCRec \citep{hu2018leveraging}
& 0.5823 & 0.8565 & 0.8662
& 0.6242 & 0.8618 & 0.8756
& 0.7063 & 0.8717 & 0.8629
& 0.7946 & 0.9119 & 0.9140\\
NEM \citep{yi2020heterogeneous}
& 0.5712 & 0.8422 & 0.8499
& 0.6087 & 0.8540 & 0.8579
& 0.6978 & 0.8700 & 0.8599
& 0.7812 & 0.9054 & 0.9023\\
GF \citep{zhang2020graph}
& 0.5801 & 0.8498 & 0.8510
& 0.6123 & 0.8578 & 0.8665
& 0.7001 & 0.8709 & 0.8602
& 0.7899 & 0.9003 & 0.9104\\
\midrule
MF \citep{koren2009matrix}
& 0.5197 & 0.8062 & 0.8090
& 0.6474 & 0.8955 & 0.8981
& 0.6512 & 0.8439 & 0.8414
& 0.7074 & 0.7940 & 0.8008\\
DeepFM \citep{guo2017deepfm}
& 0.5002 & 0.7908 & 0.7982
& 0.5874 & 0.7855 & 0.7881
& 0.6514 & 0.8419 & 0.8397
& 0.7123 & 0.8076 & 0.8098\\
ItemKNN \citep{sarwar2001item}
& 0.5161 & 0.8008 & 0.8015
& 0.6074 & 0.7876 & 0.7871
& 0.5409 & 0.6339 & 0.6845
& 0.7120 & 0.8012 & 0.8101\\
UserKNN \citep{wang2006unifying}
& 0.5153 & 0.8022 & 0.8037
& 0.6043 & 0.7871 & 0.7892
& 0.5506 & 0.6339 & 0.6903
& 0.7121 & 0.8023 & 0.8019\\
\midrule
GraphHINGE$_\text{CNN}$
& 0.5749 & 0.8535 & 0.8740
& 0.7035 & 0.9488 & 0.9355
& 0.7432 & 0.9534 & 0.9424
& 0.8136 & 0.9516 & 0.9522\\
GraphHINGE$_\text{GCN}$
& 0.5890 & 0.8730 & 0.8885
& 0.7302 & 0.9521 & 0.9414
& 0.7798 & 0.9578 & 0.9608
& 0.8260 & 0.9833 & 0.9850\\
\midrule
GraphHINGE
& 0.6066$^*$ & 0.9015$^*$ & 0.9074$^*$
& 0.7530$^*$ & 0.9653$^*$ & 0.9525$^*$
& 0.7810$^*$ & 0.9638$^*$ & 0.9622$^*$
& 0.8293$^*$ & 0.9892$^*$ & 0.9888$^*$\\
\midrule
GraphHINGE$_\text{ALL}^+$
& \textbf{0.6098}$^*$ & 0.9037$^*$ & 0.9076$^*$
& 0.7599$^*$ & 0.9644$^*$ & 0.9526$^*$
& \textbf{0.7919}$^*$ & 0.9701$^*$ & 0.9704$^*$
& \underline{0.8304}$^*$ & 0.9901$^*$ & \underline{0.9919}$^*$\\
GraphHINGE$_\text{CROSS}^+$
& 0.6068$^*$ & \textbf{0.9043}$^*$ & \textbf{0.9099}$^*$
& \textbf{0.7769}$^*$ & \textbf{0.9670}$^*$ & \textbf{0.9538}$^*$
& 0.7901$^*$ & \textbf{0.9747}$^*$ & \textbf{0.9714}$^*$
& 0.8303$^*$ & \underline{0.9944}$^*$ & 0.9918$^*$\\
GraphHINGE$_\text{SELECT}^+$
& \underline{0.6070}$^*$ & \underline{0.9038}$^*$ & \underline{0.9085}$^*$
& \underline{0.7755}$^*$ & \underline{0.9666}$^*$ & \underline{0.9532}$^*$
& \underline{0.7909}$^*$ & \underline{0.9745}$^*$ & \underline{0.9706}$^*$
& \textbf{0.8305}$^*$ & \textbf{0.9945}$^*$ & \textbf{0.9920}$^*$\\
\midrule
\end{tabular}
}
\end{table*}
\begin{table*}
\centering
\caption{The results of CTR prediction in term of ACC, F1, LogLoss, and top-N recommendation in terms of MAP, NDCG@3, NDCG@5. Note: `*' indicates the statistically significant improvements over the best baseline, with $p$-value smaller than $10^{-6}$ in two-sided $t$-test.
The best results for each metric are bold and the second best ones are underlined.}
\label{tab:big}
\vspace{-3mm}
\resizebox{1.00\textwidth}{!}{
\begin{tabular}{@{\extracolsep{4pt}}ccccccccccccc}
\midrule
\multirow{2}{*}{Model} & \multicolumn{3}{c}{Amazon Book} & \multicolumn{3}{c}{Movie-20M} & \multicolumn{3}{c}{Amazon Book} & \multicolumn{3}{c}{Movie-20M} \\
\cmidrule{2-4}
\cmidrule{5-7}
\cmidrule{8-10}
\cmidrule{11-13}
& ACC & F1 & LogLoss & ACC & F1 & LogLoss & MAP & NDCG@3 & NDCG@5 & MAP & NDCG@3 & NDCG@5\\
\midrule
TAHIN \citep{bi2020heterogeneous}
& 0.8349 & 0.8382 & 0.3789
& 0.9103 & 0.9094 & 0.2271
& 0.3911 & 0.7994 & 0.8667
& 0.5578 & 0.8440 & 0.8512\\
HAN \citep{wang2019heterogeneous}
& 0.8806 & 0.8822 & 0.2776
& 0.9129 & 0.9131 & 0.2285
& 0.3846 & 0.7688 & 0.8498
& 0.5444 & 0.8340 & 0.8461\\
HetGNN \citep{zhang2019heterogeneous}
& 0.7430 & 0.7412 & 0.4877
& 0.8451 & 0.8457 & 0.3442
& 0.3800 & 0.7765 & 0.8566
& 0.5397 & 0.8276 & 0.8399\\
IPE \citep{liu2018interactive}
& 0.7692 & 0.7686 & 0.4504
& 0.8512 & 0.8510 & 0.3357
& 0.3817 & 0.7709 & 0.8524
& 0.5480 & 0.8346 & 0.8421\\
\midrule
NeuMF \citep{he2017neural}
& 0.7377 & 0.7295 & 0.5490
& 0.8642 & 0.8645 & 0.3255
& 0.3856 & 0.7654 & 0.8463
& 0.5481 & 0.8355 & 0.8485\\
LGRec \citep{hu2018local}
& 0.7390 & 0.7398 & 0.5420
& 0.8650 & 0.8645 & 0.3233
& 0.3823 & 0.7704 & 0.8504
& 0.5455 & 0.8348 & 0.8467\\
MCRec \citep{hu2018leveraging}
& 0.7535 & 0.7451 & 0.4532
& 0.8669 & 0.8677 & 0.3155
& 0.3801 & 0.7848 & 0.8573
& 0.5435 & 0.8333 & 0.8456\\
NEM \citep{yi2020heterogeneous}
& 0.7211 & 0.7197 & 0.4912
& 0.8501 & 0.8540 & 0.3367
& 0.3755 & 0.7732 & 0.8411
& 0.5311 & 0.8215 & 0.8367\\
GF \citep{zhang2020graph}
& 0.7210 & 0.7189 & 0.4921
& 0.8510 & 0.8530 & 0.3365
& 0.3765 & 0.7821 & 0.8399
& 0.5324 & 0.8220 & 0.8298\\
\midrule
MF \citep{koren2009matrix}
& 0.6391 & 0.6383 & 0.5890
& 0.8787 & 0.8777 & 0.3462
& 0.3512 & 0.7339 & 0.8214
& 0.4374 & 0.8240 & 0.8308\\
DeepFM \citep{guo2017deepfm}
& 0.6066 & 0.6062 & 0.6890
& 0.7274 & 0.7355 & 0.5181
& 0.3034 & 0.7091 & 0.7890
& 0.4235 & 0.8160 & 0.8211\\
ItemKNN \citep{sarwar2001item}
& 0.6181 & 0.6222 & 0.6990
& 0.7249 & 0.7301 & 0.5120
& 0.3508 & 0.7331 & 0.8244
& 0.4274 & 0.8126 & 0.8237\\
UserKNN \citep{wang2006unifying}
& 0.6234 & 0.6277 & 0.6680
& 0.7214 & 0.7209 & 0.5176
& 0.3511 & 0.7339 & 0.8156
& 0.4307 & 0.8190 & 0.8300\\
\midrule
GraphHINGE$_\text{CNN}$
& 0.7833 & 0.7918 & 0.4493
& 0.8689 & 0.8711 & 0.3208
& 0.4383 & 0.8207 & 0.8700
& 0.5477 & 0.8330 & 0.8473\\
GraphHINGE$_\text{GCN}$
& 0.8290 & 0.8376 & 0.3550
& 0.8680 & 0.8704 & 0.3267
& 0.4489 & 0.8310 & 0.8650
& 0.5408 & 0.8310 & 0.8426\\
\midrule
GraphHINGE
& 0.9619$^*$ & 0.9611$^*$ & 0.1173$^*$
& \underline{0.9260}$^*$ & 0.9245$^*$ & \textbf{0.1931}$^*$
& \underline{0.5105}$^*$ & 0.9341$^*$ & 0.9371$^*$
& 0.5487$^*$ & 0.8430$^*$ & 0.8567$^*$\\
\midrule
GraphHINGE$_\text{ALL}^+$
& 0.9633$^*$ & 0.9624$^*$ & 0.1145$^*$
& \textbf{0.9275}$^*$ & \textbf{0.9277}$^*$ & \underline{0.1115}$^*$
& 0.5086$^*$ & \underline{0.9349}$^*$ & \textbf{0.9378}$^*$
& 0.5500$^*$ & \textbf{0.8433}$^*$ & \underline{0.8568}$^*$\\
GraphHINGE$_\text{CROSS}^+$
& \textbf{0.9712}$^*$ & \textbf{0.9704}$^*$ & \textbf{0.0966}$^*$
& 0.9224$^*$ & 0.9205$^*$ & 0.2019$^*$
& \textbf{0.5164}$^*$ & \textbf{0.9354}$^*$ & \underline{0.9376}$^*$
& \underline{0.5515}$^*$ & 0.8430$^*$ & 0.8567$^*$\\
GraphHINGE$_\text{SELECT}^+$
& \underline{0.9665}$^*$ & \underline{0.9640}$^*$ & \underline{0.1023}$^*$
& 0.9255$^*$ & \underline{0.9273}$^*$ & 0.1995$^*$
& 0.5090$^*$ & 0.9330$^*$ & \underline{0.9376}$^*$
& \textbf{0.5568}$^*$ & \underline{0.8431}$^*$ & \textbf{0.8569}$^*$\\
\midrule
\end{tabular}
}
\vspace{-3mm}
\end{table*}
\subsection{Evaluation Metric}
In this paper, we evaluate the models in two tasks: click-through rate prediction and top-N recommendation.
In click-through rate prediction task, we evaluate a model according to the performance on each data point, where we adopt ACC, LogLoss, and F1 score.
In top-N recommendation task, we take the position into consideration, where we adopt MAP at position 5 (denoted as MAP), NDCG at position 3 (denoted as NDCG@3), and NDCG at position 5 (denoted as NDCG@5).
\subsection{Model Variants Configuration}
\label{subsec:variant}
In order to investigate the impacts of different components in our
model, we set several variants of the GraphHINGE model as baselines.
\begin{itemize}[topsep = 3pt,leftmargin =10pt]
\item \textbf{GraphHINGE}: is our proposed model as illustrated in Fig.~\ref{fig:overview}, which incorporates the neighborhood-based interaction (NI) module and the aggregation module, but excludes the neighborhood-based selection (NS) module.
\item \textbf{GraphHINGE$_\text{CNN}$}: This variant does not consider the interpretability in the interaction module.
That is, it directly fuses the neighborhood of each source and target node via Convolutional Neural Networks (CNN).
This context embedding method is quite similar to the path instance embedding technique in \cite{hu2018leveraging}.
The aggregation module is the same as GraphHINGE.
This variant is designed to show the performance gain by our interaction module.
\item \textbf{GraphHINGE$_\text{GCN}$}: This variant replaces the attention mechanism of GraphHINGE with a standard Graph Convolutional Network (GCN).
That is, the element-level features are fed to GCN layers to get content embedding without fully considering different types of nodes and metapaths on HINs.
The interaction module is the same as GraphHINGE.
Hence, this variant is designed to show the performance gain by our aggregation module.
\item \textbf{GraphHINGE$^-_\text{FFT}$}: This variant replaces FFT technique as introduced in Eq.~(\ref{eqn:interaction}) with the combination of product and sum operations as introduced in Eq.~(\ref{eqn:interact}).
Therefore, this variant is proposed to show the efficiency of FFT technique.
\end{itemize}
In order to investigate the impact of different settings, cross neighborhood-based interaction (CNI) module, and neighborhood-based selection (NS) module, we set following variants of GraphHINGE model here.
\begin{itemize}[topsep = 3pt,leftmargin =10pt]
\item \textbf{GraphHINGE$^+_\text{ALL}$}: This variant conducts interaction between all paths in source and target neighborhoods, while GraphHINGE only operates between aligned paths.
Note that this setting improves performance but suffers from high time complexity (i.e.,~$\mathcal{O}(L^2_\rho I_\rho \log(I_\rho))$).
Therefore, this variant can be regarded as a higher performance and complexity version of GraphHINGE.
\item \textbf{GraphHINGE$^+_\text{CROSS}$}: This variant replaces the neighborhood-based interaction (NI) module with the cross neighborhood-based interaction (CNI) module.
Hence, it allows the interaction operations between neighborhoods guided by different metapaths even in different lengths.
This variant is designed to show the performance of the CNI module.
\item \textbf{GraphHINGE$^+_\text{SELECT}$}: This variant is the combination of GraphHINGE and neighborhood-based selection (NS) module, as introduced in Section~\ref{subsec:comb}.
Therefore, this variant is proposed to illustrate the performance of our NS module.
\end{itemize}
We further illustrate the difference between GraphHINGE and its variants in Fig.~\ref{fig:model}.
\begin{figure}[b]
\centering
\includegraphics[width=1.0\textwidth]{fig/path.pdf}
\vspace{-6mm}
\caption{
Performance change of GraphHINGE when gradually incorporating metapaths in terms of ACC.
}
\label{fig:path}
\end{figure}
\begin{figure}[t]
\centering
\includegraphics[width=0.8\textwidth]{fig/neighbor.pdf}
\caption{
Performance change of GraphHINGE with different neighborhood lengths in terms of ACC and MAP.
}
\label{fig:neighbor}
\end{figure}
\subsection{Overall Performance (\textbf{RQ1})}
\label{subsec:result}
The comparison results of our proposed model and baselines on the six datasets are reported in Tables~\ref{tab:ctr}, \ref{tab:topn}, \ref{tab:big}.
The major findings from experimental results are summarized as follows:
\begin{itemize}[topsep = 3pt,leftmargin =10pt]
\item Our model GraphHINGE is consistently better than all baselines on the six datasets.
The results indicate the significance of capturing interactive information and the effectiveness of GraphHINGE on both CTR prediction and top-N recommendation, since GraphHINGE adopts a principled way to leverage interactive information to enhance the model performance on prediction tasks.
\item Among the three kinds of baselines, the best of metapath-based methods (e.g., TAHIN, HAN) outperform graph-based or feature-based neural network methods (e.g., HetGNN, NeuMF) and non-neural network methods (e.g., ItemKNN, UserKNN) in most cases.
An intuitive explanation is that those metapath-based methods can better capture the rich high-order structured information on HINs.
It should be noted that our model GraphHINGE based on metapath-guided neighborhood is able to jointly consider low- and high-order neighborhood information and capture interactive patterns.
\item Among HIN-based baselines, the recently proposed methods TAHIN and HAN gain better performance than the others.
It is easy to notice that both of them try to distinguish different patterns hidden in context information among paths through attention mechanism.
GraphHINGE outperforms those approaches.
A possible reason is that simple aggregation of semantic messages on paths may lose some key information.
It should be noted that GraphHINGE not only captures interaction information but also focus on key paths through the attention mechanism.
\item Among all the methods, non-neural network approaches (e.g., ItemKNN, UserKNN) do not work well.
One possible reason is that neural networks have good representation ability, which can largely improve the performances.
Notice that DeepFM performs well on tubular data, but fails here.
One probable reason is that for each node, its neighboring attributes on HIN are not suitable to be directly treated as its feature.
This actually implies the necessity of developing interaction module on HIN.
It also should be noted that MF is simple but works well on some datasets (e.g., Amazon, Yelp), but can not obtain stable performance on various datasets.
It may indicate the need of adopting neural network based methods for more powerful generalization ability.
\item Among all the datasets, GraphHINGE outperforms state-of-the-art baseline models by a wide margin on those datasets (e.g., Amazon, Amazon Book) with high data sparsity.
A possible explanation is that GraphHINGE leverages the interaction module to capture interactive information, which can mine more useful hidden relations than traditional methods.
\end{itemize}
\subsection{Ablation Study (\textbf{RQ2})}
\label{subsec:ablation}
In order to investigate the contribution of each component to the final recommendation performance, we design two variants of GraphHINGE, namely GraphHINGE$_\text{CNN}$ and GraphHINGE$_\text{GCN}$ to study the neighborhood-based interaction (NI) and the aggregation modules, respectively.
The comparison results of our model and these variants on six datasets are shown in Tables~\ref{tab:ctr}, \ref{tab:topn}, \ref{tab:big}.
The major findings from experimental results are summarized as follows:
\begin{itemize}[topsep = 3pt,leftmargin =10pt]
\item Result (GraphHINGE > GraphHINGE$_\text{CNN}$) indicates that our convolutional interaction strategy can better capture interaction information (i.e.,~similarities between the same type of nodes and ratings between different types of nodes) than simply employing CNN layers.
\item Result (GraphHINGE > GraphHINGE$_\text{GCN}$) shows that the attention mechanism can better utilize the metapath-based interactive information, since the element- and path-level interactions may contribute differently to the final performance.
Ignoring such influence may not be able to achieve optimal performance.
\end{itemize}
\subsection{Impacts of CNI \& NS Module (RQ3)}
In order to investigate the performances of the cross neighborhood-based interaction (CNI) and the selection (NS) modules, we develop two more variants of GraphHINGE, namely GraphHINGE$^+_\text{CROSS}$ for CNI module and GraphHINGE$^+_\text{SELECT}$ for NS module.
Also, we design GraphHINGE$^+_\text{ALL}$ to investigate the potential of the interaction module.
The comparison results of our model and these variants on the six datasets are shown in Tables~\ref{tab:ctr}, \ref{tab:topn} and \ref{tab:big}.
The major findings from experimental results are summarized as follows:
\begin{itemize}[topsep = 3pt,leftmargin =10pt]
\item Result (GraphHINGE$^+_\text{CROSS}$ > GraphHINGE) illustrates that in most cases, patterns in cross interaction information can help the model obtain more accurate predictions.
Also, one can find that in some datasets (e.g., Movie-20M), GraphHINGE outperforms GraphHINGE$^+_\text{CROSS}$.
One possible reason is that these cross interactive patterns obtained from different metapaths may include noise in some cases, which can impair the performance.
\item Result (GraphHINGE$^+_\text{SELECT}$ > GraphHINGE) shows that the NS module can find valuable high-order neighborhoods to enhance the performance of GraphHINGE.
The reason behind this is that almost in most HINs, high-order neighborhoods often are large-scale and full of noisy information.
NS module is one of the solutions to find the key information and filter out the noise.
\item Result (GraphHINGE$^+_\text{ALL}$ > GraphHINGE) illustrates that if we do not consider the time complexity, GraphHINGE can improve performance by involving more interaction information.
We later show the comparison of time complexity in Section~\ref{subsec:complexity}.
\end{itemize}
\subsection{Impact of Metapath (\textbf{RQ4})}
\label{subsec:metapath}
In this section, we investigate the impact of different metapaths on the prediction performance.
To do this, we first include low-order metapaths (e.g., UI, UB, and UM) and then gradually incorporate metapaths into the proposed model.
For ease of analysis, we include the NeuMF as the reference baseline.
In Fig.~\ref{fig:path}, we can observe that the performance of GraphHINGE overall improves with the incorporation of more metapaths.
Meanwhile, metapaths seem to have different effects on the prediction performance.
Particularly, we can find that, when adding UMGM, GraphHINGE has a significant performance boost in the Movielens dataset.
A similar situation happens when adding UIVI in the Amazon dataset.
These findings indicate that different metapaths contribute differently to the final result, consistent with previous observations in Section~\ref{subsec:ablation}.
\begin{figure}[t]
\centering
\includegraphics[width=0.8\textwidth]{fig/data.pdf}
\caption{
Performance change of GraphHINGE with different amount of training data in terms of ACC and LogLoss.
}
\label{fig:data}
\end{figure}
\begin{figure}[t]
\centering
\includegraphics[width=0.8\textwidth]{fig/mount.pdf}
\caption{
Performance change of GraphHINGE with different number of paths for each metapath in terms of ACC and LogLoss.
}
\label{fig:mount}
\vspace{-2mm}
\end{figure}
\subsection{Impact of N-Hop Neighborhood (\textbf{RQ4})}
\label{subsec:neighbor}
In this section, we investigate the impact of different lengths of neighborhoods (i.e., n-hop neighborhood).
When changing the length of the neighborhood, we make other factors ( e.g.,~metapath type) fixed.
For example, when the metapath is UMUM, we study UM for length 2, UMUM for length 4, and UMUMUM for length 6.
We conduct similar procedures for the other metapaths and obtain the results in Fig.~\ref{fig:neighbor}.
We can observe that the performance of GraphHINGE first increases, next reaches the best performance and then decreases as the length of metapath increases.
The possible reason may be that as the length of the neighborhood increases, the metapath-guided neighborhood can contain more information.
When the length of the neighborhood is not very large, the information is mainly useful for the final performance.
However, when the length exceeds a certain value, the information includes noisy messages which harm the recommendation performance.
These findings indicate that different lengths of metapaths contribute differently to the final performance.
Also, it should be noted that our model is able to interact and aggregate neighbors in different lengths, as introduced in Section~ \ref{subsec:crossinteraction} and \ref{subsec:aggregation}.
\subsection{Impact of Amount of Data (\textbf{RQ4})}
In this section, we further evaluate the robustness of GraphHINGE with different amounts of training data.
We first randomly select a subset of training data (i.e.~25\% $\sim$ 100\%) to generate the new training data, and then use these data to train our methods.
For a fair comparison, we use the same data for evaluation across all experiments.
As Fig.~\ref{fig:data} shows, when the amount of training data increases, the performance of GraphHINGE raises, especially during the period of the amount of training data expanding from 25\% to 50\% in Movielens dataset and 75\% to 100\% in Amazon dataset.
\begin{figure}[b]
\centering
\includegraphics[width=1.0\textwidth]{fig/case.pdf}
\vspace{-6mm}
\caption{
An illustrated example of the interpretability of interaction-specific attention distribution for GraphHINGE.
The number denotes the logic flow of interpretation.
}
\label{fig:case}
\end{figure}
\subsection{Impact of Number of Paths (\textbf{RQ4})}
\label{subsec:numberpath}
In this section, we investigate the performance change with different number of paths for each metapath.
As illustrated in Fig~\ref{fig:mount}, as the number of paths increases, the performance of GraphHINGE becomes better.
It is easy to understand since a larger number of paths always means more data for training.
There is a drop in the Yelp dataset when the number of paths increases from 64 to 128.
A possible reason is that the data might involve some noise.
However, one should note that a larger number of paths also means higher time complexity.
\subsection{Case Study (\textbf{RQ5})}
\label{subsec:case}
A major contribution of GraphHINGE is the incorporation of the element- and path-level attention mechanism, which takes the interaction relation into consideration in learning effective representations for recommendation.
Besides the performance effectiveness, another benefit of the attention mechanism is that it makes the recommendation result highly interpretable.
To see this, we select the user u692 in Movielens dataset as an illustrative example.
Two interaction records of this user have been used here, namely m805 and m920.
In Fig.~\ref{fig:case}, we can see that each user-movie pair corresponds to a unique attention distribution, summarizing the contributions of the metapaths.
The relation between u692-m805 pair mainly relies on the metapaths UMUM and UMMM, while u692-m920 pair mainly relies on metapath UMGM (denoted by \circled{0} in Fig.~\ref{fig:case}).
By inspecting into the dataset, it is found that at least five first-order neighbors of u692 have watched m805, which explains why user-oriented metapaths UMUM plays the key role in the first pair.
As for the second pair, we find that the genre of m805 is g3, which is the favorite movie genre of u692.
This explains why genre-oriented metapath UMGM plays
the key role in the second interaction.
Our path-level attention is able to produce path-specific attention distributions.
If we wonder more specific reasons, we can have a look at the element-level attention.
Here, we plot the interactive attention values in Fig.~\ref{fig:case}.
We can observe that the attention value of the similarity for the same type elements is very high (denoted by \circled{1} in Fig.~\ref{fig:case}).
By inspecting into the dataset, we can find that there are metapaths connected between u692 and m920.
In other words, some parts of the metapath-guided neighborhood of u692 and m920 overlap, which causes high similarity.
Also, the co-ratings between two neighborhoods play another key role (denoted by \circled{2} in Fig.~\ref{fig:case}).
It is natural, since in these neighborhoods, many users are fans of g3, and movies are in the type of g3, which causes the co-ratings among them to become really high.
According to the analysis above, we can see that the distributions of attention weights are indeed very skew, indicating some interactions and metapaths are more important than the others.
\begin{table*}
\centering
\caption{The results of inference time of different models on Movielens and Amazon datasets.
We visualize the data as shown in Fig.~\ref{fig:time}.
For each model, we evaluate it with 10 runs and report the average time here.
}
\label{tab:time}
\vspace{-3mm}
\resizebox{1.00\textwidth}{!}{
\begin{tabular}{@{\extracolsep{4pt}}cccccccccc}
\midrule
\multicolumn{2}{c}{Model on Movielens} & HAN \citep{wang2019heterogeneous} & TAHIN \citep{bi2020heterogeneous} & $\text{GraphHINGE}^-_\text{FFT}$ & GraphHINGE & $\text{GraphHINGE}_\text{Conv}$ & $\text{GraphHINGE}^+_\text{ALL}$ & GraphHINGE & $\text{GraphHINGE}_\text{Conv}$\\
\multicolumn{2}{c}{Number of path} & (Whole Graph) & (Whole Graph) & (16) & (16) & (16) & (16) & (32) & (32)\\
\cmidrule{1-2}
\cmidrule{3-8}
\cmidrule{9-10}
\multirow{2}{*}{Time (s)}
& Training
& 14.3812 & 31.5352 & 51.6120 & 25.8209 & 26.5538 & 261.2001 & 31.8346 & 32.3579\\
& Inference
& 2.9573 & 6.6152 & 7.2971 & 3.4670 & 3.5096 & 31.3405 & 4.4262 & 3.4689\\
\cmidrule{1-2}
\cmidrule{3-8}
\cmidrule{9-10}
Number of epochs
& Best Performance
& 85 & 13 & 10 & 12 & 13 & 9 & 13 & 9\\
\midrule
\multicolumn{2}{c}{Model on Amazon} & HAN \citep{wang2019heterogeneous} & TAHIN \citep{bi2020heterogeneous} & $\text{GraphHINGE}^-_\text{FFT}$ & GraphHINGE & $\text{GraphHINGE}_\text{Conv}$ & $\text{GraphHINGE}^+_\text{ALL}$ & GraphHINGE & $\text{GraphHINGE}_\text{Conv}$\\
\multicolumn{2}{c}{Number of path} & (Whole Graph) & (Whole Graph) & (16) & (16) & (16) & (16) & (32) & (32)\\
\cmidrule{1-2}
\cmidrule{3-8}
\cmidrule{9-10}
\multirow{2}{*}{Time (s)}
& Training
& 114.6312 & 149.4831 & 148.8860 & 75.8216 & 75.7214 & 753.6511 & 150.0904 & 152.0212\\
& Inference
& 15.7382 & 23.4506 & 25.4387 & 10.3340 & 9.9237 & 90.2116 & 11.2200 & 9.8833\\
\cmidrule{1-2}
\cmidrule{3-8}
\cmidrule{9-10}
Number of epochs
& Best Performance
& 87 & 18 & 9 & 7 & 6 & 5 & 8 & 5\\
\midrule
\end{tabular}
}
\vspace{-3mm}
\end{table*}
\begin{figure}[t]
\centering
\vspace{-2mm}
\includegraphics[width=1.0\textwidth]{fig/time.pdf}
\vspace{-6mm}
\caption{
Time comparisons of GraphHINGE, its variants, and baselines. Training time (Left) and inference time (Right) comparisons on Movielens and Amazon datasets.
See Table~\ref{tab:time} with tabular format.
}
\label{fig:time}
\vspace{-2mm}
\end{figure}
\subsection{Complexity Study (\textbf{RQ6})}
\label{subsec:complexity}
In this section, we investigate whether the FFT technique can truly accelerate the convolution operation through comparisons between $\text{GraphHINGE}$ and $\text{GraphHINGE}^-_\text{FFT}$.
For ease of analysis, we also include recent proposed state-of-the-art heterogeneous graph embedding baseline models namely HAN and TAHIN according to the result in Table~\ref{tab:ctr}, \ref{tab:topn} and \ref{tab:big}.
We evaluate all the models on Movielens dataset and report the time of training and inference on one bath data, and the number of epochs to gain the model with best performance on training and inference in Table~\ref{tab:time}.
For convenience, we also demonstrate the time of learning the model with best performance in training and inference in Fig.~\ref{fig:time}.
Specifically, the training time reported in the left part of Fig.~\ref{fig:time} is the time to train the model with the best performance, calculated by multiplying training time of each epoch by the number of epochs shown in Table~\ref{tab:time}.
We also evaluate the inference time of one epoch data, and report the results in the right part of Fig.~\ref{fig:time}.
From Fig.~\ref{fig:time}, one can see that GraphHINGE is more efficient than HAN and TAHIN in terms of both training and inference.
One possible explanation is that the input of HAN and TAHIN contains the whole graph, which is much more complex than sampled paths.
Also, as shown in Fig.~\ref{fig:time} and Table~\ref{tab:time}, we also demonstrate the performance gain of the FFT technique.
We further study the time complexity of $\text{GraphHINGE}^+_\text{ALL}$.
One can easily see that the result is consistent with the previous analysis in Section~\ref{subsec:variant}.
Notice that the convolution operation in GraphHINGE also can be implemented directly with Application Programming Interface (API)\footnote{\url{https://pytorch.org/docs/stable/nn.functional.html}} in Pytorch \citep{paszke2019pytorch}.
Hence, we also include this implementation (denoted as GraphHINGE$_\text{Conv}$.) in the experiment.
One should note that this implementation has involved several system optimization techniques that may also include FFT.
Notice that GraphHINGE is based on sampling, interaction and aggregation.
Hence, as stated in Section~\ref{subsec:variant}, the time complexity of GraphHINGE can be largely influenced by the number of paths.
In the experiments, we mainly adopt $16$ paths for each metapath.
Therefore, we here further investigate the time complexity of implying GraphHINGE with $32$ paths for each metapath.
If we increase the number of paths for each metapath, then the performance of GraphHINGE also can be further improved, as illustrated in Section~\ref{subsec:numberpath}.
\begin{wrapfigure}{r}{0.6\textwidth}
\centering
\vspace{-2mm}
\includegraphics[width=0.6\textwidth]{fig/eff.pdf}
\vspace{-6mm}
\caption{
Analysis of the trade-off between effectiveness and efficiency of all the models in term of ACC and inference time on Amazon dataset. We report the average inference time of each method, evaluated on the whole dataset (i.e., one epoch) after 10 runs.
}
\label{fig:analysis}
\vspace{-2mm}
\end{wrapfigure}
In order to find the connections between the results of effectiveness and efficiency, we also study the performance and inference time of all the baselines on Amazon dataset.
As illustrated in Fig.~\ref{fig:analysis}, one can see that "simple" baselines such as NeuMF is much faster than "complex" baselines such as HAN, TAHIN, and any variant of GraphHINGE, but are not able to obtain the good performance.
And methods including HAN, TAHIN, especially $\text{GraphHINGE}^+_\text{ALL}$ act well but are time-consuming.
We conclude that $\text{GraphHINGE}$ and $\text{GraphHINGE}_\text{Conv}$ located at the right and bottom part of the figure would be good choices to trade off between effectiveness and efficiency.
The detailed implementation settings including hardware setting of our model and these baselines can be found in Section~\ref{subsec:detail}.
\subsection{Implementation Details}
\label{subsec:detail}
\minisection{Data Processing}
Each dataset is processed as follows.
Since the relations between users and items are originally in rating format, we convert ratings to binary feedbacks: ratings with 4-5 stars are converted to positive feedbacks (denoted as ``1''), and other ratings are converted to negative feedbacks (denoted as ``0'').
After the datasets are processed, we split each dataset into training/validation/test sets at a ratio of 6:2:2.
\minisection{Hyper-parameter Setting}
The embedding dimension of GraphHINGE is 128.
As stated in Section~\ref{subsec:sample}, we perform the metapath-guided random walk method with restart. The number of attention heads is 3.
The temperatures are set to $0.2$.
GraphHINGE samples 16 paths for each metapath in metapath-guided neighborhood while $\text{GraphHINGE}^+_\text{SELECT}$ first samples 128 paths and then adopt neighborhood-based selection (NS) module to learn to select 16 paths from sampled 128 candidate paths for each metapath in metapath-guided neighborhoods.
The length of the metapath-guided neighborhoods\footnote{For simplification, we use ``length of (the metapath-guided) neighborhoods'' to denote ``length of paths in the metapath-guided neighborhoods''.} equals to the length of the metapath.
We investigate the impacts of different lengths of neighborhoods in Section~\ref{subsec:neighbor}.
The patience value of selecting the model with the best performance is set as 25 for all the experiments.
\minisection{Model Configuration}
For fair comparisons, we implement the proposed method and baselines as following:
(i) In the data processing procedure, we sample and store paths guided by metapaths in a unified framework.
For instance, when sampling data from Movielens following UMUM metapath, we can obtain 16 paths connecting $u_0$ and $m_0$ (denoted as $\rho(u_0\rightarrow m_0)$), as well as 16 paths in metapath-guided neighborhoods of $u_0$ (denoted as $\mathcal{N}(u_0)$) and 16 paths in metapath-guided neighborhoods of $m_0$ (denoted as $\mathcal{N}(m_0)$).
That is, the first node of both path $\rho(u_0\rightarrow m_0)$ and metapath-guided neighborhood $\mathcal{N}(u_0)$ is sampled from the same source node $u_0$.
The difference is that the path $\rho(u_0\rightarrow m_0)$ must end with target node $m_0$ while the neighborhood $\mathcal{N}(u_0)$ can end with any node in the type of movie.
(ii) For non-neural-network based methods, we first transform the graph data into the tabular data where the neighborhood nodes are regarded as the feature of central node.
For graph based models, such as HAN and TAHIN, we directly includes all the neighbors following the metapath.
For metapath-based baselines such as MCRec and IPE, we feed models with the same paths with GraphHINGE.
All the methods involving metapath share the same ones with GraphHINGE.
We report the metapath used in each dataset in Table~\ref{tab:data}.
(iii) The embedding dimensions of all baselines are set to $128$ (same as GraphHINGE).
\minisection{Hardware Setting}
The models are trained under the same hardware settings with an Amazon EC2 p3.8$\times$large instance\footnote{Detailed setting of AWS E2 instance can be found at \url{https://aws.amazon.com/ec2/instance-types/?nc1=h_ls}.}, where the GPU processor is NVIDIA Tesla V100 processor and the CPU processor is Intel Xeon E5-2686 v4 (Broadwell) processor.
\subsection{Deployment Feasibility Analysis}
In this section, we mainly discuss the feasibility of the industrial deployment of GraphHINGE framework.
First, it is not difficult to switch the current model pipeline to GraphHINGE, because the main change brought from GraphHINGE is how to utilize graph structure.
Previous methods such as GraphSAGE \citep{hamilton2017inductive} developed sample and aggregation frameworks, where neighbors are first sampled and then aggregated to obtain the final prediction.
Interactive patterns need to be built to update the model pipeline to GraphHINGE, while the whole HIN-based recommendation remains almost the same but adding an additional interaction module between sampling and aggregation modules.
As Fig.~\ref{fig:overview} shows, the sampling and aggregation modules have no substantial difference from that of traditional solutions.
Efficiency is another essential concern in industrial applications.
We analyze the time complexity of GraphHINGE that contains interaction and aggregation modules.
As stated in Section~\ref{subsec:complexity}, the time complexity of the interaction model is $O(L_\rho I_\rho \log(I_\rho))$ and that of the aggregation model is $O(V_\rho K + E_\rho K)$.
Note that the overall complexity is linear to the number of nodes and metapath-based node pairs.
From the perspective of metapath-guided neighborhood construction, we propose a novel neighborhood-based selection module to update the buffer (as illustrated in Fig.~\ref{fig:comb}), where we first adopt a neighborhood sampling strategy to obtain the raw neighborhood paths, and then use the performance of low-order neighborhood to distinguish useful high-order neighborhood and filter out the noise.
\section{Conclusion and Future Work}
In this paper, we introduce the problem of ``early summarization'' and propose a novel framework named GraphHINGE to address this issue.
We first introduce the definition of metapath-guided neighborhoods to preserve the heterogeneity of HINs.
Then, we elaborately design an interaction module to capture the similarity of each source and target node pair through their neighborhoods, where we propose the neighborhood-based interaction (NI) module for neighborhoods guided by the same metapaths and the cross neighborhood-based interaction (CNI) module for neighborhoods guided by different metapaths.
To fuse the rich semantic information, we propose the element- and path-level attention mechanism to capture the key interactions from element and path levels respectively.
Extensive experimental results have demonstrated the superiority of our model in effectiveness, interpretability, and efficiency.
Currently, our approach is able to capture interactive information only in the structured (graph) side effectively.
However, there is rich semantic information on both the structured (graph) side and the non-structured (node) side.
In the future, a promising direction is extending the neighborhood-based interaction and aggregation modules to capture key messages from both sides and adapt to more general scenarios.
\begin{acks}
The corresponding author Weinan Zhang thanks the support of Shanghai Municipal Science and Technology Major Project (No. 2021SHZDZX0102) and National Natural Science Foundation of China (Grant No. 62076161, 61772333, 61632017).
We would also like to thank Wu Wen Jun Honorary Doctoral Scholarship from AI Institute, Shanghai Jiao Tong University.
\end{acks}
\clearpage
\bibliographystyle{ACM-Reference-Format}
|
\section{Energy non-conservation in Maxwell and de Broglie-Proca theories\label{appa}}
We recall here a basic feature of the dBP theory concerning the
non-conservation of the photon energy-momentum and pave the way to the analysis in the SME. We imagine the photon crossing an electromagnetic background.
The dBP equations of motion derived from the Lagrangian \cite{proca-1936b} correspond to the divergence
of the electric field and the curl of the magnetic field. They are given by
\begin{equation}
\partial_\alpha F^{\alpha\beta}_{\rm T } + {\cal M}^2 A^\beta_{\rm T } = \mu_0 j^\beta~,
\label{dBfe}
\end{equation}
where ${\cal M} = {\displaystyle \frac{m_\gamma c}{\hbar}}$, $m_\gamma$ is the photon mass,
$c = 2.998 \times 10^8$ [m s$^{-1}$] is the speed of light and $\hbar = 1.055 \times 10^{-34}$ [kg m$^2$ s$^{-1}$].
T stands for the total EM quantities due to background and photon contributions; $j^\beta$ is an external current, if it exists,
and $\mu_0 = 1.257 \times 10^{-6}$ [kg m A$^{-2}$s$^{-2}$] is the magnetic permeability.
Splitting the EM tensor field and the EM 4-potential in the background (capital letters) and photon (small letters) contributions, we have
\begin{equation}
A^\beta_{\rm T} = A^\beta + a^\beta ~~~~~~~~~~~~~~~~~F^{\alpha\beta}_{\rm T} = F^{\alpha\beta} + f^{\alpha\beta}~,
\end{equation}
which substituted into Eq. (\ref{dBfe}) gives
\begin{equation}
\partial_\alpha f^{\alpha\beta} + {\cal M}^2 a^\beta = \mu_0 j^\beta - \partial_\alpha F^{\alpha\beta} - {\cal M}^2 A^\beta ~.
\label{dBfe-split}
\end{equation}
Equation (\ref{dBfe-split}) tells us that the dBP photon interacts with the background
through the potential even when the background field is constant. Indeed, if a field is constant, its associated potential is not
\begin{equation}
F^{\alpha\beta} = \partial^\alpha A^\beta - \partial^\beta A^\alpha~.
\end{equation}
Conversely, this is not the case for the Maxwell photon, Eq. (\ref{M-split}), which interacts only with a non-constant field
\begin{equation}
\partial_\alpha f^{\alpha\beta} = \mu_0 j^\beta - \partial_\alpha F^{\alpha\beta}~.
\label{M-split}
\end{equation}
The energy-momentum density tensor $\theta_{\ \tau}^{\alpha}$ [Jm$^{-3}$] for the dBP photon is obtained after a lengthy computation and is given by
\begin{eqnarray}
\theta^\alpha_{~\tau} =
& {\displaystyle \frac{1}{\mu_0}} \left[ f^{\alpha\beta} f_{\beta\tau} + {\cal M}^2 a^\alpha a_\tau + {\cal M}^2 A^\alpha a_\tau + \right. \nonumber \\
& \left. \delta^\alpha_\tau \left( {\displaystyle \frac{1}{4}} f^2 - {\displaystyle \frac{1}{2}} {\cal M}^2 a^2 - {\cal M}^2 A^\beta a_\beta\right)\right]~.
\label{dBemt}
\end{eqnarray}
For $\vec E$, $\vec B$, the electric and magnetic fields of the background, $\vec e$, $\vec b$, the electric and magnetic fields of the photon,
$\Phi$, $\vec A$, scalar and vector potentials of the background, and $\phi$, $\vec a$, scalar and vector potentials of the photon,
we make explicit first the energy density [Jm$^{-3}$]
\begin{equation}
\theta^0_{~0} = \frac{1}{2}\left\{
\epsilon_0 e^2
+ \frac{1}{\mu_0} b^2
+ {\cal M}^2\left[\left(\epsilon_0\phi^2 + \frac{1}{\mu_0}a^2\right)
+ 2 \frac{{\vec A}\cdot{\vec a}}{\mu_0}\right]\right\}
\end{equation}
where $\epsilon_0 = 8.854 \times 10^{-12}$ [A$^2$s$^4$kg$^{-1}$m$^{-3}$] is the electric permittivity,
and second we make explicit the generalised Poynting density vector [Jm$^{-3}$]
\begin{equation}
\theta^i_{~0} = \frac{1}{\mu_0 c} \left[ \left. {\vec e}\times {\vec b}\right|_i
+ {\cal M}^2\phi (a_i + A_i)\right]~.
\end{equation}
The energy-momentum density tensor
variation $\partial_\alpha \theta_{\ \tau}^{\alpha}$ [Jm$^{-4}$] is given by
\begin{equation}
\partial_\alpha \theta^\alpha_{~\tau} =
\underbrace{
j^\alpha f_{\alpha\tau}- {\displaystyle \frac{1}{\mu_0}}(\partial_\alpha F^{\alpha\beta})f_{\beta\tau}
}_{\text{Maxwellian terms}}
\underbrace{ +
{\displaystyle \frac{1}{\mu_0}} {\cal M}^2 (\partial_\tau A^\beta)a_\beta
}_{\text{de Broglie-Proca term}}~.
\label{dBnoncon}
\end{equation}
which, after multiplication by $c$, in the explicit form becomes [Jm$^{-2}$s$^{-1}$]
\begin{align}
c & \left(\partial_0 \theta^0_{~0} + \partial_i \theta^i_{~0}\right) =
\ \partial_t \theta^0_{~0} + c \ \partial_i \theta^i_{~0} = \nonumber\\
& - {\vec j}\cdot{\vec e}
- \epsilon_0 \left (\partial_t {\vec E}\right)\cdot {\vec e}
+ \frac{1}{\mu_0}\left(\nabla \times {\vec B}\right)\cdot{\vec e} ~ - \nonumber\\
& {\cal M}^2 \left[\epsilon_0\left(\partial_t \Phi\right)\phi - \frac{1}{\mu_0} \left (\partial_t{\vec A}\right)\cdot{\vec a}\right]~.
\end{align}
In conclusion, the energy-momentum density tensor of the dBP photon is not conserved. In addition to the
Maxwellian terms, the mass couples with the background potential time-derivative.
\section {Light propagation in the SME\label{LightSME}}
\subsection {Non-conservation}
In contrast to the LSV vector, the LSV tensor does not violate CPT. The frequency LSV
shift that we shall be dealing with here is an observable of CPT violation, since it depends on the vector and tensor formulations.
Incidentally, we shall see that the leading term is $k^{\rm AF}_0$ which violates CPT.
Indicating by the symbol * the dual field, the photon energy-momentum density tensor $\theta_{\ \tau}^{\alpha}$ [Jm$^{-3}$] is
\cite{bodshnsp2018,helayel-spallicci-2019}
\begin{align}
\theta_{\ \tau}^{\alpha} & = \frac{1}{\mu_0} \left( f^{\alpha\nu}f_{\nu\tau}
+ \frac{1}{4} \delta_{\tau}^{\alpha}f^{2}
- \frac{1}{2} k^{\rm AF}_{\tau}\ ^{*}f^{\alpha\nu}a_{\nu}+\right.\nonumber \\
& \ \ \left. k_{\rm F}^{\alpha\nu\kappa\lambda}f_{\kappa\lambda}f_{\nu\tau}
+\frac{1}{4} \delta_{\tau}^{\alpha}k_{\rm F}^{\kappa\lambda\nu\beta}f_{\kappa\lambda}f_{\nu\beta}\right )~.
\label{pemt}
\end{align}
We render explicit the energy density [Jm$^{-3}$]
\begin{align}
\theta^0_{~0} = &
\frac{1}{2}\left[\epsilon_0 \left(\delta_{ij} - 2\chi_{ij}\right)e_i e_j + \right. \nonumber \\
& \left. \frac{1}{\mu_0} \left(\delta_{ij} + 2\zeta_{ij}\right)b_i b_j - k^{\rm AF}_{0}{\vec b}\cdot{\vec a}\right]~,
\end{align}
where $k^{\rm AF}_0$ represents the time component of the breaking vector and the $k_{\rm F}^{\alpha\nu\kappa\lambda}$ tensor is
decomposed as
\begin{align}
& k_{\rm F}^{0i0j} = \chi_{ij} = \chi_{ji}~,\\
& k_{\rm F}^{0ijk} = \epsilon_{ikl} \xi_{il}~,\\
& k_{\rm F}^{ijkl} = \epsilon_{ijm} \epsilon_{kln} \zeta_{mn}~;
\end{align}
$\chi_{ij}$ and $\zeta_{m,n}$ are symmetric in the indexes, $\xi_{il}$ does not have symmetry properties;
$\chi_{ij}$ and $\zeta_{m,n}$ have 6 components each, while $\xi_{il}$ has 9, totalling the 21 components of $k_{\rm F}^{\alpha\nu\kappa\lambda}$.
We now render explicit the generalised Poynting density vector [Jm$^{-3}$]
\begin{eqnarray}
\theta^i_{~0} =
& {\displaystyle \frac{1}{\mu_0 c}} \left. {\vec e}\times {\vec b}\right|_i
- 2 {\displaystyle \frac{1}{\mu_0}} \left({\displaystyle \frac{1}{c}}\epsilon_{ijl}\xi_{kl} e_k b_j + \epsilon_{ijk}\zeta_{kl} b_j b_l\right)- \nonumber \\
& {\displaystyle \frac{1}{2}} k^{\rm AF}_0\left(\epsilon \phi e_i
- {\displaystyle \frac{1}{\mu_0 c}} \left. {\vec a}\times {\vec e}\right|_i \right)~.
& ~.
\end{eqnarray}
The energy-momentum density tensor variation $\partial_{\alpha} \theta_{\ \tau}^{\alpha}$ [Jm$^{-4}$] is given by
\vspace*{-0.2cm}
\begin{eqnarray}
&\partial_{\alpha}\theta_{\ \tau}^{\alpha} =
\underbrace{
j^{\nu}f_{\nu \tau} - {\displaystyle \frac{1}{\mu_0}} \left(\partial_{\alpha}F^{\alpha \nu}\right)f_{\nu \tau}
}
_{\text{Maxwellian terms}}
\nonumber \\
& - {\displaystyle \frac{1}{\mu_0}} \left [
\underbrace{
\frac{1}{2}
\left(\partial_{\alpha}k^{\rm AF}_{\tau}\right)\ ^{*}f^{\alpha\nu}a_{\nu} - \frac{1}{4}\left(\partial_{\tau}k_{\rm F}^{\alpha \nu\kappa\lambda}\right)f_{\alpha \nu}f_{\kappa\lambda}
}
_{\text{EM background independent terms}} +
\right. \nonumber \\
&
\left.
\underbrace{\partial_{\alpha}\left(k_{\rm F}^{\alpha \nu\kappa\lambda}F_{\kappa\lambda}\right)f_{\nu \tau}
}
_{\text{non-constant term}} +
\underbrace{
k^{\rm AF}_{\alpha}{^*}F^{\alpha \nu}f_{\nu \tau}
}
_{\text{constant term}}
\right]~.
\label{pemt-nc-0}
\end{eqnarray}
After multiplication by $c$, the energy-momentum density tensor variation in the explicit form becomes [Jm$^{-2}$s$^{-1}$]
\begin{align}
~~~~ c & \left(\partial_0 \theta^0_{~0} + \partial_i \theta^i_{~0}\right) =
\partial_t \theta^0_{~0} + c \ \partial_i \theta^i_{~0} = \nonumber\\
& - {\vec j}\cdot{\vec e}
- \epsilon_0 \left (\partial_t {\vec E}\right)\cdot {\vec e}
+ \frac{1}{\mu_0}\left(\nabla \times {\vec B}\right)\cdot{\vec e} ~ - \nonumber\\
& \frac{1}{2} \frac{1}{\mu_0 c} \left\{ \left ( \partial_t k^{\rm AF}_{0}\right ) {\vec e} \cdot {\vec a}
- \left ( \nabla k^{\rm AF}_{0}\right ) \cdot \left [\phi{\vec e} + c \left ({\vec a} \times {\vec b}\right)\right ] \right\} +
\nonumber \\
& \epsilon_0 \left ( \partial_t \chi_{ij}\right ) e_i e_j - 2 \frac{1}{\mu_0 c} \left ( \partial_t \xi_{ij}\right ) e_i b_j
+ 4 \frac{1}{\mu_0} \left ( \partial_t \zeta_{ij}\right ) b_i b_j + \nonumber \\
& 2 \epsilon_0 \partial_t \left (\chi_{ij}E_j\right ) \cdot e_i - 2 \frac{1}{\mu_0 c} \partial_t \left ( \xi_{ij}B_j\right ) \cdot e_i +
\nonumber \\
& \frac{1}{\mu_0 c} \left. {\vec e} \times \nabla \right|_i \cdot \left (2 \xi_{ji}E_j + c \zeta_{ij}B_j \right) - \nonumber \\
& \frac{1}{\mu_0 c} \left [ {\vec k}^{\rm AF} \cdot \left ( {\vec E} \times {\vec e}\right) + c k^{\rm AF}_{0} {\vec B}\cdot{\vec e}
\right]~.
\label{pemt-nc-0-expl}
\end{align}
The energy-momentum density tensor variation is due to the following contributions:
\begin{itemize
\item{Maxwellian, LSV-independent terms that we have seen in Sect. \ref{appa}.} \vskip5pt
There are three massive contributions (though not all the components are mass dependent).
\item{EM background independent terms implying that the energy-momentum density flux is not conserved in the absence
of EM fields, if the LSV fields are space-time dependent. This is really a distinctive feature of the SME.}
\item{An LSV and EM space-time dependent term.}
\item{A constant term coming solely from the CPT-odd handedness represented by the Carroll-Field-Jackiw (CFJ)
electrodynamics \cite{cafija90}. Its action entails a non-constant 4-potential, for a constant EM background and a constant $k_{\rm AF}$. Indeed, there is an explicit $x^\alpha$ coordinate dependence at the level of the Lagrangian, exactly as in the dBP theory.}
\end{itemize}
The breaking tensor $k_{\rm F}$ appears either under a derivative or coupled to a derivative of the EM background.
{\renewcommand{\arraystretch}{1.2}
\begin{table}[h]
\centering
\caption
{\small
{\footnotesize Upper limits of the LSV parameters, in SI units:
$^{1}$Rotation in the polarization of light in resonant cavities \cite{gomesmalta2016}.
$^{2}$Astrophysical observations \cite{kosteleckyrussell2011}. Such estimates are close to the Heisenberg limit
on the smallest measurable energy or mass or length for a given time, $t$, set equal to the age of the universe.
A full table of values was shown in \cite{helayel-spallicci-2019}.}}
\begin{tabular}{|c|c|}
\hline
$k^{\rm AF}_0$~~~~~~$^{1}$ &
$5.1 \times 10^{-10}$ m$^{-1}$ \\ \hline
$k^{\rm AF}_0$~~~~~~$^{2}$ &
$5.1 \times 10^{-28}$ m$^{-1}$ \\ \hline
\end{tabular}
\label{tableLSV}
\end{table}
}
The above contributions determine the energy-momentum non-conservation, according to the Noether theorem
(symmetry breaking). Put another way, the photon exchanges energy with the LSV and EM fields.
Comparing the non-conservation in dBP and SME cases, the former is relativistic and respects LoSy, while the
latter is gauge-invariant. The advantage of the latter lies in tracing the origin of the mass in the LSV
vacuum energy. In both cases a modification of the SM is necessary.
\subsubsection{Origin of the non-conservation}
An estimate of the energy change that light would undergo was given \cite{helayel-spallicci-2019}.
The wave-particle correspondence, even for a single photon \cite{aspect-grangier-1987}, leads us to consider
that the light-wave energy non-conservation is translated into photon energy variation and thereby into a
red or a blue shift. The energy variations, if there are losses, would translate into frequency damping.
According to \cite{kosteleckysamuel1989b}, the LoSy breaking 4-vector, $k_{\rm AF}$, and the rank-4 tensor,
$k_{\rm F}$, correspond, respectively, to the vacuum condensation of a vector and a tensor field in the
context of string models. They describe part of the vacuum structure, which appears in the form of space-time
anisotropies. Therefore, their presence on the right-hand side of Eq.
(\ref{pemt-nc-0}) reveals that vacuum effects are responsible for the energy variation of light waves,
which, in turn, correspond to a photon frequency shift. In plain terms, vacuum anisotropies are the really responsible
for changing the frequency of light emitted by astrophysical structures.
\subsection{Sizing the LSV frequency shift}
In Eq. (\ref{pemt-nc-0}), we may neglect the tensorial perturbation in the frame of Super-Symmetry (SuSy)
since it is less likely to condense than the CFJ vectorial perturbation
\cite{bebegahn2013,bebegahnle2015,helayel-spallicci-2019}. Independently of SuSy, the $k_{\rm F}$ term
can be neglected since it is quadratic in the field strength and in frequency. The CFJ term instead contains a single derivative
and is linear in the frequency. Thus, for optical frequencies of the SNeIA, the $k_{\rm AF}$
is the dominant contribution.
Excluding the space-time dependent components of the (inter-) galactic magnetic and LSV fields, only
one contribution, the last term in Eqs. (\ref{pemt-nc-0},\ref{pemt-nc-0-expl}), survives.
Finally, excluding external currents and large scale electric fields, an estimate was given along the line of sight observer-source for this term \cite{helayel-spallicci-2019},
\vspace*{-0.2cm}
\begin{equation}
\partial_{\alpha}\theta_{\ 0}^{\alpha} \approx
-\frac{1}{\mu_0} k^{\rm AF}_{0}\ ^{*}F^{0 i}f_{i 0}~,
\label{pemt-nc-0-new-expl}
\end{equation}
where
$^{*}F^{0 i}$ are the magnetic components of the dual EM background tensor field and
$f_{i 0}$ are the electric components of the EM photon tensor field.
There is no relation between the $k^{\rm AF}_{0}$ and the photon mass\footnote{For simplicity of notation we replace
$k^{\rm AF}$ by $V$; further, the 4-wave-vector is $k^{\mu}=\left({\displaystyle \frac{\omega}{c}},\vec{k}\right)$,
where $k^2 = \left({\displaystyle \frac{\omega^2}{c^2}} - {\vec k}^2\right)$. Equations (3) in \cite{bodshnsp2017}
or (9) in \cite{bodshnsp2018} confirms the CFJ dispersion relation \cite{cafija90}; that is,
\begin{eqnarray}
&\left(k^{\mu}k_{\mu}\right)^{2}+\left(V^\mu V_\mu\right)\left(k^{\nu}k_{\nu}\right)-\left(V^\mu k_{\mu}\right)^{2}= \\
&\left[\left({\displaystyle \frac{\omega}{c}}\right)^2 - {\vec k}^2 \right]^2
+ \left(V_0^2 - {\vec V}^2\right)\left[\left({\displaystyle \frac{\omega}{c}}\right)^2 - {\vec k}^2 \right]
- \left(V_0{\displaystyle \frac{\omega}{c}} - {\vec V}{\vec k} \right)^2= 0~. \nonumber
\label{CFJ DR}
\end{eqnarray}
For a massive photon, the rest mass is computed in the rest frame of the photon, $\vec k = 0$, rendering Eq. (\ref{CFJ DR}) as
\begin{equation}
\left({\displaystyle \frac{\omega}{c}}\right)^4
+ \left(V_0^2 - {\vec V}^2\right) \left({\displaystyle \frac{\omega}{c}}\right)^2
- \left(V_0{\displaystyle \frac{\omega}{c}} \right)^2= 0~.
\label{CFJ DR k=0}
\end{equation}
Equation (\ref{CFJ DR k=0}) has two solutions: one non-massive for $\omega=0$ (since gauge symmetry is not
broken in CFJ formalism), the other for ${\omega = c |{\vec V}|}$. In conclusion, the time component of the
CFJ perturbation vector does not contribute to the photon mass.}, though there are obviously massive terms in Eq. (\ref{pemt-nc-0}).
Assuming that the energy variation of a light-wave corresponds to a frequency shift for a photon, we converted the energy variation given by Eq. (\ref{pemt-nc-0-new-expl}) into
$\Delta\nu$, $\nu$ being the photon frequency. For $\nu = 486$ THz \cite{helayel-spallicci-2019}
\vspace*{-0.2cm}
\begin{equation}
|\Delta\nu|_{\rm LSV}^{486~{\rm THz}} \approx 3.6 \times 10^{47} B~f_{i 0}~t_{\rm LB}~ k^{\rm AF}_0~{\varrho} ~,
\label{estimate3new}
\end{equation}
where $t_{\rm LB}$ is the look-back time and ${\varrho}$ is an arbitrary attenuation parameter that takes into
account that the magnetic fields (host galaxy, intergalactic, Milky Way) estimated at $B = 5 \times 10^{-10} - 5 \times 10^{-9}$ T
each, passed through by the photon, probably have different orientations and thus compensate for each other.
We have not considered any relevant magnetic field at the source.
For a numerical estimate of Eq. (\ref{estimate3new}), let us consider a source at $z=0.5$, $t_{\rm LB} = 1.57 \times 10^{17}$ s,
$f_{i 0}= 3.79 \times 10^{-9}$ V~s~m$^{-2}$, an average $B = 2.75 \times 10^{-9}$ T. We wish to determine what the maximum level of $z_{\rm LSV}$ could be.
For $k^{\rm AF}_0$ the laboratory and astrophysical upper limits are $5.1 \times 10^{-10}$ m$^{-1}$ and $5.1 \times 10^{-28}$ m$^{-1}$,
respectively \cite{kosteleckyrussell2011,gomesmalta2016}, see Table \ref{tableLSV}.
This leads to a value of the order of $10\%$ of the total $z$, for ${\varrho} \approx 8 \times 10^{-26}$ and
${\varrho} \approx 8 \times 10^{-8}$, respectively. These estimates are {\it arbitrary} and just show that they can
recover the largest frequency shifts in agreement with observational data from SNeIa.
Nevertheless, with different assumptions on $\varrho$ and $k^{\rm AF}_0$, we can get considerably smaller percentages of the rate
$z_{\rm LSV}/z$ that are still in agreement with data.
Indeed, it is important to note that the {\it single} $z_{\rm LSV}$ shift from a {\it single} SNIa may be small or large,
red or blue, depending on the amplitude and orientations of the LSV (vector or tensor) and of the EM fields (host galaxy,
intergalactic medium, Milky Way), and obviously the distance of the source. In any case, the final $z_{\rm LSV}$ is the result of
accumulated shifts, both red and blue, encountered along the path.
We have set upper limits starting from the physics; in the following, we shall set upper limits from the cosmological data in
answer to the question of what range of values of $z_{\rm LSV}$ can be accommodated by cosmology. In following Sections, we
shall refer to a generic $z_{\rm LSV}$ given by all the terms in Eq. (\ref{pemt-nc-0}).
\subsection{Recasting $z$ \label{zmodels}}
The existence of a photon frequency shift not due to the relative motion of the source and the observer
belongs to the realm of physics. The role of such shifts in cosmology can attain three levels: replace
totally or accompany to a certain degree the expansion shift. In the case of total replacement, we would
return to the conception of a static universe, which still passes some tests but fails many others
\cite{lopezcorredoira-2017,lopezcorredoira-2018}. At the other extreme, such a shift could be marginal
for cosmology, but nevertheless be of relevance for fundamental physics.
Here, we explore an intermediate option for which the static shift is superposed on the expansion shift.
After recalling that the definition of $z = \Delta \nu/\nu_o$, where $\Delta \nu = \nu_{\rm e} - \nu_o$ is the difference between the observed $\nu_o$ and emitted
$\nu_{\rm e}$ frequencies, or else $z = \Delta \lambda/\lambda_{\rm e}$ for the wavelengths, we pose the following conjecture:
expansion causes $\lambda_{\rm e}$ to stretch to $\lambda_{\rm c}$; that is, $\lambda_{\rm c} = (1+z_{\rm C})\lambda_{\rm e}$.
The wavelength $\lambda_{\rm c}$ could be further stretched or shrunk for the LSV shift to $\lambda_{\rm o} =
(1+z_{\rm LSV})\lambda_{\rm c} = (1+z_{\rm LSV}) (1+z_{\rm C}) \lambda_{\rm e}$.
But since $\lambda_{\rm o} = (1+z)\lambda_{\rm e}$, we have
$1 + z = (1+z_{\rm C}) (1+z_{\rm LSV})$; thus
\vspace*{-0.2cm}
\begin{eqnarray}
z = z_{\rm C} + z_{\rm LSV} + z_{\rm C}z_{\rm LSV} \coloneqq z_{\rm o}~.
\label{newz}
\end{eqnarray}
where $z_{\rm o}$ is the spectroscopically or photometrically observed $z$. The second order is non-negligible for larger $z_{\rm C}$.
We model the behaviour of $z_{\rm LSV}$ with distance in three\footnote{We refrain form considering
a fourth option proportional to the observed frequency and the distance.} different ways, Table \ref{tabmodels},
according to whether the frequency variation is proportional to
\begin{itemize}
\item {the instantaneous frequency and to the distance,}
\item {the emitted frequency and the distance, or}
\item {just the distance.}
\end{itemize}
The $z_{\rm C}$ shift stems from the expansion of the universe, whereas the $z_{\rm LSV}$ would occur also along a static distance $r$. The $k_i$ parameters can take either positive (frequency increase) or negative (frequency decrease) values.
\begin{widetext}
\begin{table}
\caption{\footnotesize LSV shift types. In the first column, the frequency variation is proportional to the
instantaneous frequency and to the distance; in the second to the emitted frequency and the distance;
in the third only to the distance; $k_{1,2}$ have the dimensions of Mpc$^{-1}$, $k_3$ of Mpc$^{-1}$s$^{-1}$.
The positiveness of the distance $r$ constraints the shifts, see forth row.}
\label{tab1}
\newcolumntype{C}[1]{>{\centering\arraybackslash}m{#1}}
\setlength\extrarowheight{3pt}
\begin{tabular}
{
| C{1cm}
| C{4cm}
| C{4cm}
| C{4cm}
|
}
\hline
Type
& ~~~ 1
& ~~~~~~~~~~~~ 2
& ~~~~~~~~~~~~~ 3
\\ \hline
$d\nu $
& ~~~~ $k_1 \nu dr$
& ~~~~~~~~~~~~~ $k_2 \nu_{\rm e} dr$
& ~~~~~~~~~~~~~~ $k_3 dr$
\\ \hline
$\nu_{\rm o}$
& ~~~~~ $\nu_{\rm e}\exp^{k_1 r}$
& ~~~~~~~~~~~~~~ $\nu_{\rm e}(1 + k_2 r)$
& ~~~~~~~~~~~~~~ $\nu_{\rm e}+ k_3 r$
\\ \hline
$z_{\rm LSV}$
& $\exp^{- k_1 r} - 1$
& ~~~~~~~~~~~ $-{\displaystyle \frac{k_2 r}{1 + k_2 r}}$
& ~~~~~~~~~~~ $-{\displaystyle \frac{k_3 r}{\nu_e + k_3 r}}$
\\[6pt] \hline
$r$
& $-{\displaystyle \frac{\ln(1+z_{\rm LSV})}{k_1}}$
& $~~~~~~-{\displaystyle \frac {z_{\rm LSV}}{k_2(1 + z_{\rm LSV})}}$
& $~~~~~~~~~~~~~-{\displaystyle \frac {\nu_{\rm e} z_{\rm LSV}}{k_3(1 + z_{\rm LSV})}}$
\\ \hline
$ r >0$
&\vtop{\hbox{\strut $z_{\rm LSV}>0~~{\rm for}~~ k_1 < 0$}\hbox{\strut $- 1 < z_{\rm LSV} < 0~~{\rm for}~~ k_1 > 0$}}
&\vtop{\hbox{\strut $z_{\rm LSV}<-1~~{\rm or}~~z_{\rm LSV} >0~~{\rm for}~~k_2 < 0$}\hbox{\strut~$- 1 < z_{\rm LSV} < 0~~{\rm for}~~k_2 > 0$}}
&\vtop{\hbox{\strut $z_{\rm LSV}<-1~~{\rm or}~~z_{\rm LSV} >0~~{\rm for}~~k_3 < 0$}\hbox{\strut~$- 1 < z_{\rm LSV} < 0~~{\rm for}~~k_3 > 0$}}
\\ \hline
\end{tabular}
\label{tabmodels}
\end{table}
\end{widetext}
\section{The LSV frequency shift and dark energy \label{lsvde}}
\subsection{Supernovae: luminosity and red shift distances}
A greater than expected SNIa luminosity distance $d_{\rm L}$ for a given red shift led to the proposal of dark
energy in order to reach consistency with the data \cite{riess-etal-1998, perlmutter-etal-1999}. We pursue the same consistency by using Eq. (\ref{newz}) instead.
We do not intend in this paper to propose a fully fledged alternative cosmology, but solely to take the first steps
towards the {\it third option} presented in Section \ref{intro}. In the following we do not intend to state
strict conclusions for cosmology; instead, we limit ourselves to exploring whether existing data can accommodate our reinterpretation;
namely, the recasting of $z$ through the additional non-expansion related shift. For this exploration, we pick a
popular cosmology simulator \cite{wright-2006,wright-2018} and draw from it our initial considerations.
The values that $z_{\rm C}$ should assume for a fixed $d_{\rm L}$ are computed for two values (0.72 and 0) of
$\Omega_\Lambda$ energy density and three values (0.7, 0.67, 0.74) of $h$ in Table \ref{mimicz}. We
find that a small percentage correction of the red shift (from 0.01\% up to 10\%, a range we have proven feasible
in Sect. \ref{LightSME}) allows us to recover the {\it same} luminosity distances.
The explored range of $z$ values for SNeIa is (0-2). The most distant SNIa is at $z=1.914$ \cite{jones-etal-2013}. Inverting Eq. (\ref{newz}), we get
\begin{equation}
z_{\rm C} = \frac{z - z_{\rm LSV}}{1 + z_{\rm LSV}}~.
\label{newz-inv}
\end{equation}
If the $z_{\rm LSV}$ shift is blue, and thus negative, the photon gains energy, which implies that the
cosmological $z_{\rm C}$ is higher than the observed $z$. If red, and therefore positive, the photon
dissipates energy along its path, which implies that the cosmological $z_{\rm C}$ is smaller than the observed $z$.
From a first glance at Table \ref{mimicz}, it appears that in most cases adding a negative blue
$z_{\rm LSV}$ shift to the cosmological $z_{\rm C}$ is sufficient for agreement between $d_{\rm L}$
and $z$. Instead, the red shifts appear for $h=0.67$ and small values of $z$.
It is also evident that for higher $h$ values a larger $z$ recasting is necessary, and that the shift is bluer.
Patently, these are macroscopic and averaged indications. The next step necessitates picking each SNIa
from a catalogue and evaluating the associated $z_{\rm LSV}$.
Preliminary simulations show that $z_{\rm LSV}$ turns into red or blue shifts, depending also on other
cosmological parameters, {\it e.g.}, the value of matter density $\Omega_{\rm m}$ or of the curvature
$\Omega_{\rm k}$, and on the behaviour of $z_{\rm LSV}$ with frequency and distance, Table \ref{tabmodels}.
At the bottom of Table \ref{mimicz}, we have added two lines for $z = 4$ and $z =11$ to gauge the behaviour
of $z_{\rm LSV}$ at large $z$: the most distant superluminous SN is at $z = 3.8893$ \cite{cooke-etal-2012},
and the most distant galaxy is at $z = 11.09$ \cite{oesch-etal-2016}.
The data in Table \ref{mimicz} can be commented on by momentarily adopting the usual terminology of accelerated
expansion. The acceleration is not observable in our immediate neighbourhood; it would start to be
noticeable further out and increase up to a maximum at $z \approx 0.5$. After this threshold value,
the acceleration would decrease and for approximately $z \geq 4$, the so-called turning point, it would
change sign corresponding to the deceleration phase associated with the older universe.
How to reinterpret the above through a recast $z$? Far out, for approximately $z \geq 4$, $z_{\rm LSV}$
becomes definitely (and more and more) red. Since a red $z_{\rm LSV}$ shift corresponds to dissipation,
we feel comforted by this easy interpretation for remote distances.
Instead, the major difficulty is explaining why $z_{\rm LSV}$ starts from a small (blue or red) value in
our immediate neighbourhood and increases up to a (blue) maximum for $z \approx 0.5$. This is maybe due
to our location in a local void, or other manifestations of inhomogeneities or anisotropies. But before
embarking in this sort of argument, the controversy on the data supporting dark energy \cite{
vishwakarma-narlikar-2010,
morenoraya-etal-2016,
nielsen-guffanti-sarkar-2016,
rubin-hayden-2016,
haridasu-lukovic-dagostino-vittorio-2017,
velten-gomes-busti-2018,
csaki-kaloper-terning-2002a,
csaki-kaloper-terning-2002b,
blanchard-etal-2003,
dam-heinesen-wiltshire-2017,
tutusaus-lamine-dupays-blanchard-2017,
tutusaus-lamine-blanchard-2019,
colin-etal-2019,
kang-etal-2020,
salehi-etal-2020}
should be first of all settled.
\begin{widetext}
\begin{table}[h]
\caption{\footnotesize We hold to the observed $z_{\rm o} \coloneqq z $, Eq. (\ref{newz}), and show the values
that the cosmological shift $z_{\rm C}$ and possibly $z_{\rm LSV}$ should assume for obtaining a given luminosity distance $d_{\rm L}$, in the first column.
We assume different values for $H_0 = h\times 100$ km/s per Mpc and for $\Omega_\Lambda$ densities (the curvature and radiation densities are set to zero, $\Omega_{\rm k} = \Omega_{\rm rad} = 0 $). In the second column for matter
density $\Omega_{\rm m} = 0.28$, energy density $\Omega_{\Lambda} = 0.72$ and $h=0.7$, we pose $z_{\rm LSV} = 0$
and thereby $ z = z_{\rm C}$; in the third column for $\Omega_{\rm m} = 0.28$ but $\Omega_{\Lambda} = 0 $
and $h = 0.7$, we show the values of $z_{\rm C}$ that determine the same $d_{\rm L}$; in the fourth, eighth and
twelfth columns, the percentage variation of $z_{\rm C}$; in the fifth, ninth and thirteenth columns, from
Eq. (\ref{newz}), $z_{\rm LSV} = {\displaystyle \frac{z - z_{\rm C}}{1 + z_{\rm C}}}$; in the sixth, tenth and
fourteenth columns, the rate ${\displaystyle \frac{z_{\rm LSV}}{z}} $;
in the seventh column for $\Omega_{\rm m} = 0.28$ but $\Omega_{\Lambda} = 0 $ and $h = 0.67$, the values
of $z_{\rm C}$ which determine the same $d_{\rm L}$; in the eleventh column for $\Omega_{\rm m} = 0.28$
but $\Omega_{\Lambda} = 0 $ and $h = 0.74$, the values of $z_{\rm C}$ which determine the same $d_{\rm L}$.
Red or
blue shifts correspond to positive and negative values of $z_{\rm LSV}$, respectively.
The most distant SNIa is at $z=1.914$ \cite{jones-etal-2013}, the most distant superluminous SN is at
$z = 3.8893$ \cite{cooke-etal-2012}, and the most distant galaxy is at $z = 11.09$ \cite{oesch-etal-2016}.
The numerical values are derived from a Cosmology Simulator \cite{wright-2006,wright-2018}.}
\label{tab1}
\newcolumntype{C}[1]{>{\centering\arraybackslash}m{#1}}
\setlength\extrarowheight{3pt}
\begin{tabular}
{
| C{1.19cm}
| C{1.48cm}
|| C{1.48cm}
| C{1.0cm}
| C{1.3cm}
| C{0.9cm}
|| C{1.48cm}
| C{1.0cm}
| C{1.3cm}
| C{0.9cm}
|| C{1.48cm}
| C{1.0cm}
| C{1.3cm}
| C{0.9cm}
|
}
\hline
I
& II
& III
& IV
& V
& VI
& VII
& VIII
& IX
& X
& XI
& XII
& XIII
& XIV
\\ \hline
$ d_{\rm L}$ [Gpc]
& $h = 0.7$ $\Omega_{\rm m} = 0.28$ $\Omega_{\Lambda} = 0.72$ $z_{\rm LSV} = 0$ $ z = z_{\rm C}$ ------------ $z$
& $h = 0.7$ $\Omega_{\rm m} = 0.28$ $\Omega_{\Lambda} = 0$ $z_{\rm LSV} \neq 0$, $z \neq z_{\rm C}$ ----------- $ z_{\rm C}$
& ${\displaystyle\frac{z_{\rm C}- z}{z}} $ [\%]
& $z_{\rm LSV}$
& ${\displaystyle \frac{z_{\rm LSV}}{z}}$ [\%]
& $h = 0.67$ $\Omega_{\rm m} = 0.28$ $\Omega_{\Lambda} = 0$ $z_{\rm LSV} \neq 0$, $z \neq z_{\rm C}$ ------------ $ z_{\rm C}$
& ${\displaystyle\frac{z_{\rm C}- z}{z}} $ [\%]
& $z_{\rm LSV}$
& ${\displaystyle \frac{z_{\rm LSV}}{z}}$ [\%]
& $h = 0.74$ $\Omega_{\rm m} = 0.28$ $\Omega_{\Lambda} = 0$ $z_{\rm LSV} \neq 0$, $z \neq z_{\rm C}$ ----------- $ z_{\rm C}$
& ${\displaystyle\frac{z_{\rm C}- z}{z}} $ [\%]
& $z_{\rm LSV}$
& ${\displaystyle \frac{z_{\rm LSV}}{z}}$ [\%]
\\ \hline
$ ~~~0.2225 $
& $ ~0.05000 $
& $ ~~0.05063 $
& $ ~~~~1.26 $
& $ -0.00059 $
& $ -1.19 $
& $ ~~0.04872 $
& $ ~-2.56 $
& $ ~~~0.00122 $
& $ ~~2.44 $
& $ ~~0.05368 $
& $ ~~~~7.36 $
& $ -0.00349 $
& $ -6.98 $
\\ \hline
$ ~~0.4610 $
& $ ~0.10000$
& $ ~~0.10314$
& $ ~~~~3.14$
& $ -0.00285 $
& $ -2.85 $
& $ ~~0.09888 $
& $ ~-1.12 $
& $ ~~~0.00107 $
& $ ~~1.07 $
& $ ~~0.10877 $
& $ ~~~~8.77 $
& $ -0.00791 $
& $ -7.91 $
\\ \hline
$ ~~2.8528 $
& $ ~0.50000$
& $ ~~0.54649$
& $ ~~~~9.30$
& $ -0.04425 $
& $ -8.88 $
& $ ~~0.52645 $
& $ ~~~~5.29 $
& $ -0.01733 $
& $ -3.46 $
& $ ~~0.57322 $
& $ ~~14.64 $
& $ -0.04654 $
& $ -9.31 $
\\ \hline
$ ~~6.6874 $
& $ ~1.00000$
& $ ~~1.10489$
& $ ~~10.49 $
& $ -0.04983$
& $ -4.98 $
& $ ~~1.06682 $
& $ ~~~~6.68 $
& $ -0.03233 $
& $ -3.23 $
& $ ~~1.15473 $
& $ ~~15.47 $
& $ -0.07181 $
& $ -7.81 $
\\ \hline
$ ~11.0776 $
& $ ~1.50000$
& $ ~~1.63897$
& $ ~~~9.26 $
& $ -0.05266$
& $ -3.51 $
& $ ~~1.58473 $
& $ ~~~~5.65 $
& $ -0.03278 $
& $ -2.18 $
& $ ~~1.71022 $
& $ ~~14.01 $
& $ -0.07756 $
& $ -5.17 $
\\ \hline
$ ~15.8128$
& $ ~2.00000$
& $ ~~2.14731$
& $ ~~~7.36 $
& $ -0.04681$
& $ -2.34 $
& $ ~~2.07771 $
& $ ~~~~3.88 $
& $ -0.02525 $
& $ -1.26 $
& $ ~~2.23873 $
& $ ~~11.93 $
& $ -0.07371 $
& $ -3.68 $
\\ \hline
\hline
$ ~36.6276$
& $ ~4.00000$
& $ ~~3.99729$
& $ ~-0.07 $
& $ ~~0.00054$
& $ ~~~0.01 $
& $ ~~3.87115 $
& $ ~-3.22 $
& $ ~~0.02645 $
& $ ~~0.66 $
& $ ~~4.16317 $
& $ ~~~~4.08 $
& $ -0.03160 $
& $ -0.79 $
\\ \hline
$ 118.5408$
& $ 11.00000$
& $ ~~9.47515$
& $ -13.86 $
& $ ~~0.14557$
& $ ~~~1.32 $
& $ ~~9.17182 $
& $ -16.62 $
& $ ~~0.17973 $
& $ ~~1.63 $
& $ ~~9.87518 $
& $ -10.22 $
& $ ~~0.10343 $
& $ ~~0.94 $
\\ \hline
\end{tabular}
\label{mimicz}
\end{table}
\end{widetext}
\subsubsection{Time dilation and Supernovae \label{TDSN}}
Since the SME induces an effective mass to the photon \cite{bodshnsp2017,bodshnsp2018}, we are dealing with massive photons.
Blondin {\it et al.} \cite{blondin-etal-2008} compared several spectra from the more distant SNeIa with those
of nearer ones and found that the more distant explosions took longer to unfold. They pointed out that time dilation in SNeIa cannot be attributed to `tired light'.
Let us discuss not only this statement in the context of this paper, but also our assumptions on reinterpreting $z$ by examining three related issues.
Firstly, just attributing
mass to a photon does not determine {\it per se} a decaying frequency, a feature of the `tired light'.
Indeed, massive photon propagation obeys the dBP equation which, in the absence of an EM background, is written as \cite{db40}
\begin{equation}
\left[\square + \left(\frac{m_\gamma c}{\hbar}\right)^2\right]a^\alpha = 0~,
\label{dBPwave}
\end{equation}
$m_\gamma$ being the photon mass, $c$ the speed of light, and $\hbar$ the reduced Planck constant. Equation
(\ref{dBPwave}) does not entail frequency decay, unless the mass has an imaginary component and there is a singular source term on the right-hand side
\cite{thiounn-1960,yourgrau-woodward-1974}.
For violating photon energy conservation, apart an external current term, there must be an EM background field, Eq. (\ref{dBnoncon}).
Secondly, the energy variation computed here occurs regardlessly of the expansion. The associated shift has
been named $z_{\rm LSV}$ and evaluated to be at most 10\% of the total $z$. It is legitimate to ask
whether there is any impact on time dilation due to this reinterpretation of $z$.
In an expanding universe, the ratio of the observed frequency to that emitted by a distant object or the
observed rate of any time variation in the intensity of the emitted radiation will be proportional to
\begin{equation}
\frac{1}{1 + z}~.
\end{equation}
Blondin {\it et al.} \cite{blondin-etal-2008} estimated $(1+z)^b$ as $b=0.97 \pm 0.10$, $b =1$ being the value
predicted by the Friedmann-Lema\^{i}tre-Robertson-Walker cosmology. A variation of 10\% for $b$ is tantamount to
a variation of the same order for $z$, as the Taylor expansion shows
\begin{equation}
\frac{1}{({1 + z})^b}\simeq 1 - bz + \frac{1}{2} (b+b^2) z^2~.
\end{equation}
Therefore, supposing the total $z$ as the sum of an expansion related $z_{\rm C}$ and a static $z_{\rm LSV}$ is
compatible with the findings in \cite{blondin-etal-2008}.
Thirdly, the massive photon group velocity differs from $c$ by a quantity proportional to the inverse of the frequency squared
\cite{db22,db23,debroglie-1924,db40}.
Such a dependence has been analysed recently with the signals from Fast Radio Bursts (FRBs)
\cite{boelmasasgsp2016,wuetal2016b,boelmasasgsp2017,bebosp2017,shao-zang-2017,wei-zhang-zhang-wu-2017,wei-xu-2018,yang-zhang-2017,xing-etal-2019,wei-xu-2020}.
It appears that the SNIa spectra often shift from higher, $f_{\rm h}\approx 8 \times 10^{14}$ Hz, to lower,
$f_{\rm l}\approx 4 \times 10^{14}$ Hz, optical frequencies during the burst \cite{blondin-etal-2008}.
Photons emitted at the end will therefore take more time to reach the observer than those at start.
This delay would occur even when the source is static, mimicking time dilation. For a source at distance $d$,
the difference in arrival times is to be added to the burst duration. In SI units, the difference in arrival times is \cite{bebosp2017}
\begin{equation}
\Delta t = \frac{d c^3m_\gamma^2}{8 \hbar^2\pi^2 }
\left(\frac{1}{f_{\rm l}^2} - \frac{1}{f_{\rm h}^2}\right)
\simeq \frac{d}{c}
\left(\frac{1}{f_{\rm l}^2} - \frac{1}{f_{\rm h}^2}\right)
10^{100} m_\gamma^2~.
\label{deltat}
\end{equation}
Inserting the official upper limit on photon mass $10^{-54}$ kg, $d = 1.4\times 10^{9}$ light-years
(approximately corresponding to $z=0.1$), $\Delta t$ is in the order of
$10^{-21}$ s. In an expanding universe, Eq. (\ref{deltat}) becomes \cite{boelmasasgsp2016,boelmasasgsp2017}
\begin{equation}
\Delta t = \frac{1}{H}
\left(\frac{1}{f_{\rm l}^2} - \frac{1}{f_{\rm h}^2}\right)
10^{100} m_\gamma^2 H_\gamma~,
\label{deltatcosm}
\end{equation}
where
\begin{equation}
H_\gamma = \int_0^z \frac{(1+z')^{-2}}{\sqrt{\Omega_m(1+z')^3 + \Omega_\Lambda}}dz'
\label{hgamma}
\end{equation}
Equation (\ref{hgamma}) reduces the outcome of Eq. (\ref{deltat}) by a factor 10 for common values of
the $\Omega$ densities. Hence, we have shown that although massive photons determine an effect similar
to time dilation for not-moving sources or add a static contribution to moving sources, such an effect is utterly marginal for SNeIa.
In conclusion, our assumptions and results are compatible with current literature on SNeIa.
\subsection{BAO, CMB and gravitational lensing
In Sect. \ref{intro}, we gave a brief account on the debates on i) the nature of dark energy, ii) the data
reliability from SNeIa, BAO, CMB and gravitational lensing, and iii) the alternatives to dark energy. The latter
two debates are not dominant as there is a prevailing tendency to converge towards the $\Lambda$CDM Concordance Model.
Nevertheless, there is an increasing interest in discussing the foundations of common assumptions. A critical
analysis of the supposed confirmation of dark energy by the Baryonic Atomic Oscillations (BAO) and by the
Cosmic Microwave Background (CMB) has recently appeared \cite{tutusaus-lamine-dupays-blanchard-2017,tutusaus-lamine-blanchard-2019} in which it is shown that
that a non-accelerated universe is nicely able to fit low and high red shift data from SNeIa, BAO and
the CMB on the main assumption of SN luminosity dependency on red shift. Now, Kang {\it et al.} \cite{kang-etal-2020}
have found a significant (a 99.5\%) correlation between SN luminosity and stellar population age. It is worth
recalling that the CMB can be interpreted differently, possibly without dark energy \cite{lopezcorredoira-2013}
and in any case outside a canonical flat universe \cite{divalentino-melchiorri-silk-2019}.
We have interpreted $z_{\rm LSV}$ as due to vacuum energy, an effective dark energy of LSV origin, although not
producing acceleration of the expansion. We do not dispute the results from BAO and the CMB proving the
existence of dark energy {\it per se}. Our interpretation would be falsified, if there were a strict proof of acceleration (m/s$^2$) with respect to an inertial frame.
Further, it is worth considering that BAO and CMB data can accommodate our recasting of $z$ due to the
uncertainties of spectroscopic and especially photometric measurements. In particular for the CMB, the photons
were all emitted at the same time and same distance from us. Thus, any change in the definition of the red shift should not bear huge consequences.
For BAO, the angular size of the sound horizon is measured for the large-scale structure at different red shifts,
which allows us to measure $H(z)$, which depends on $\Omega_{\rm m}$, $\Omega_\Lambda$ and other variables.
Since $d_{\rm A}$ (angular distance) is proportional to $d_{\rm L}/(1+z)^2$ and the angular size of an object
is inversely proportional to $d_{\rm A}$, it would not be surprising that the same $z_{\rm LSV}$ mimicking the dark energy for SNeIa, acts similarly for the BAO peak.
Finally, we tackle gravitational lensing. The classical method used to probe dark energy is to measure the ratio of average tangential shear
as a function of the red shift behind the clusters \cite{heavens-2009}. This ratio depends on the relation between distance and red shift,
which is modified by dark energy, or by $z_{\rm LSV}$.
\section{Discussion of the main results\label{discussion}}
We have assumed the total red shift $z$ as a combination of the expansion red shift $z_{\rm C}$ and of a static, red or blue shift
$z_{\rm LSV}(r)$, $r$ being the travelled distance. The latter shift is due to the energy non-conservation of a
photon propagating through EM background fields (host galaxy, intergalactic and Milky Way).
Beyond the Maxwellian contributions, if the photon is massive, such propagation may be described within the framework
of de Broglie-Proca (dBP) formalism or within the framework of the Lorentz(-Poincar\'e) Symmetry Violation (LSV) associated
with the Standard-Model Extension (SME). In the latter case, the non-conservation stems from the vacuum
expectation value of the vector and tensor LSV fields.
Our understanding is that $z_{\rm LSV}$ is a manifestation of an effective dark energy caused by the expectation
values of the vacuum under LSV. Indeed, we suggest that dark energy, {\it i.e.} LSV vacuum energy, is not causing
an accelerated expansion but a frequency shift.
The {\it single} $z_{\rm LSV}$ shift from a {\it single} SNIa may be small or large, red or blue, depending on the
orientations of the LSV (vector or tensor) and of the EM fields (host galaxy, intergalactic medium, Milky Way), as
well as the distance of the source. In any case, the colour of $z_{\rm LSV}$ is the final output of a series of shifts, both red and blue, encountered along the path.
If the $z_{\rm LSV}$ shift is blue, thus negative, the photon gains energy; it implies that the real red shift
is larger than the measured $z$. If red, thus positive, $z_{\rm LSV}$ corresponds to dissipation along the photon path; it implies that the real red shift is smaller than the measured $z$.
Recasting $z$, on average, we observe a blue static shift for $z \leq 2$, but a red one in our local Universe for
smaller values of the Hubble(-Humason)-Lem\^aitre parameter ($67-74$ km/s per Mpc), and always red for $z > 4$.
The peculiarity of our approach is that a single mechanism could explain all the positions of the SNeIa in the
($\mu, z$) plan, $\mu$ being the distance modulus, including the outliers. The experimental and observational
limits on LSV and magnetic fields are fully compatible with our findings.
\section{Perspectives \label{perspectives}}
The LSV shift provides a physical explanation of red shift remapping \cite{bassett-etal-2013,wojtak-prada-2016,wojtak-prada-2017,tian-2017}
and is not limited to the SNIa case. It is naturally suited to explaining recently discovered expansion anisotropies
\cite{morenoraya-etal-2016,colin-etal-2019,migkas-etal-2020,salehi-etal-2020}.
In future work, leaving aside massive photons, we will show that a frequency shift is also produced by a generalised
non-linear electromagnetism, encompassing the formulations of Born and Infeld, and Euler, (Kockel) and Heisenberg. The calculated limits on
$z_{\rm LSV}$ will be applicable to $z_{\rm NL}$ for the non-linear electromagnetism.
Apart from an additional shift occurring also in Maxwellian electromagnetism in the presence of a space-time dependent EM
field, we will show that departing from Maxwellian electromagnetism in three different directions (classically massive
dBP electromagnetism or non-linear electromagnetism or the SME) leads to a common
conclusion: the red shift is not only due to expansion. If and by how much such a departure is relevant for cosmology is the real question.
Nineteenth century Maxwellian electromagnetism and the more modern Einsteinian gravitation have been well tested. This
has not impeded the proposition of alternative formulations of electromagnetism and gravity. The lack of
experimental proof on the dark universe and the successes of general relativity prompt us to revisit astrophysical
observations, largely based on light signals, with non-Maxwellian electromagnetism, opening the door to radically new interpretations.
In future explorations, we will have to deal with the comparison of $z_{\rm LSV}$
with the error on $z$. The analysis of the error on spectroscopic and photometric measurements is destined to become a pivotal issue for cosmology
\cite{palanquedelabrouille-etal-2010,calcino-davis-2017,davis-hinton-howlett-calcino-2019}.
The $z_{\rm LSV}$ shift considered here is {\it at most} 10\% of the $z_{\rm C}$ expansion shift relative to $H_0 = 70$ km/s per Mpc and is
thus below $2.3 \times 10^{-19} \Delta \nu/\nu$ per m (units for a static red shift). It would be desirable to test frequency
invariance in vacuo \cite{shamirfox1967,wolf1986,wolf1987a,wolf1987b} with a ground or space based interferometer.
\section*{Acknowledgments}
Discussions with M. A. Lopes Capri, V. E. Rodino Lemes, R. de Oliveira Santos (Rio de Janeiro), M. Benetti and F. Ragosta (Napoli)
are acknowledged. SC acknowledges the support of INFN, {\it iniziative specifiche} QGSKY and MOONLIGHT2. The authors thank P. Brockill (University of Wisconsin-Milwaukee) for comments and T. Mahoney (La Laguna) for editing support.
\bibliographystyle{apsrev}
|
\section{Introduction}
Energy forecasting has a crucial role to play in planning and managing operations in modern power systems popularly termed as smart grid (SG) systems \cite{gungor2011smart}.
With the advent of smart meters and advanced metering infrastructure (AMI) in SG, a significant increase in the bidirectional flow of energy and data is observed between the grid and end-users. Thus, a number of data analytics applications such as energy forecasting have emerged recently in the SG domain. Such applications can be highly useful for scheduling generation, implementing demand response strategies, and ensuring financial benefits through optimum bidding in the energy market \cite{Josep:2020,Shama:2019}. In this regard,
various statistical and ML methods to forecast energy demand and generation have been investigated in the past \cite{wang2018review}. Statistical methods such as autoregressive integrated moving average (ARIMA) and associated techniques have been extensively used for forecasting time series demand and generation data \cite{agoua2017short}. However, in recent times due to the breakthrough of smart metering and thus high volume of data generation, statistical methods face scalability issues and cannot analyze complex nonlinear data features \cite{jahangir2020deep}.
Since the last decade, artificial intelligence (AI)-based methods involving ML and DL algorithms have attracted much attention for their ability to generate accurate forecasts in SG systems. Particularly, DL algorithms such as recurrent neural networks (RNN) and LSTM are potential methods to deal with the nonlinear time series energy data \cite{kaur2019smart}.
Furthermore, SG systems experience uncertainties when renewable generation intermittencies and variations in energy consumption behaviors are considered. In such cases, probabilistic methods \cite{zhang2014review,gneiting2014probabilistic,liu2015probabilistic} having the ability to generate prediction intervals (PIs) highlight their effectiveness to manage uncertainties compared to point forecasting methods. Recently, probabilistic deep learning (PDL) has made its way to carry out the forecasting more efficiently by integrating deep neural networks and Bayesian inference \cite{ali2020bayesian,yang2019bayesian,gal2016dropout}. However,
this approach needs to be investigated more and offers a substantial scope in modern power systems and its applications.
Furthermore, by combining multiple methods as one hybrid approach, forecasting accuracy can be highly improved \cite{Torabi:2018}. However, the model complexity could be one of the main shortcomings of hybrid approach and thus, a trade-off between the accuracy and computational complexity needs to be maintained.
In this direction, data pre-processing plays a vital role in improving the performance and minimizing the forecasting error. Dimensionality reduction (DR) and feature extraction are the key approaches adopted for data pre-processing \cite{featureXtraction}.
In this regard, principal component analysis (PCA) \cite{huang2019optimization} and singular value decomposition (SVD) \cite{de2015data} have been widely used as underlying pre-processing techniques with different forecasting methods to deal with the challenges of high-order dimensionality in SG data. From DL domain, auto-encoders (AE) implemented with convolutional layers have been used as a feature extraction scheme to filter multiple dimensions in consumption data \cite{ryu2019convolutional}.
There have been a significant number of research papers which surveyed ML methods for solar irradiance forecasting \cite{Cyril:2017,Naveed:2019,Dhivya:2020}.
Other papers have reviewed ML methods to forecast building energy demand \cite{Soheil:2020,hernandez2014survey}, but have not included comparative analysis.
Although, the authors in \cite{Wang:2019} reviewed DL techniques for solar energy forecasting.
None of the aforementioned review papers have investigated new DL techniques such as RNN and LSTM in details for energy forecasting applications with a comparison made between the statistical and DL methods.
Furthermore, to the best of our knowledge, no review paper has yet considered reviewing the recent developments in probabilistic forecasting domain, especially contributions of Bayesian deep learning in SG systems forecasting.
This motivates us to review state-of-the-art forecasting methods along with the recent developments in a more comprehensive and application-oriented manner.
To be specific, we make the following contributions:
\begin{enumerate}
\item A comprehensive review of statistical, AI-based, probabilistic, and hybrid forecasting methods is presented along with their applications in SG systems considering different time horizons. The existing pre-processing techniques to aid energy forecasting methods are also discussed.
\item A number of statistical, ML, DL, and PDL techniques are implemented for two energy consumption datasets with different time resolution and horizons to compare forecasting accuracies with variable sample sizes. The impact of high variability in the dataset is also evaluated.
\item The analysis shows that RNN and LSTM can achieve higher accuracy for point forecasting with larger sample sizes especially in the presence of high variability.
However, the accuracy can vary with the choice of activation function and hyper-parameters tuning which needs to be appropriately selected for a given dataset.
In case of probabilistic forecasting, Bayesian bidirectional LSTM (BLSTM) outperforms point forecasting methods by exhibiting least error for all data variations along with more accurate PIs for energy forecasting scenarios.
\end{enumerate}
Section II discusses the applications of forecasting in SG systems. Section III outlines the time horizon-based categorization of forecasting methods. Section IV elaborates state-of-the-art forecasting methods in detail including hybrid and advance probabilistic approaches from the perspective of energy systems operations. Further, data pre-processing methods are briefly discussed in section V. Section VI represents a comparative case study of energy forecasting methods on two different datasets. Finally, section VII concludes the paper and discusses the future directions.
\begin{figure}[ht!]
\centering
\includegraphics[width=0.7\textwidth]{fig/system.pdf}
\caption{Overview of forecasting applications for energy systems}
\label{overview}
\vspace{-4pt}
\end{figure}
\section{Applications of forecasting in Energy systems}
\indent Energy forecasting with high accuracy and precision can provide significant insights for grid planning and reliability for demand and generation. The data generated from SG systems is usually related to the energy consumption by end users involving residential, commercial, and industrial consumers as shown in Fig. \ref{overview}. Moreover, additional data is generated from distributed energy resources (DERs) such as solar and wind power plants. The generated data is further utilized by forecasting methods to forecast energy generation, consumption, and prices in SG systems. Energy forecasting has a wide range of applications including load shedding, optimum dispatch, peak load shaving, etc. \cite{hernandez2014survey}. The authors in \cite{rossi2019smart} surveyed various challenges and trends of demand forecasting with respect to different time horizons and regions. Similarly, in \cite{hsiao2014household} authors compared existing statistical methods for demand forecasting and emphasized the significance of attaining least RMSE. Further, Kong \textit{et al.} in \cite{kong2017short} employed DL methods to forecast short-term energy consumption and demand for individual households using highly granular data.
As energy generation using renewable-based DER is more intermittent due to exogenous factors such as weather changes and user behaviors, ensuring high forecasting accuracy is a very challenging task in the grid today \cite{voyant2018prediction}. In this regard, \cite{liu2018vector} used vector autoregressive (VAR) to forecast solar irradiance, temperature, and wind speed for 61 locations in the United States. Similarly, Messner \textit{et al.} in \cite{messner2019online} used VAR method to forecast wind power generation based on high dimensional data.
Furthermore,
forecasting price spike is an important application which considers the biggest risk factor in the energy market. Recent zero or negative pricing as observed in the Australian national electricity market (NEM) can negatively impact generators. On the other hand, positive high price spikes can give more profits to generators, especially during peak generation hours \cite{lu2005electricity, zhao2007framework}. Yang \textit{et al.} surveyed the latest trends in the decision making for electricity retailers using consumed load price forecasting \cite{yang2017decision}. Further, \cite{Miltiadis:2015} utilized a set of relevance vector machines to predict the price for individual time periods ahead-of-time and implemented micro-genetic algorithm to optimize linear regression ensemble coefficients for aggregated price forecasts. Toubeau \textit{et al.} in \cite{toubeau2018deep} utilized PDL method to forecast wind and PV generation in return to predict the electricity prices generated from renewable DER. Moreover, the locational marginal price for optimal scheduling of the energy storages is performed using artificial neural networks (ANN) in \cite{Meng:2014}.
\begin{figure}[!b]
\centering\includegraphics[width=0.55\textwidth]{publications}
\caption{Publication trends in energy systems with respect to time horizons}
\label{publications}
\end{figure}
\section{Time horizons for Energy Forecasting methods}
The time period over which forecasts are generated is defined as the time horizon or timescale. It is one of the key parameters to categorize forecasting approaches in SG systems \cite{soman2010review}.
Depending on time horizon, energy forecasting can be broadly classified as following:
\begin{enumerate}
\item Very short-term forecasting (VSTF): This class of forecasting involves time horizon from minutes to few hours, usually between ($0$-$3$ h) \cite{book}. VSTF can help dealing with random changes in renewable energy generation which can be predicted only before a short period of time. It offers a wide range of applications in renewable energy resources (RES) such as wind and solar generation forecasting \cite{guan2012very,guan2013hybrid}. In this regard, Potter \textit{et al.} in \cite{potter2006very} presented a 2.5 min ahead forecasting system for Tasmanian wind farms using ANN and fuzzy logic as a hybrid approach.
\item Short-term forecasting (STF): It involves energy forecasts ranging from few minutes to a few days ahead. This class plays a prime role in various grid operations such as dispatch scheduling, reliability analysis, etc. \cite{lopez2018parsimonious}. Furthermore, accurate STF helps avoiding underestimation and overestimation of the demand and thus, substantially contributes to the grid reliability \cite{fan2011short}.
\item Medium-term forecasting (MTF): It is implied to horizons ranging from few days to a few months ahead within a year \cite{amjady2010midterm}. MTF supports adequacy assessment, maintenance, and fuel supply scheduling in SG systems. Furthermore, it contributes to risk management using price forecasting and therefore, plays a significant role in evaluating the financial aspects of energy systems \cite{wang2017optimal}.
\item Long-term forecasting (LTF): It involves horizons measured in months, quarters, and even years. LTF is crucial for load growth and energy generation planning operations over a longer period of time \cite{longterm,hong2013long,xu2017long}.
LTF helps removing the impact of random fluctuations arising in shorter term and predict the longer term trends.
In this context, Azad \textit{et al.} \cite{azad2014long} predicted the wind speed trends of two meteorological stations in Malaysia for one year using neural networks to manage the challenges posed by intermittent nature of wind generation.
\end{enumerate}
Fig. \ref{publications} shows the pattern of publications for last two decades within five year duration with respect to different time horizons in energy systems forecasting. While LTF stands second in line, most number of publications are made for STF in the period 2016-2021 making it most widely utilized forecasting category in recent times for different applications in grid planning and operations.
Appropriate selection of the forecasting horizon is crucial for training and hyper-parameter tuning of a forecasting method.
In this context, the authors in \cite{Cyril:2017} and \cite{Naveed:2019}
emphasized to focus on the selection of relevant time horizons while building the ML model for solar irradiation forecasting.
\section{State-of-the-art forecasting techniques}
This section discusses state-of-the-art methods and recent advancements in energy forecasting systems along with their literature and applications.
Energy forecasting methods can be broadly classified into statistical and artificial intelligence (AI)-based methods as illustrated in Fig. \ref{flow}. While statistical methods are traditional and simpler in form, learning methods involve ML, DL and its variants which are considered to be more accurate but complex at the same time.
\begin{figure*}[ht!]
\centering
\includegraphics[height=0.35\textheight,width=\textwidth]{fig/flow.pdf}
\caption{Taxonomy of energy forecasting methods }
\vspace{-8mm}
\label{flow}
\end{figure*}
\subsection{Statistical methods}
Statistical methods are classical in nature, widely used for time series forecasting especially for STF using the historical SG data \cite{deb2017review}. These methods are based on fitting a regression model on historical data points and then validating the model by finding the difference between actual and predicted values. This subsection stresses about existing statistical methods for the applications of energy systems forecasting.
\subsubsection{Autoregressive moving average model (ARMA)}
ARMA is the fundamental statistical method widely employed for time series analysis. It is the combination of autoregressive (AR) and moving average (MA) methods. The AR part predicts the value at a time stamp $t$ as a function of its previous value at $t-p$, where $p$ is the order of AR model. The MA part linearly combines the error term with the previous values to form the observed data.
Sansa \textit{te. al.} in \cite{sansa2020solar} utilized ARMA to predict the solar irradiation for a winter day with maximum $10\%$ variation in the generation.
However, ARMA can only be applied to a stationary time series, mean and variance of which does not change over time and has an uniform distribution.
\subsubsection{Autoregressive integrated moving average (ARIMA)}
To deal with the non-stationary time series, ARMA is generalized to ARIMA. The integrated component deals with the non-stationary time series by replacing the data values with differences of its current and previous values. ARIMA is employed in \cite{arima6} for energy demand forecasting to charge the electric vehicles (EVs) using historical load data. Similarly, it is used for energy usage forecasting in \cite{ARIMA2} and \cite{ARIMA3} for optimization and control in a residential microgrid.
However, the ARIMA is more suitable for linear time series as it gives relatively high RMSE values for nonlinear data and exhibits a high execution time for large datasets \cite{kedrowski2018short}. To manage nonlinearity, ARIMA models often have to utilize additional techniques such as log transformation.
\subsubsection{Vector autoregression (VAR)}
VAR model is defined as an extension to the univariate autoregression for $n$ number of time series.
To capture linear dependencies among multiple time series, VAR has been substantially adapted as another statistical method in the applications of energy systems forecasting.
The authors in \cite{liu2018vector} predicted temperature, solar irradiation, and wind speed using VAR for 61 locations in United States and exhibited lower RMSE values as compared to other statistical methods such as simple persistence (SP).
VAR is also used in \cite{messner2019online} for short-term wind power forecasting to tackle the problem of estimation by integrating lasso estimator to recursively update the VAR parameters.
However, ML methods that are discussed in the following subsection are found to be more efficient and scalable to deal with nonlinear traits of SG datasets with multiple time series \cite{ANNvsARIMA}.
\subsection{Machine learning (ML) methods}
ML is a set of computing algorithms to learn patterns from input data and improve the prediction accuracy automatically over time.
It has a wide range of applications in big data analytics, data mining, and computer vision \cite{wang2018review}. ML is broadly categorized into supervised and unsupervised learning \cite{ma2019review}. The former involves labeled data and its two main classes are classification and regression. On the other hand, unsupervised learning deals with the unstructured data and works on grouping the data points based on their similarities and correlation \cite{kotsiantis2007supervised}.
Following subsections discuss existing ML methods and their applications for energy systems forecasting. In \cite{ma2019review}, Ma \textit{et al.} reviewed various ML algorithms in power systems and emphasized their effectiveness for short-term load forecasting in terms of accuracy and scalability. Support vector machine (SVM) and support vector regression (SVR) are two main ML methods under supervised learning domain.
\subsubsection{Support vector machine (SVM)}
SVM is widely used in ML to classify data variables into different planes with respect to margin between the data classes. The objective of SVM algorithm is to maximize the margin distance between the data variables so as to increase the accuracy of data classification. For SG systems,
Shi \textit{et al.} proposed SVM to forecast one day ahead photovoltaic (PV) generation in China by classifying weather data into cloudy, clear, foggy, and rainy categories \cite{shi2012forecasting}. The SVM-based proposed technique demonstrated effective results with 8.64\% mean relative error (MRE). Similarly, authors in \cite{wang2018deep} employed SVM to predict socio-demographic features of users from energy consumption data with the help of convolutional filters.
\subsubsection{Support vector regression (SVR)}
The concept of SVM adapted to regression analysis is known as SVR. It supports nonlinear traits in the prediction model and provides accurate forecasting results.
Since time series forecasting involves regression operation, SVR is comprehensively used in the existing research for demand and generation forecasting \cite{hu2015short,yang2014weather,jiang2016short,ren2014novel}.
The authors in \cite{kavousi2014new} applied SVR for short-term load forecasting and compared the results with other competitive techniques such as ARMA and ANN. Authors claimed that SVR integrated with modified firefly algorithm (MFA) optimizes SVR parameters and reflects better accuracy than the aforementioned methods.
Furthermore, \cite{ghelardoni2013energy} predicted long-term energy consumption using SVR after decomposing time series consumption data into two components to justify trend and oscillations, respectively.
\subsubsection{Random Forest (RF)}
RF is an another ML algorithm which operates as an ensemble of decision trees and often utilized for classification and regression tasks. Saeedi \textit{et al.} implemented different ML methods including decision tree, linear regression, and multilinear perceptron (MLP) to estimate PV generation output in Hawaii \cite{saeedi2021adaptive}. They claimed the superior performance by RF with highest R-squared value of 98\% as compared to aforementioned ML models. Additionally, weather data and location of PV were also considered while modeling the generation scenarios.
Similarly, \cite{liu2021hybrid} employed a hybrid of fuzzy c-means clustering and RF to predict short-term load consumption after grouping the similar load profiles to reduce uncertainty in the individual consumption data. Implementation results claimed high performance in terms of accuracy by proposed RF-based framework as compared to other ML methods.
However, energy datasets with high volume and complex patterns require extensive learning and optimization, where ML methods usually fail to perform efficiently \cite{shi2017deep}.
In this context, DL methods based on artificial neural networks are emerging as a highly competent set of techniques to deal with high dimensionality and uncertainty traits of SG data \cite{sun2019using}.
\subsection{Deep learning (DL) methods}
DL methods involve ANNs defined as sequence of layers having $n$ number of connected nodes termed as neurons.
An input from external data is fed to the network via input layer and an output is obtained by optimizing the network with learning algorithm via output layer. An ANN may have zero or higher number of intermediate layers known as hidden layers.
ANNs with more than one hidden layer are known as deep neural networks (DNN).
DL algorithms have set a benchmark in the field of image and audio processing and are receiving an increased attention in SG systems, since the last decade \cite{zhang2018review}.
This subsection discusses state-of-the-art DL methods employed in energy systems forecasting along with relevant literature and applications.
\subsubsection{Feed forward neural networks (FFNN)}
Vanilla ANNs without having loops within layers are known as FFNNs. They can be single or multilayer perceptrons and are primarily used for supervised learning.
Bhaskar \textit{et al.} presented a FFNN-based wind power forecasting framework integrated with wavelet decomposition to forecast 30 hour ahead wind power built on wind speed estimation \cite{bhaskar2012awnn}. Authors demonstrated effective results of the proposed method in comparison with persistence and non-reference benchmark methods.
Similarly, \cite{pindoriya2008adaptive} investigated the use of FFNNs for short-term price forecasting for Spanish and PJM electricity markets and conducted a comparative analysis with wavelet-ARIMA and fuzzy neural networks. Although, the standard FFNN outperformed comparative methods, they stated that FFNNs integrated with adaptive wavelet neural networks provide more satisfactory predictions by demonstrating least RMSE values.
\subsubsection{Back-propagation neural networks (BPNN)}
In contrast to FFNNs, BPNN involves a back propagation algorithm such stochastic gradient descent (SGD) to fine tune the weight parameters at each neural layer based on the error generated by the loss function \cite{jiao2018model}. A BPNN-based ANN ensure a lower error rates and thus, more reliability in the predictions. BPNN is often integrated with optimization techniques or other ML models for improved performance. For example, wind speed prediction has been performed in \cite{Yagang:2018} by optimizing the weight parameters of BPNN using improved particle swarm optimization. On the other hand, a flower pollination algorithm has been implemented in \cite{Zongxi:2019} to optimize the BPNN for wind speed forecasting. In the context of energy consumption forecasting based on socio-econometric factors, a differential evolution technique integrated with adaptive mutation is implemented to optimize the initial connection weights of BPNN \cite{Yu-Rong:2017}. Following subsections involve neural networks based on underlying BPNN algorithm.
\subsubsection{Recurrent neural networks (RNN)}
ANNs with directed cycles between hidden layers are defined as RNN. Contrary to FFNNs, they have a memory state and can process variable data length, thus facilitating the sequence processing in time series.
Shi \textit{et al.} proposed RNN for STF of granular consumption data for $920$ households in Ireland \cite{shi2017deep}.
However, RNNs face the problem of over-fitting and may reflect false positive results for new data values. They addressed this issue by increasing diversity and volume in individual consumption data by introducing a pooling system of neighboring households with correlated historical consumption.
According to the results, RNN with pooling technique outperforms benchmark forecasting techniques such as ARIMA, SVR, and classical RNN by significantly reducing RMSE values. Similarly, RNN is used in \cite{kaur2019smart} to predict short-term energy consumption values for $112$ households and promising results in the term of lower RMSE and MAE error values are reflected.
However, RNN suffers from the problem of vanishing and exploding gradients during the learning process with data having long sequences.
\subsubsection{Long short-term memory (LSTM)}
LSTM is a variant of RNN which has made a breakthrough in well-known DL applications such as natural language processing (NLP) by dealing with vanishing/exploding gradients through its cell and gating architecture. In this direction, authors in \cite{kong2017short} proposed a RNN-based LSTM technique to perform short-term load forecasting for residential consumers and demonstrated improved accuracy at granular and aggregated level forecasts.
In \cite{motepe2019improving}, authors included neuro-fuzzy logic in conjunction with the LSTM and found that the technique can outperform other methods. The authors in \cite{zhang2020data} combined persistence model for predicting sunny weather and utilized this information to improve the solar power forecasting using LSTM integrated with auto-encoders. In \cite{shao2020multi}, authors combined convolutional auto-encoder and K-means algorithm to extract features related to customer behavior and integrated them with LSTM models for short-term energy consumption forecasting.
\subsubsection{Convolutional neural networks (CNN)}
CNN is a class of deep neural networks, extensively used in feature extraction and data filtering applications.
In \cite{wang2017deterministic}, CNN is used in conjunction with wavelength transform (WT) method to extract features from PV generation dataset to support effective forecasting. The proposed method is tested on real PV dataset acquired in Belgium and
demonstrates superior results with improved forecasting accuracy as compared to the conventional methods.
Furthermore, Lee \textit{et al.} investigated CNN filters integrated with LSTM to forecast one day-ahead PV solar power in Korea, considering the local weather information alongside \cite{cnnlstm}. They emphasized the need to pre-process and refine the input data to achieve high forecasting performance and compared their method with other ML techniques for different time horizons within a day and observed lower RMSE and mean-absolute percentage error (MAPE) values.
Authors in \cite{almalaq2017review} and \cite{zhang2018review} have reviewed various DL-based energy forecasting methods and conducted a case study to compare the accuracy of different methods in terms of RMSE and mean absolute error (MAE). The addition of more layers to a neural network can increase the forecasting accuracy. However, it sometimes overfits the model to a specific dataset as it captures the noise during training phase.
To overcome this challenge, dropout \cite{srivastava2014dropout} was proposed as a potential technique which addresses overfitting by dropping out the random neuron units.
However, uncertainty representation in generation data from RES is considered as another challenging task for point forecasting methods discussed in above sections. The uncertainty generally arises due to external factors such as weather conditions and cannot be captured very well by point forecasting methods.
\begin{table*}[!t]
\renewcommand{\arraystretch}{1.5}
\caption{Existing state-of-the-art forecasting methods: A comparative summary}
\label{summary}
\begin{center}
\begin{tabular}{p{8mm}p{27mm}p{30mm}p{40mm}p{45mm}}
\hline
Sr. no. & Forecasting Methods &References&Advantages& Disadvantages \\
\hline
\hline
M1 & Statistical methods&\cite{liu2018vector}\cite{messner2019online}\cite{lopez2018parsimonious}\cite{deb2017review}\cite{arima6}\cite{ARIMA2} \cite{ARIMA3}\cite{kedrowski2018short} & Simple and low computational cost& Not reliable for big data and nonlinear data components in energy datasets \\
M2 & Machine learning (ML) methods& \cite{Naveed:2019}\cite{Dhivya:2020}\cite{Soheil:2020}\cite{longterm}\cite{ma2019review}\cite{shi2012forecasting}\cite{kavousi2014new}\cite{zhu2016short}\cite{percy2018residential} \cite{hu2015short,yang2014weather,jiang2016short,ren2014novel} \cite{saeedi2021adaptive} \cite{liu2021hybrid}& Efficient and capable to deal with big energy datasets & Not reliable for heterogenous and long sequence data problems, generate point forecasts\\
M3 & Deep learning (DL) methods & \cite{kaur2019smart}\cite{jahangir2020deep}\cite{Wang:2019}\cite{kong2017short}\cite{azad2014long}\cite{guan2012very}\cite{wang2018deep}\cite{shi2017deep}\cite{zhang2018review}\cite{bhaskar2012awnn}\cite{pindoriya2008adaptive}\cite{almalaq2017review}\cite{srivastava2014dropout} & Efficient for long and nonlinear data patterns & Overfitting, require appropriate hyper-parameter tuning, generate point forecasts \\
M4 &Probabilistic methods & \cite{fan2011short}\cite{taieb2016forecasting}\cite{dowell2015very}\cite{hong2016probabilistic}\cite{hong2013long}\cite{zhang2014review}\cite{zhang2014review}\cite{gneiting2014probabilistic}
\cite{liu2015probabilistic}\cite{wang2018combining}\cite{aprillia2020statistical}& Provide prediction intervals
(PIs) & High computational complexity\\
M5 & Probabilistic deep learning (PDL) methods &\cite{toubeau2018deep}\cite{quantile}\cite{sun2019using} \cite{ali2020bayesian}\cite{yang2019bayesian}\cite{gal2016dropout}& Provide PIs, reliable, and efficient & Limited literature and high computational cost\\
M6 & Hybrid methods& \cite{Torabi:2018} \cite{Naveed:2019}\cite{amjady2010midterm}\cite{ARIMAann}\cite{arnet}\cite{hybrid}\cite{zhang2017robust}\cite{zhang2013short} & High accuracy and scalable & Application specific, high computational complexity\\
M7 & Pre-processing methods & \cite{featureXtraction}\cite{ryu2019convolutional}\cite{chen2016framework}\cite{wang2016sparse}\cite{Dairi:2020}\cite{pereira2018unsupervised}\cite{bachhav2019latent}\cite{wang2020variational}& Improve forecasting performance & Application specific \\
\hline
\end{tabular}
\end{center}
\end{table*}
\begin{table*}[!t]
\centering
\caption{Energy forecasting surveys from past 5 years}
M1: Statistical; M2: ML; M3:DL; M4: Probabilistic; M5:PDL; M6: Hybrid; M7: Pre-processing
\label{surveys}
\begin{tabular}{p{10mm}p{25mm}p{10mm}p{10mm}p{10mm}p{10mm}p{10mm}p{10mm}p{10mm}}
\hline
Publication Year & References&M1&M2&M3&M4&M5&M6&M7\\
\hline
\hline
2016&\cite{nagaraja2016survey}&$\checkmark$&$\checkmark$&$\checkmark$&$\times$&$\times$&$\times$&$\times$\\
2017&\cite{almalaq2017review}&$\checkmark$&$\checkmark$&$\checkmark$&$\times$&$\times$&$\times$&$\times$\\
2018&\cite{kabir2018neural}&$\times$&$\times$&$\checkmark$&$\checkmark$&$\times$&$\times$&$\times$\\
2019&\cite{wang2018review}&$\checkmark$&$\checkmark$&$\checkmark$&$\checkmark$&$\times$&$\times$&$\times$\\
2020&\cite{quan2019survey}&$\times$&$\times$&$\checkmark$&$\checkmark$&$\checkmark$&$\times$&$\times$\\
2021&Proposed survey&$\checkmark$&$\checkmark$&$\checkmark$&$\checkmark$&$\checkmark$&$\checkmark$&$\checkmark$\\
\hline
\end{tabular}
\end{table*}
Table \ref{summary} presents a comparative summary of aforementioned forecasting methods along with relevant references, advantages, and disadvantages of each category. Furthermore,
Table \ref{surveys} reflects the surveys published in the last five years with respect to number of methods reviewed in each. It can be observed that no survey to the best of our knowledge has attempted to review all categories of methods comprehensively. We attempt to propose a more comprehensive review especially including probabilistic approaches.
\subsection{Probabilistic methods}
With the integration of RES in the modern power grid, forecasting trends are shifting from point to probabilistic in regards to the future demand and generation at disaggregated levels \cite{gneiting2014probabilistic}.
Hong \textit{et al.} presented a review for probabilistic methods and emphasized their importance over point forecasting with ever changing needs of power industry \cite{hong2016probabilistic,hong2010short}.
This section identifies the existing literature for probabilistic energy forecasting, which is mainly categorized under parametric and non-parametric approaches. The authors in \cite{zhang2014review} provided a brief review of these two approaches for wind generation forecasting.
Dowell \textit{et al.} proposed a parametric probabilistic scheme based on Bayesian probability and sparse VAR to forecast very short-term wind power generation in Southeastern Australian wind farms with a 5 min interval \cite{dowell2015very}. The authors confirmed superior results by their method with least RMSE in comparison to the standard AR and VAR methods.
They further utilized the similar parametric approach in \cite{hong2013long} to forecast long-term probabilistic horizons for load consumption.
Furthermore, for the application of price forecasting, probabilistic methods have been utilized by various authors and the relevant contributions are outlined in \cite{nowotarski2015computing,maciejowska2016probabilistic,weron2014electricity}.
Similarly, Taieb \textit{et al.} in \cite{taieb2016forecasting} emphasized the need
to predict the future demand in probabilistic format, which can further support the grid operations related to the energy generation and distribution. They employed additive quantile regression (QR) to forecast the individual energy consumption for $3696$ smart houses in Ireland with 30 min interval.
To support probabilistic load forecasting, Liu \textit{et al.} proposed quantile regression averaging (QRA) to obtain PIs for consumption with $90\%$ percentiles \cite{liu2015probabilistic}. The authors claimed effective forecasts using probabilistic evaluation metrics such as pinball and winkler score.
However, the existing probabilistic approaches in energy forecasting often suffer high computational complexities and thus, more efficient methods need to be developed and reviewed considering the current energy market scenarios \cite{wang2018combining,aprillia2020statistical}.
\subsection{Probabilistic deep learning (PDL)}
Bayesian probability incorporated with DL methods can be used to provide forecasting results in the form of PIs, contrary to traditional deep neural networks that are deterministic in nature and generate point forecasts. PDL expresses model parameters as a function of probability distributions such as normal distribution. To be precise, PDL models can predict future PIs with different percentiles that can explain the certain or uncertain factors in the energy data and hence, enables better decision making.
This section outlines the significant contributions in the field of PDL to support the applications of demand, generation, and price forecasting in modern power systems.
\subsubsection{Bayesian neural networks (BNN)}
The concept of Bayesian probability incorporated with ANN is defined as BNN.
Yang \textit{et al.} in \cite{yang2019bayesian} proposed BNN technique to forecast individual energy demands at household level after quantifying the shared uncertainties between different customer groups. In addition, a clustering-based data pooling system is presented to tackle the issue of over-fitting by increasing the data volume and diversity. The authors demonstrated lower winkler and pinball scores for probabilistic methods. Furthermore, a comparative study is presented with the benchmark point forecasting and probabilistic techniques such as QRA and quantile regression factoring (QRF).
\subsubsection{Bayesian LSTM}
Sun \textit{et al.} proposed a BNN integrated LSTM approach to curb the challenges posed by weather uncertainty in distributed PV generators and thereafter generated the net-load forecasts in the form of PIs with greater accuracies \cite{sun2019using}.
In addition, they improved the forecasting performance by clustering individual sub profiles based on similar energy consumption patterns prior to applying Bayesian approach.
They implemented their method on a real SG dataset acquired from AusGrid involving rooftop PV generation measurements for every half an hour for a period of three years.
\subsubsection{Bayesian BLSTM}
In a similar manner, authors in \cite{toubeau2018deep} proposed a PDL technique to deal with the problem of uncertainty in energy markets. The authors integrated LSTM with bidirectional RNN by enabling the propagation of training sequence forwards and backwards and proposed their method as bidirectional-LSTM (BLSTM). The proposed network is then trained to generate a Gaussian or a non-parametric predictive distribution of the dependent variables present in the energy data such as PV generation.
Furthermore, Copula-based sampling is employed over predicted distributions to generate predictive scenarios.
However, probabilistic methods are computationally expensive due to large sample space.
In this regard, \cite{gal2016dropout} proposed dropout as one of the potential solutions which works as an
approximator to make the Bayesian inference process less complex, computationally.
However, the computational complexity of the Bayesian approach remains one of the main concerns and therefore, more generalized and effective solutions need to be explored in the future research.
\subsection{Hybrid methods}
Statistical methods face challenges from their inability to process big data, while AI-based methods have other shortcomings in terms of model complexity and dependence on large training datasets. Furthermore, deep neural networks struggle with overfitting, vanishing/exploding gradients, and appropriate hyper-parameter tuning. Therefore, a hybrid approach involving two or more methods could be more useful to overcome aforementioned limitations of state-of-the-art point forecasting methods. In this direction, different learning and statistical methods can be integrated together along with optimization techniques to work as one holistic approach. In this context, authors in \cite{Naveed:2019} presented a comparative analysis of various hybrid techniques by integrating ML methods with optimization algorithms such as genetic algorithm (GA) to enhance the model efficacy for PV generation forecasting. Various hybrid methods along with their literature work for energy forecasting are discussed as below.
\subsubsection{GA-SVM}
In \cite{hybrid}, authors combined four different state-of-the-art forecasting methods namely, ARIMA, SVM, ANN, and adaptive neurofuzzy inference system (ANFIS) with GA optimization technique to forecast one hour-ahead PV power generation by utilizing green energy office building data in Malaysia. Additionally, authors considered the solar irradiance, air, and the historical solar power data as the input features. They claimed high precision in the prediction outputs with minimum error of $5.64\%$ with hybrid approach as compared to individual aforementioned methods.
\subsubsection{AR-net}
As classical methods lack long-range dependencies (LRD) and neural networks are complex and lack interpretability, authors in \cite{arnet} presented a simple yet efficient technique in which AR process is modeled using neural networks and named as AR-net. To be precise, AR-net mimics the traditional AR process with the FFNNs.
Furthermore, the AR coefficients which are trained using least square method in existing approaches, are fitted using stochastic SGD in AR-net.
The parameters of first layer in AR-net are taken as equivalent to the classical AR-coefficients. In addition, authors discussed the equivalences between FFNNs and classic AR models to overcome scalability issues while ensuring model interpretability and simplicity. They emphasized the use of deep neural networks such as RNN and CNN to deal with scalability issues. But DL models are highly complex to interpret and understand the dynamics of models and need appropriate consideration of the suitability in each time series application.
\subsubsection{K-means-ARIMA}
In \cite{kmeansANN} authors combined k-means clustering with autoregressive neural networks for hourly solar forecasts. Similarly, authors in \cite{ARIMAann} used wavelet packet transform along with ANN for the application of wind power forecasting.
However, aforementioned hybrid methods posed a common issue of escalating the computational complexity.
In addition, if one method in the hybrid combination has the poor performance, it is going to affect the overall hybrid method. However, by including an appropriate optimization algorithm to optimize model parameters, the efficacy and performance can be improved. Thus, maintaining a trade-off between the computational complexity and performance is of utmost importance for the hybrid approach.
\section{Data pre-processing techniques for energy forecasting}
\indent Data representation and pre-processing is one of the early key stages in data analytics. Processing raw data with irrelevant and redundant information can produce misleading and incorrect forecasting results. Data pre-processing involves various methods such as normalization, cleaning, transformation, feature engineering, dimensionality reduction, etc. It transforms raw data to a final training dataset which can be further fed to the data processing techniques \cite{zhu2016short}.
For energy systems, various authors have emphasized the use of different pre-processing techniques to improve the forecasting accuracy, as discussed in the following subsections.
\subsection{Singular value decomposition (SVD)}
Dimensionality reduction and feature engineering are two highly regarded pre-processing techniques. Kaur \textit{et al.} in \cite{kaur2019smart} and \cite{kaur2018tensor} used SVD as the base technique to decompose high dimensional data into lower dimensions prior to energy forecasting. The authors employed tensors and SVD matrix decomposition to achieve dimensionality reduction.
Similarly, authors in \cite{wang2016sparse} presented a data decomposition and compression method for user load profiles based on k-means clustering and SVD (k-SVD) method. Firstly, a sparse coding technique is used over load profiles to compress the data by exploiting the sparsity present in load profiles. Then, k-SVD is proposed to decompose and extract the partial usage patterns (PUPs) in it. They claimed that their technique outperforms other existing data compression methods namely discrete wavelet transform (DWT) and standalone k-means clustering.
\subsection{Principal component analysis (PCA)}
PCA is a classical dimensionality reduction technique used to transform the higher data dimensions into lower representations in the form of orthogonal matrix known as principal components. It is proposed in \cite{huang2019optimization} to eliminate the features from a PV generation dataset that has little or no significance in the forecasting output. It allows the proposed method to make more precise predictions. Authors compared their results with differential evolution (DE) and particle swarm optimization (PSO) and observed least RMSE values using their method.
\subsection{Auto-encoders (AE)}
AEs are type of neural networks used to encode high dimensional data into lower representations using the encoding layer. The performance of AEs is checked with the help of decoding layer by monitoring the reconstruction ratio. Furthermore, there exist different variants of AEs such as sparse auto-encoders (SAE). A special class of SAE is used in \cite{chen2016framework} as a framework to identify the over-voltage to classify the faults and determine the power quality disturbances.
Furthermore, AEs are used in \cite{zhang2020data} with LSTM to improve PV estimation accuracy in variable weather conditions. The authors claimed to reduce the impact of weather uncertainty using encode-decoder framework for day-ahead PV forecasting for multiple locations.
\subsection{Convolutional auto-encoders (CAE)}
AEs incorporated with the convolutional layers of CNN are termed as CAEs.
In \cite{ryu2019convolutional}, authors emphasized the role of data compression and dimensionality reduction using CAEs from the perspective of data storage and transmission. They proposed a feature extraction technique based on CAEs to capture daily and seasonal variations by representing 8640 dimensional space into 100-dimensional vector. The authors reported 19-40\% decline in the reconstruction error using their technique and a 130\% increase in compression ratio as compared to standard methods.
Furthermore, Shao \textit{et al.} used CAE integrated with LSTM to perform multi-step STLF involving energy, time, and user behavior components. Firstly, they combined CAE and k-means to identify user behavior and then employed LSTM to train time and energy components for STLF with 10\% improvement in overall prediction performance \cite{shao2020multi}.
\subsection{Variational auto-encoders (VAE)}
VAEs are relatively a new class of AEs in energy systems which employ the concept of variational inference and Bayesian optimization to carry out the encoding and decoding operations \cite{Zhang2018,ibrahim2021variational}. VAE integrated with recurrent neural layers and its variants have been recently explored for the application of anomaly detection and to make the forecasting process more efficient \cite{pereira2018unsupervised,Dairi:2020,bachhav2019latent,wang2020variational}. To reduce the dimensionality arising from time lags considered in renewable generation forecasting, VAEs have been implemented in \cite{kaur2021ICC} before performing forecasts with BLSTM.
VAE combined with Bayesian BLSTM has been employed in \cite{kaur2021vae} to carry out dimensionality reduction of model parameters and forecasting respectively for solar generation dataset. The authors reported lower reconstruction and RMSE errors using their technique along with uncertainty quantification in model parameters of BLSTM.
\section{Case Study}
This section presents a case study for comparative analysis of various forecasting methods discussed in above sections using two different datasets. To be specific, RNN and LSTM are chosen as benchmark DL models due to their superior performance reported in existing papers. For similar reasons, ARIMA, SVR, Bayesian ANN and BLSTM are chosen as representatives of commonly used statistical, ML, and PDL methods, respectively.
\subsection{Description of data}
In order to evaluate the performance of forecasting methods, two energy datasets from the AEP \cite{aep} and Victorian energy consumption benchmark \cite{vic} are taken. AEP dataset consists of hourly energy consumption values from October 2004 to August 2018. Victorian dataset includes half hourly energy consumption values from April 2012 to March 2014 for 25 Victorian houses. To implement point forecasting methods, 5 time lags (equivalent to $5$ hours for AEP dataset and $2.5$ hours for Victorian dataset) are considered. For PDL methods, $24$ time lags (equivalent to $24$ hours for AEP dataset and $12$ hours for Victorian dataset) are considered.
Results are implemented in python environment using Keras and Tensorflow libraries.
\subsection{Evaluation metrics}
RMSE and MAE are the most commonly used evaluation metrics to evaluate the point forecasting methods \cite{toubeau2018deep},\cite{sun2019using}.
The RMSE represented by {$\epsilon$} and MAE represented by $\rho$ are defined using following equations:
\begin{equation}
\epsilon=\sqrt{\frac{1}{n} \sum\limits_{t=1}^{n}(Y_{pred}(t)-Y_{act}(t))^2}
\label{rmse}
\end{equation}
{\fontsize{9}{10}\selectfont
\begin{equation}
\rho=\frac{1}{n}\sum\limits_{t=1}^{n}\mid{{Y_{pre(t)}-Y_{act(t)}}}\mid
\label{mape}
\end{equation}}
where $Y_{pred}(t)$ and $Y_{act}(t)$ are the predicted and actual values at time stamp $t$ and $n$ is the total number of samples, respectively. Thus, the main objective for forecasting model is to minimize the error in predicted values as shown:
\begin{equation}
\min_{\mathcal{\theta}} \epsilon,\rho
\end{equation}
where $\theta$ represents the model parameters for each forecasting method such as weights and biases or lag coefficients.
Furthermore, average pinball loss is an important evaluation metric for probabilistic methods \cite{yang2019bayesian,sun2019using}.
So, to evaluate Bayesian ANN and Bayesian BLSTM, average pinball loss is computed focusing on the sharpness and consistency of the approximated distribution.
In this regard, least value of pinball loss is more desirable.
For actual data values ($Y_{act}$) and predictions at $t^{th}$ time-stamp (${\hat{Y}_{t,q}}$), pinball loss
over percentile $q$ $\in[0,1]$ is formulated as following:
\begin{equation}\label{eq:pinball}
pinball(Y_{act},\hat{Y_{t,q}},q)=\begin{cases}
(Y_{act}-{\hat{Y}_{t,q}}) q & Y_{t} \ge {\hat{Y}_{t,q}}\\
({\hat{Y}_{t,q}}-Y_{act}) (1-q) & Y_{act} \le {\hat{Y}_{t,q}}
\end{cases}
\end{equation}
\subsection{Comparative analysis}
As shown in Table \ref{main}, both datasets are further divided into two cases each to evaluate the impact of different sample sizes.
For the Victorian energy, two and one year of consumption sample size are considered. While for AEP, ten and one year of consumption data are considered.
Then, ARIMA, SVR, RNN, LSTM, CNN, Bayesian ANN, and Bayesian BLSTM are trained with 70\% of the total samples for each case and tested for remaining 30\%.
\begin{table*}[h!]
\renewcommand{\arraystretch}{1.}
\caption{Comparative analysis on evaluation metrics for Victorian and AEP case study}
\vspace{-15pt}
\begin{center}
Bold values represent the best performing methods in the form of least errors for each case of dataset.
\end{center}
\begin{center}
\begin{tabular}{|p{8mm}|p{22mm}|p{12mm}|p{12mm}|p{12mm}|p{12mm}|p{12mm}|p{12mm}|p{12mm}|p{12mm}|}
\hline
\multicolumn{2}{|c} {} & \multicolumn{4}{c|} {Victorian energy consumption dataset} &\multicolumn{4}{c|}{AEP dataset}\\
\hline
\multicolumn{2}{|c|} {} & \multicolumn{2}{c|} { Two years}
& \multicolumn{2}{c|}{One year}
& \multicolumn{2}{c|} {Ten years} & \multicolumn{2}{c|}{One year}\\
\hline
Sr. no. & Methods & RMSE & MAE & RMSE & MAE & RMSE& MAE&RMSE&MAE\\
\hline
\hline
1& ARIMA & - & - & $0.0753$ & $0.0566$ & - &-& $0.0429$ & $0.0370$\\
2&SVR-rbf& $0.0813$ & $0.0795$ &$0.0792$ &$0.0605$ &$0.0363$& $0.0298$&$0.0415$ &$0.0331$\\
3&SVR-linear& $0.0676$ & $0.0651$ & $0.0749$ & $0.0562$ &$0.0310$ &$0.0242$ &$0.0362$ &$0.0285$ \\
4&RNN-tanh & $0.0736$ & $ 0.0559$ & $0.0774$ & $0.0579$ &
$0.0193$ & $0.0141$ &$\mathbf{0.0371}$&$\mathbf{0.0285}$\\
5&RNN-relu & $\mathbf{0.0631}$ & $\mathbf{ 0.0463}$&$\mathbf{0.0701}$ & $\mathbf{0.0519}$ &
$0.0290$ & $0.0228$ &
$0.0527$ & $ 0.0424$\\
6&LSTM-tanh &$0.0805$ & $0.0608$ &$0.0851$ & $0.0637$
&$\mathbf{0.0189}$&$\mathbf{0.0136}$& $0.0472$ & $0.0368$ \\
7&LSTM-relu &$0.0689$ & $0.0516$ &$0.0804$ & $0.0599$& $0.0239$&$0.0183$ & $0.0551$&$0.0430$\\
8&CNN & $0.0665$& $0.0495$ &$0.0796$ &$0.0597$ &$0.0197$ &$0.0142$ &$0.0445$ &$0.0342$\\
9&Bayesian ANN &$0.0481$&$0.0417$&$0.0438$&$0.0405$&$0.0198$&$0.0154$&$0.0564$&$0.0445$\\
10&\textbf{Bayesian BLSTM} &$\mathbf{0.0251}$ &$\mathbf{0.0281}$&$\mathbf{0.0305}$&$\mathbf{0.0260}$&$\mathbf{0.0168}$&$\mathbf{0.0126}$&$\mathbf{0.0167}$&$ \mathbf{0.0121}$\\
\hline
\end{tabular}
\end{center}
\label{main}
\end{table*}
For DL methods, $40$ neural units per layer, $100$ epochs, and batch size of $1000$ are chosen. $Adam$ is used as an optimizer to minimize the loss function of mean squared error (MSE). Additionally, RNN and LSTM methods are considered with two different variations in the form of activation functions namely, hyperbolic tangent function (\textit{tanh}), and rectified linear unit (\textit{Relu}). Activation functions play an important role in activating the hidden layer in neural networks. Also, SVR is modeled with radial basis function (\textit{rbf}) and \textit{linear} kernel. Then, RMSE and MAE values are computed on the testing dataset using (1) and (2), respectively.
As demonstrated in the table, Bayesian BLSTM performs similar to LSTM (with \textit{tanh}) for larger training datasets and stationary time series, i.e., with 10 years of data for AEP.
However, for non-stationary and smaller training samples, Bayesian BLSTM provides the best results by achieving the least error value, as reflected in Table \ref{main}. It should be noted that
from point forecasting methods, RNN with \textit{Relu} gives second best results in terms of lower error values.
In addition, Bayesian BLSTM provides PIs for future predictions and forecasts with more accuracy in relation to the ground truth, as reflected in Fig. \ref{BLSTM}.
RNN and LSTM have less error as compared to the statistical ARIMA and traditional ML methods such as SVR. For AEP dataset, LSTM is performing better with larger samples. For smaller sample size, RNN demonstrates less error and computational cost. Models with \textit{tanh} function perform better with uniform data, such as the AEP dataset. However, with higher variability and seasonal trends, i.e, for the Victorian dataset, \textit{Relu} performs better as it sparsely activates neurons rather than activating all neurons at the same time.
Furthermore, datasets with more samples tend to train better and yield greater accuracy. In addition, ARIMA takes a longer time to train for larger datasets and thus, fails to generate the output. SVR with \textit{linear} kernel has less error compared to SVR with \textit{rbf} kernel. When dataset has linearly separable features, \textit{linear} kernel will be sufficient to achieve superior performance.
\begin{table*}[!h]
\centering
\renewcommand{\arraystretch}{1.}
\caption{Pinball score by PDL forecasting methods }
\begin{tabular}{p{10mm}p{30mm}p{25mm}p{25mm}p{25mm}p{25mm}}
\hline
Sr. no. & Methods &Victorian (Two years)& Victorian (One year) &AEP (Ten years) & AEP (One year)\\
\hline
\hline
1& Bayesian ANN&$0.0019$&$0.0210$&$0.0050$ &$0.0150$\\
2& Bayesian BLSTM&$0.0016$&$0.0180$&$0.0030$&$0.0070$\\
\hline
\end{tabular}
\label{pinball}
\end{table*}
Table \ref{pinball} displays the pinball scores given by Bayesian ANN and Bayesian BLSTM for different data sizes. It can be inferred from the values that in case of more data and hence larger training set, pinball score is lower indicating the improvement in accuracy. Also, Bayesian BLSTM outperforms Bayesian ANN with the help of extensive training capability of bidirectional layer.
\begin{figure*}[h!]
\subfigure[Victorian dataset for different forecasting methods] {\includegraphics[height=0.225\textheight,width=0.5\textwidth]{fig/victoria}}
\subfigure[AEP dataset for different forecasting methods]
{\includegraphics[width=.5\textwidth]{fig/american}}
\caption{Comparative analysis of forecasting methods based on evaluation metrics for different datasets with different sample sizes.}
\label{error}
\end{figure*}
Fig. \ref{error} reflects the comparison graphs of errors observed by forecasting methods considered in Table \ref{main} with respect to each sample size. It can be inferred from the figures that for point forecasting, standard DL methods provide least error irrespective of the data size and variability.
However for PDL forecasting, Bayesian BLSTM outperforms all the other comparative methods and generate PIs.
\begin{figure*}[!h]
\subfigure[Victorian energy consumption dataset]
{\includegraphics[height=0.22\textheight, width=0.45\textwidth]{fig/vicpredictionsstime.png}}
\hspace{15pt}
\subfigure[AEP dataset]
{\includegraphics[height=0.22\textheight,width=0.45\textwidth]{fig/Aeppredictions.png}}
\caption{Predicted vs actual values for RNN and LSTM with one week and two weeks of test data for the Victorian and AEP dataset, respectively.}
\label{rnnlstm}
\end{figure*}
\begin{figure*}[!h]
\subfigure[Victorian energy consumption dataset]
{\includegraphics[height=0.22\textheight,width=0.5\textwidth]{victoria1years}}
\subfigure[AEP dataset]
{\includegraphics[height=0.22\textheight,width=0.5\textwidth]{aep10k}}
\caption{Prediction intervals (PIs) with ground truth and predictive mean using Bayesian BLSTM}
\label{BLSTM}
\end{figure*}
Furthermore, Fig. \ref{rnnlstm} shows the actual and predicted energy consumption values using RNN and LSTM on each dataset. The results are plotted for activation functions which produce superior performance for a given algorithm. Normalized energy consumption values are plotted over half hourly and per hour intervals for Victorian and AEP dataset, respectively. From Fig. \ref{rnnlstm}(a), it is inferred that the Victorian dataset has higher variability leading to more uncertainty in the energy consumption and hence, the performance of the models is slightly poorer. To deal with its non-stationary nature, logarithmic transformation is adapted. However, in Fig. \ref{rnnlstm}(b), AEP dataset is uniformly distributed for which predicted values show greater similarity with actual values and thus, less errors.
Furthermore, Fig. \ref{BLSTM} represents a comparison graph of actual energy consumption values (ground truth) with predictive mean over $90\%$ and $50\%$ prediction PIs generated by Bayesian BLSTM on both the datasets.
PIs reflect the intervals for future probabilities on different percentiles which enable the PDL methods to quantify for uncertainties.
Fig \ref{BLSTM}(a) clearly shows wider PIs as compared to \ref{BLSTM}(b) as there is more variability in Victorian consumption values than AEP.
\begin{figure*}[!h]
\centering
\subfigure[Victorian energy consumption dataset] {\includegraphics[height=0.28\textheight,width=0.8\textwidth]{fig/victoriatime}}
\subfigure[AEP dataset]
{\includegraphics[height=0.28\textheight,width=0.8\textwidth]{fig/aeptime}}
\caption{Comparative analysis of Execution time for respective forecasting method}
\label{time}
\end{figure*}`
In addition, a comparative plot for the execution time taken by each method is presented in Fig. \ref{time}. Note that, the reported execution time precisely belongs to the training process of each forecasting method. Time taken for error computation and parameter tuning is not included. As shown in the figure, PDL methods take more time compared to point forecasting methods. There is trade-off involved between the time complexity and forecasting accuracy for the PDL methods, which needs to be maintained.
\section{Conclusion and future directions}
In this paper, a comprehensive review of classical and advanced forecasting methods is presented for modern energy systems. A number of statistical, AI-based, probabilistic, and hybrid methods are discussed in detail with respect to their applications in energy systems. Additionally, impact of data pre-preprocessing techniques on forecasting performance is also highlighted.
After conducting a comparative case study on two different datasets, it is inferred that DL methods with appropriate activation function and hyper-parameter tuning yield higher forecasting accuracy than the traditional statistical and ML methods. However, uncertainty in the energy data from exogenous factors is a major challenge that can be tackled more efficiently with probabilistic methods. To support this,
we implemented Bayesian ANN and Bayesian BLSTM as PDL forecasting techniques and the latter outperformed all the other comparative methods by demonstrating least error values. However, it exhibit high computational cost in the terms of time complexity and processing units. So, probabilistic forecasting techniques need to be explored more in the future work and potential solutions to reduce computational cost need to be proposed in the energy domain.
Moreover, forecasting multi-dimensional demand and generation while ensuring high accuracy is another issue that requires substantial attention.
\bibliographystyle{IEEEtran}
\section{Introduction}
Energy forecasting has a crucial role to play in planning and managing operations in modern power systems popularly termed as smart grid (SG) systems \cite{gungor2011smart}.
With the advent of smart meters and advanced metering infrastructure (AMI) in SG, a significant increase in the bidirectional flow of energy and data is observed between the grid and end-users. Thus, a number of data analytics applications such as energy forecasting have emerged recently in the SG domain. Such applications can be highly useful for scheduling generation, implementing demand response strategies, and ensuring financial benefits through optimum bidding in the energy market \cite{Josep:2020,Shama:2019}. In this regard,
various statistical and ML methods to forecast energy demand and generation have been investigated in the past \cite{wang2018review}. Statistical methods such as autoregressive integrated moving average (ARIMA) and associated techniques have been extensively used for forecasting time series demand and generation data \cite{agoua2017short}. However, in recent times due to the breakthrough of smart metering and thus high volume of data generation, statistical methods face scalability issues and cannot analyze complex nonlinear data features \cite{jahangir2020deep}.
Since the last decade, artificial intelligence (AI)-based methods involving ML and DL algorithms have attracted much attention for their ability to generate accurate forecasts in SG systems. Particularly, DL algorithms such as recurrent neural networks (RNN) and LSTM are potential methods to deal with the nonlinear time series energy data \cite{kaur2019smart}.
Furthermore, SG systems experience uncertainties when renewable generation intermittencies and variations in energy consumption behaviors are considered. In such cases, probabilistic methods \cite{zhang2014review,gneiting2014probabilistic,liu2015probabilistic} having the ability to generate prediction intervals (PIs) highlight their effectiveness to manage uncertainties compared to point forecasting methods. Recently, probabilistic deep learning (PDL) has made its way to carry out the forecasting more efficiently by integrating deep neural networks and Bayesian inference \cite{ali2020bayesian,yang2019bayesian,gal2016dropout}. However,
this approach needs to be investigated more and offers a substantial scope in modern power systems and its applications.
Furthermore, by combining multiple methods as one hybrid approach, forecasting accuracy can be highly improved \cite{Torabi:2018}. However, the model complexity could be one of the main shortcomings of hybrid approach and thus, a trade-off between the accuracy and computational complexity needs to be maintained.
In this direction, data pre-processing plays a vital role in improving the performance and minimizing the forecasting error. Dimensionality reduction (DR) and feature extraction are the key approaches adopted for data pre-processing \cite{featureXtraction}.
In this regard, principal component analysis (PCA) \cite{huang2019optimization} and singular value decomposition (SVD) \cite{de2015data} have been widely used as underlying pre-processing techniques with different forecasting methods to deal with the challenges of high-order dimensionality in SG data. From DL domain, auto-encoders (AE) implemented with convolutional layers have been used as a feature extraction scheme to filter multiple dimensions in consumption data \cite{ryu2019convolutional}.
There have been a significant number of research papers which surveyed ML methods for solar irradiance forecasting \cite{Cyril:2017,Naveed:2019,Dhivya:2020}.
Other papers have reviewed ML methods to forecast building energy demand \cite{Soheil:2020,hernandez2014survey}, but have not included comparative analysis.
Although, the authors in \cite{Wang:2019} reviewed DL techniques for solar energy forecasting.
None of the aforementioned review papers have investigated new DL techniques such as RNN and LSTM in details for energy forecasting applications with a comparison made between the statistical and DL methods.
Furthermore, to the best of our knowledge, no review paper has yet considered reviewing the recent developments in probabilistic forecasting domain, especially contributions of Bayesian deep learning in SG systems forecasting.
This motivates us to review state-of-the-art forecasting methods along with the recent developments in a more comprehensive and application-oriented manner.
To be specific, we make the following contributions:
\begin{enumerate}
\item A comprehensive review of statistical, AI-based, probabilistic, and hybrid forecasting methods is presented along with their applications in SG systems considering different time horizons. The existing pre-processing techniques to aid energy forecasting methods are also discussed.
\item A number of statistical, ML, DL, and PDL techniques are implemented for two energy consumption datasets with different time resolution and horizons to compare forecasting accuracies with variable sample sizes. The impact of high variability in the dataset is also evaluated.
\item The analysis shows that RNN and LSTM can achieve higher accuracy for point forecasting with larger sample sizes especially in the presence of high variability.
However, the accuracy can vary with the choice of activation function and hyper-parameters tuning which needs to be appropriately selected for a given dataset.
In case of probabilistic forecasting, Bayesian bidirectional LSTM (BLSTM) outperforms point forecasting methods by exhibiting least error for all data variations along with more accurate PIs for energy forecasting scenarios.
\end{enumerate}
Section II discusses the applications of forecasting in SG systems. Section III outlines the time horizon-based categorization of forecasting methods. Section IV elaborates state-of-the-art forecasting methods in detail including hybrid and advance probabilistic approaches from the perspective of energy systems operations. Further, data pre-processing methods are briefly discussed in section V. Section VI represents a comparative case study of energy forecasting methods on two different datasets. Finally, section VII concludes the paper and discusses the future directions.
\begin{figure}[ht!]
\centering
\includegraphics[width=0.7\textwidth]{fig/system.pdf}
\caption{Overview of forecasting applications for energy systems}
\label{overview}
\vspace{-4pt}
\end{figure}
\section{Applications of forecasting in Energy systems}
\indent Energy forecasting with high accuracy and precision can provide significant insights for grid planning and reliability for demand and generation. The data generated from SG systems is usually related to the energy consumption by end users involving residential, commercial, and industrial consumers as shown in Fig. \ref{overview}. Moreover, additional data is generated from distributed energy resources (DERs) such as solar and wind power plants. The generated data is further utilized by forecasting methods to forecast energy generation, consumption, and prices in SG systems. Energy forecasting has a wide range of applications including load shedding, optimum dispatch, peak load shaving, etc. \cite{hernandez2014survey}. The authors in \cite{rossi2019smart} surveyed various challenges and trends of demand forecasting with respect to different time horizons and regions. Similarly, in \cite{hsiao2014household} authors compared existing statistical methods for demand forecasting and emphasized the significance of attaining least RMSE. Further, Kong \textit{et al.} in \cite{kong2017short} employed DL methods to forecast short-term energy consumption and demand for individual households using highly granular data.
As energy generation using renewable-based DER is more intermittent due to exogenous factors such as weather changes and user behaviors, ensuring high forecasting accuracy is a very challenging task in the grid today \cite{voyant2018prediction}. In this regard, \cite{liu2018vector} used vector autoregressive (VAR) to forecast solar irradiance, temperature, and wind speed for 61 locations in the United States. Similarly, Messner \textit{et al.} in \cite{messner2019online} used VAR method to forecast wind power generation based on high dimensional data.
Furthermore,
forecasting price spike is an important application which considers the biggest risk factor in the energy market. Recent zero or negative pricing as observed in the Australian national electricity market (NEM) can negatively impact generators. On the other hand, positive high price spikes can give more profits to generators, especially during peak generation hours \cite{lu2005electricity, zhao2007framework}. Yang \textit{et al.} surveyed the latest trends in the decision making for electricity retailers using consumed load price forecasting \cite{yang2017decision}. Further, \cite{Miltiadis:2015} utilized a set of relevance vector machines to predict the price for individual time periods ahead-of-time and implemented micro-genetic algorithm to optimize linear regression ensemble coefficients for aggregated price forecasts. Toubeau \textit{et al.} in \cite{toubeau2018deep} utilized PDL method to forecast wind and PV generation in return to predict the electricity prices generated from renewable DER. Moreover, the locational marginal price for optimal scheduling of the energy storages is performed using artificial neural networks (ANN) in \cite{Meng:2014}.
\begin{figure}[!b]
\centering\includegraphics[width=0.55\textwidth]{publications}
\caption{Publication trends in energy systems with respect to time horizons}
\label{publications}
\end{figure}
\section{Time horizons for Energy Forecasting methods}
The time period over which forecasts are generated is defined as the time horizon or timescale. It is one of the key parameters to categorize forecasting approaches in SG systems \cite{soman2010review}.
Depending on time horizon, energy forecasting can be broadly classified as following:
\begin{enumerate}
\item Very short-term forecasting (VSTF): This class of forecasting involves time horizon from minutes to few hours, usually between ($0$-$3$ h) \cite{book}. VSTF can help dealing with random changes in renewable energy generation which can be predicted only before a short period of time. It offers a wide range of applications in renewable energy resources (RES) such as wind and solar generation forecasting \cite{guan2012very,guan2013hybrid}. In this regard, Potter \textit{et al.} in \cite{potter2006very} presented a 2.5 min ahead forecasting system for Tasmanian wind farms using ANN and fuzzy logic as a hybrid approach.
\item Short-term forecasting (STF): It involves energy forecasts ranging from few minutes to a few days ahead. This class plays a prime role in various grid operations such as dispatch scheduling, reliability analysis, etc. \cite{lopez2018parsimonious}. Furthermore, accurate STF helps avoiding underestimation and overestimation of the demand and thus, substantially contributes to the grid reliability \cite{fan2011short}.
\item Medium-term forecasting (MTF): It is implied to horizons ranging from few days to a few months ahead within a year \cite{amjady2010midterm}. MTF supports adequacy assessment, maintenance, and fuel supply scheduling in SG systems. Furthermore, it contributes to risk management using price forecasting and therefore, plays a significant role in evaluating the financial aspects of energy systems \cite{wang2017optimal}.
\item Long-term forecasting (LTF): It involves horizons measured in months, quarters, and even years. LTF is crucial for load growth and energy generation planning operations over a longer period of time \cite{longterm,hong2013long,xu2017long}.
LTF helps removing the impact of random fluctuations arising in shorter term and predict the longer term trends.
In this context, Azad \textit{et al.} \cite{azad2014long} predicted the wind speed trends of two meteorological stations in Malaysia for one year using neural networks to manage the challenges posed by intermittent nature of wind generation.
\end{enumerate}
Fig. \ref{publications} shows the pattern of publications for last two decades within five year duration with respect to different time horizons in energy systems forecasting. While LTF stands second in line, most number of publications are made for STF in the period 2016-2021 making it most widely utilized forecasting category in recent times for different applications in grid planning and operations.
Appropriate selection of the forecasting horizon is crucial for training and hyper-parameter tuning of a forecasting method.
In this context, the authors in \cite{Cyril:2017} and \cite{Naveed:2019}
emphasized to focus on the selection of relevant time horizons while building the ML model for solar irradiation forecasting.
\section{State-of-the-art forecasting techniques}
This section discusses state-of-the-art methods and recent advancements in energy forecasting systems along with their literature and applications.
Energy forecasting methods can be broadly classified into statistical and artificial intelligence (AI)-based methods as illustrated in Fig. \ref{flow}. While statistical methods are traditional and simpler in form, learning methods involve ML, DL and its variants which are considered to be more accurate but complex at the same time.
\begin{figure*}[ht!]
\centering
\includegraphics[height=0.35\textheight,width=\textwidth]{fig/flow.pdf}
\caption{Taxonomy of energy forecasting methods }
\vspace{-8mm}
\label{flow}
\end{figure*}
\subsection{Statistical methods}
Statistical methods are classical in nature, widely used for time series forecasting especially for STF using the historical SG data \cite{deb2017review}. These methods are based on fitting a regression model on historical data points and then validating the model by finding the difference between actual and predicted values. This subsection stresses about existing statistical methods for the applications of energy systems forecasting.
\subsubsection{Autoregressive moving average model (ARMA)}
ARMA is the fundamental statistical method widely employed for time series analysis. It is the combination of autoregressive (AR) and moving average (MA) methods. The AR part predicts the value at a time stamp $t$ as a function of its previous value at $t-p$, where $p$ is the order of AR model. The MA part linearly combines the error term with the previous values to form the observed data.
Sansa \textit{te. al.} in \cite{sansa2020solar} utilized ARMA to predict the solar irradiation for a winter day with maximum $10\%$ variation in the generation.
However, ARMA can only be applied to a stationary time series, mean and variance of which does not change over time and has an uniform distribution.
\subsubsection{Autoregressive integrated moving average (ARIMA)}
To deal with the non-stationary time series, ARMA is generalized to ARIMA. The integrated component deals with the non-stationary time series by replacing the data values with differences of its current and previous values. ARIMA is employed in \cite{arima6} for energy demand forecasting to charge the electric vehicles (EVs) using historical load data. Similarly, it is used for energy usage forecasting in \cite{ARIMA2} and \cite{ARIMA3} for optimization and control in a residential microgrid.
However, the ARIMA is more suitable for linear time series as it gives relatively high RMSE values for nonlinear data and exhibits a high execution time for large datasets \cite{kedrowski2018short}. To manage nonlinearity, ARIMA models often have to utilize additional techniques such as log transformation.
\subsubsection{Vector autoregression (VAR)}
VAR model is defined as an extension to the univariate autoregression for $n$ number of time series.
To capture linear dependencies among multiple time series, VAR has been substantially adapted as another statistical method in the applications of energy systems forecasting.
The authors in \cite{liu2018vector} predicted temperature, solar irradiation, and wind speed using VAR for 61 locations in United States and exhibited lower RMSE values as compared to other statistical methods such as simple persistence (SP).
VAR is also used in \cite{messner2019online} for short-term wind power forecasting to tackle the problem of estimation by integrating lasso estimator to recursively update the VAR parameters.
However, ML methods that are discussed in the following subsection are found to be more efficient and scalable to deal with nonlinear traits of SG datasets with multiple time series \cite{ANNvsARIMA}.
\subsection{Machine learning (ML) methods}
ML is a set of computing algorithms to learn patterns from input data and improve the prediction accuracy automatically over time.
It has a wide range of applications in big data analytics, data mining, and computer vision \cite{wang2018review}. ML is broadly categorized into supervised and unsupervised learning \cite{ma2019review}. The former involves labeled data and its two main classes are classification and regression. On the other hand, unsupervised learning deals with the unstructured data and works on grouping the data points based on their similarities and correlation \cite{kotsiantis2007supervised}.
Following subsections discuss existing ML methods and their applications for energy systems forecasting. In \cite{ma2019review}, Ma \textit{et al.} reviewed various ML algorithms in power systems and emphasized their effectiveness for short-term load forecasting in terms of accuracy and scalability. Support vector machine (SVM) and support vector regression (SVR) are two main ML methods under supervised learning domain.
\subsubsection{Support vector machine (SVM)}
SVM is widely used in ML to classify data variables into different planes with respect to margin between the data classes. The objective of SVM algorithm is to maximize the margin distance between the data variables so as to increase the accuracy of data classification. For SG systems,
Shi \textit{et al.} proposed SVM to forecast one day ahead photovoltaic (PV) generation in China by classifying weather data into cloudy, clear, foggy, and rainy categories \cite{shi2012forecasting}. The SVM-based proposed technique demonstrated effective results with 8.64\% mean relative error (MRE). Similarly, authors in \cite{wang2018deep} employed SVM to predict socio-demographic features of users from energy consumption data with the help of convolutional filters.
\subsubsection{Support vector regression (SVR)}
The concept of SVM adapted to regression analysis is known as SVR. It supports nonlinear traits in the prediction model and provides accurate forecasting results.
Since time series forecasting involves regression operation, SVR is comprehensively used in the existing research for demand and generation forecasting \cite{hu2015short,yang2014weather,jiang2016short,ren2014novel}.
The authors in \cite{kavousi2014new} applied SVR for short-term load forecasting and compared the results with other competitive techniques such as ARMA and ANN. Authors claimed that SVR integrated with modified firefly algorithm (MFA) optimizes SVR parameters and reflects better accuracy than the aforementioned methods.
Furthermore, \cite{ghelardoni2013energy} predicted long-term energy consumption using SVR after decomposing time series consumption data into two components to justify trend and oscillations, respectively.
\subsubsection{Random Forest (RF)}
RF is an another ML algorithm which operates as an ensemble of decision trees and often utilized for classification and regression tasks. Saeedi \textit{et al.} implemented different ML methods including decision tree, linear regression, and multilinear perceptron (MLP) to estimate PV generation output in Hawaii \cite{saeedi2021adaptive}. They claimed the superior performance by RF with highest R-squared value of 98\% as compared to aforementioned ML models. Additionally, weather data and location of PV were also considered while modeling the generation scenarios.
Similarly, \cite{liu2021hybrid} employed a hybrid of fuzzy c-means clustering and RF to predict short-term load consumption after grouping the similar load profiles to reduce uncertainty in the individual consumption data. Implementation results claimed high performance in terms of accuracy by proposed RF-based framework as compared to other ML methods.
However, energy datasets with high volume and complex patterns require extensive learning and optimization, where ML methods usually fail to perform efficiently \cite{shi2017deep}.
In this context, DL methods based on artificial neural networks are emerging as a highly competent set of techniques to deal with high dimensionality and uncertainty traits of SG data \cite{sun2019using}.
\subsection{Deep learning (DL) methods}
DL methods involve ANNs defined as sequence of layers having $n$ number of connected nodes termed as neurons.
An input from external data is fed to the network via input layer and an output is obtained by optimizing the network with learning algorithm via output layer. An ANN may have zero or higher number of intermediate layers known as hidden layers.
ANNs with more than one hidden layer are known as deep neural networks (DNN).
DL algorithms have set a benchmark in the field of image and audio processing and are receiving an increased attention in SG systems, since the last decade \cite{zhang2018review}.
This subsection discusses state-of-the-art DL methods employed in energy systems forecasting along with relevant literature and applications.
\subsubsection{Feed forward neural networks (FFNN)}
Vanilla ANNs without having loops within layers are known as FFNNs. They can be single or multilayer perceptrons and are primarily used for supervised learning.
Bhaskar \textit{et al.} presented a FFNN-based wind power forecasting framework integrated with wavelet decomposition to forecast 30 hour ahead wind power built on wind speed estimation \cite{bhaskar2012awnn}. Authors demonstrated effective results of the proposed method in comparison with persistence and non-reference benchmark methods.
Similarly, \cite{pindoriya2008adaptive} investigated the use of FFNNs for short-term price forecasting for Spanish and PJM electricity markets and conducted a comparative analysis with wavelet-ARIMA and fuzzy neural networks. Although, the standard FFNN outperformed comparative methods, they stated that FFNNs integrated with adaptive wavelet neural networks provide more satisfactory predictions by demonstrating least RMSE values.
\subsubsection{Back-propagation neural networks (BPNN)}
In contrast to FFNNs, BPNN involves a back propagation algorithm such stochastic gradient descent (SGD) to fine tune the weight parameters at each neural layer based on the error generated by the loss function \cite{jiao2018model}. A BPNN-based ANN ensure a lower error rates and thus, more reliability in the predictions. BPNN is often integrated with optimization techniques or other ML models for improved performance. For example, wind speed prediction has been performed in \cite{Yagang:2018} by optimizing the weight parameters of BPNN using improved particle swarm optimization. On the other hand, a flower pollination algorithm has been implemented in \cite{Zongxi:2019} to optimize the BPNN for wind speed forecasting. In the context of energy consumption forecasting based on socio-econometric factors, a differential evolution technique integrated with adaptive mutation is implemented to optimize the initial connection weights of BPNN \cite{Yu-Rong:2017}. Following subsections involve neural networks based on underlying BPNN algorithm.
\subsubsection{Recurrent neural networks (RNN)}
ANNs with directed cycles between hidden layers are defined as RNN. Contrary to FFNNs, they have a memory state and can process variable data length, thus facilitating the sequence processing in time series.
Shi \textit{et al.} proposed RNN for STF of granular consumption data for $920$ households in Ireland \cite{shi2017deep}.
However, RNNs face the problem of over-fitting and may reflect false positive results for new data values. They addressed this issue by increasing diversity and volume in individual consumption data by introducing a pooling system of neighboring households with correlated historical consumption.
According to the results, RNN with pooling technique outperforms benchmark forecasting techniques such as ARIMA, SVR, and classical RNN by significantly reducing RMSE values. Similarly, RNN is used in \cite{kaur2019smart} to predict short-term energy consumption values for $112$ households and promising results in the term of lower RMSE and MAE error values are reflected.
However, RNN suffers from the problem of vanishing and exploding gradients during the learning process with data having long sequences.
\subsubsection{Long short-term memory (LSTM)}
LSTM is a variant of RNN which has made a breakthrough in well-known DL applications such as natural language processing (NLP) by dealing with vanishing/exploding gradients through its cell and gating architecture. In this direction, authors in \cite{kong2017short} proposed a RNN-based LSTM technique to perform short-term load forecasting for residential consumers and demonstrated improved accuracy at granular and aggregated level forecasts.
In \cite{motepe2019improving}, authors included neuro-fuzzy logic in conjunction with the LSTM and found that the technique can outperform other methods. The authors in \cite{zhang2020data} combined persistence model for predicting sunny weather and utilized this information to improve the solar power forecasting using LSTM integrated with auto-encoders. In \cite{shao2020multi}, authors combined convolutional auto-encoder and K-means algorithm to extract features related to customer behavior and integrated them with LSTM models for short-term energy consumption forecasting.
\subsubsection{Convolutional neural networks (CNN)}
CNN is a class of deep neural networks, extensively used in feature extraction and data filtering applications.
In \cite{wang2017deterministic}, CNN is used in conjunction with wavelength transform (WT) method to extract features from PV generation dataset to support effective forecasting. The proposed method is tested on real PV dataset acquired in Belgium and
demonstrates superior results with improved forecasting accuracy as compared to the conventional methods.
Furthermore, Lee \textit{et al.} investigated CNN filters integrated with LSTM to forecast one day-ahead PV solar power in Korea, considering the local weather information alongside \cite{cnnlstm}. They emphasized the need to pre-process and refine the input data to achieve high forecasting performance and compared their method with other ML techniques for different time horizons within a day and observed lower RMSE and mean-absolute percentage error (MAPE) values.
Authors in \cite{almalaq2017review} and \cite{zhang2018review} have reviewed various DL-based energy forecasting methods and conducted a case study to compare the accuracy of different methods in terms of RMSE and mean absolute error (MAE). The addition of more layers to a neural network can increase the forecasting accuracy. However, it sometimes overfits the model to a specific dataset as it captures the noise during training phase.
To overcome this challenge, dropout \cite{srivastava2014dropout} was proposed as a potential technique which addresses overfitting by dropping out the random neuron units.
However, uncertainty representation in generation data from RES is considered as another challenging task for point forecasting methods discussed in above sections. The uncertainty generally arises due to external factors such as weather conditions and cannot be captured very well by point forecasting methods.
\begin{table*}[!t]
\renewcommand{\arraystretch}{1.5}
\caption{Existing state-of-the-art forecasting methods: A comparative summary}
\label{summary}
\begin{center}
\begin{tabular}{p{8mm}p{27mm}p{30mm}p{40mm}p{45mm}}
\hline
Sr. no. & Forecasting Methods &References&Advantages& Disadvantages \\
\hline
\hline
M1 & Statistical methods&\cite{liu2018vector}\cite{messner2019online}\cite{lopez2018parsimonious}\cite{deb2017review}\cite{arima6}\cite{ARIMA2} \cite{ARIMA3}\cite{kedrowski2018short} & Simple and low computational cost& Not reliable for big data and nonlinear data components in energy datasets \\
M2 & Machine learning (ML) methods& \cite{Naveed:2019}\cite{Dhivya:2020}\cite{Soheil:2020}\cite{longterm}\cite{ma2019review}\cite{shi2012forecasting}\cite{kavousi2014new}\cite{zhu2016short}\cite{percy2018residential} \cite{hu2015short,yang2014weather,jiang2016short,ren2014novel} \cite{saeedi2021adaptive} \cite{liu2021hybrid}& Efficient and capable to deal with big energy datasets & Not reliable for heterogenous and long sequence data problems, generate point forecasts\\
M3 & Deep learning (DL) methods & \cite{kaur2019smart}\cite{jahangir2020deep}\cite{Wang:2019}\cite{kong2017short}\cite{azad2014long}\cite{guan2012very}\cite{wang2018deep}\cite{shi2017deep}\cite{zhang2018review}\cite{bhaskar2012awnn}\cite{pindoriya2008adaptive}\cite{almalaq2017review}\cite{srivastava2014dropout} & Efficient for long and nonlinear data patterns & Overfitting, require appropriate hyper-parameter tuning, generate point forecasts \\
M4 &Probabilistic methods & \cite{fan2011short}\cite{taieb2016forecasting}\cite{dowell2015very}\cite{hong2016probabilistic}\cite{hong2013long}\cite{zhang2014review}\cite{zhang2014review}\cite{gneiting2014probabilistic}
\cite{liu2015probabilistic}\cite{wang2018combining}\cite{aprillia2020statistical}& Provide prediction intervals
(PIs) & High computational complexity\\
M5 & Probabilistic deep learning (PDL) methods &\cite{toubeau2018deep}\cite{quantile}\cite{sun2019using} \cite{ali2020bayesian}\cite{yang2019bayesian}\cite{gal2016dropout}& Provide PIs, reliable, and efficient & Limited literature and high computational cost\\
M6 & Hybrid methods& \cite{Torabi:2018} \cite{Naveed:2019}\cite{amjady2010midterm}\cite{ARIMAann}\cite{arnet}\cite{hybrid}\cite{zhang2017robust}\cite{zhang2013short} & High accuracy and scalable & Application specific, high computational complexity\\
M7 & Pre-processing methods & \cite{featureXtraction}\cite{ryu2019convolutional}\cite{chen2016framework}\cite{wang2016sparse}\cite{Dairi:2020}\cite{pereira2018unsupervised}\cite{bachhav2019latent}\cite{wang2020variational}& Improve forecasting performance & Application specific \\
\hline
\end{tabular}
\end{center}
\end{table*}
\begin{table*}[!t]
\centering
\caption{Energy forecasting surveys from past 5 years}
M1: Statistical; M2: ML; M3:DL; M4: Probabilistic; M5:PDL; M6: Hybrid; M7: Pre-processing
\label{surveys}
\begin{tabular}{p{10mm}p{25mm}p{10mm}p{10mm}p{10mm}p{10mm}p{10mm}p{10mm}p{10mm}}
\hline
Publication Year & References&M1&M2&M3&M4&M5&M6&M7\\
\hline
\hline
2016&\cite{nagaraja2016survey}&$\checkmark$&$\checkmark$&$\checkmark$&$\times$&$\times$&$\times$&$\times$\\
2017&\cite{almalaq2017review}&$\checkmark$&$\checkmark$&$\checkmark$&$\times$&$\times$&$\times$&$\times$\\
2018&\cite{kabir2018neural}&$\times$&$\times$&$\checkmark$&$\checkmark$&$\times$&$\times$&$\times$\\
2019&\cite{wang2018review}&$\checkmark$&$\checkmark$&$\checkmark$&$\checkmark$&$\times$&$\times$&$\times$\\
2020&\cite{quan2019survey}&$\times$&$\times$&$\checkmark$&$\checkmark$&$\checkmark$&$\times$&$\times$\\
2021&Proposed survey&$\checkmark$&$\checkmark$&$\checkmark$&$\checkmark$&$\checkmark$&$\checkmark$&$\checkmark$\\
\hline
\end{tabular}
\end{table*}
Table \ref{summary} presents a comparative summary of aforementioned forecasting methods along with relevant references, advantages, and disadvantages of each category. Furthermore,
Table \ref{surveys} reflects the surveys published in the last five years with respect to number of methods reviewed in each. It can be observed that no survey to the best of our knowledge has attempted to review all categories of methods comprehensively. We attempt to propose a more comprehensive review especially including probabilistic approaches.
\subsection{Probabilistic methods}
With the integration of RES in the modern power grid, forecasting trends are shifting from point to probabilistic in regards to the future demand and generation at disaggregated levels \cite{gneiting2014probabilistic}.
Hong \textit{et al.} presented a review for probabilistic methods and emphasized their importance over point forecasting with ever changing needs of power industry \cite{hong2016probabilistic,hong2010short}.
This section identifies the existing literature for probabilistic energy forecasting, which is mainly categorized under parametric and non-parametric approaches. The authors in \cite{zhang2014review} provided a brief review of these two approaches for wind generation forecasting.
Dowell \textit{et al.} proposed a parametric probabilistic scheme based on Bayesian probability and sparse VAR to forecast very short-term wind power generation in Southeastern Australian wind farms with a 5 min interval \cite{dowell2015very}. The authors confirmed superior results by their method with least RMSE in comparison to the standard AR and VAR methods.
They further utilized the similar parametric approach in \cite{hong2013long} to forecast long-term probabilistic horizons for load consumption.
Furthermore, for the application of price forecasting, probabilistic methods have been utilized by various authors and the relevant contributions are outlined in \cite{nowotarski2015computing,maciejowska2016probabilistic,weron2014electricity}.
Similarly, Taieb \textit{et al.} in \cite{taieb2016forecasting} emphasized the need
to predict the future demand in probabilistic format, which can further support the grid operations related to the energy generation and distribution. They employed additive quantile regression (QR) to forecast the individual energy consumption for $3696$ smart houses in Ireland with 30 min interval.
To support probabilistic load forecasting, Liu \textit{et al.} proposed quantile regression averaging (QRA) to obtain PIs for consumption with $90\%$ percentiles \cite{liu2015probabilistic}. The authors claimed effective forecasts using probabilistic evaluation metrics such as pinball and winkler score.
However, the existing probabilistic approaches in energy forecasting often suffer high computational complexities and thus, more efficient methods need to be developed and reviewed considering the current energy market scenarios \cite{wang2018combining,aprillia2020statistical}.
\subsection{Probabilistic deep learning (PDL)}
Bayesian probability incorporated with DL methods can be used to provide forecasting results in the form of PIs, contrary to traditional deep neural networks that are deterministic in nature and generate point forecasts. PDL expresses model parameters as a function of probability distributions such as normal distribution. To be precise, PDL models can predict future PIs with different percentiles that can explain the certain or uncertain factors in the energy data and hence, enables better decision making.
This section outlines the significant contributions in the field of PDL to support the applications of demand, generation, and price forecasting in modern power systems.
\subsubsection{Bayesian neural networks (BNN)}
The concept of Bayesian probability incorporated with ANN is defined as BNN.
Yang \textit{et al.} in \cite{yang2019bayesian} proposed BNN technique to forecast individual energy demands at household level after quantifying the shared uncertainties between different customer groups. In addition, a clustering-based data pooling system is presented to tackle the issue of over-fitting by increasing the data volume and diversity. The authors demonstrated lower winkler and pinball scores for probabilistic methods. Furthermore, a comparative study is presented with the benchmark point forecasting and probabilistic techniques such as QRA and quantile regression factoring (QRF).
\subsubsection{Bayesian LSTM}
Sun \textit{et al.} proposed a BNN integrated LSTM approach to curb the challenges posed by weather uncertainty in distributed PV generators and thereafter generated the net-load forecasts in the form of PIs with greater accuracies \cite{sun2019using}.
In addition, they improved the forecasting performance by clustering individual sub profiles based on similar energy consumption patterns prior to applying Bayesian approach.
They implemented their method on a real SG dataset acquired from AusGrid involving rooftop PV generation measurements for every half an hour for a period of three years.
\subsubsection{Bayesian BLSTM}
In a similar manner, authors in \cite{toubeau2018deep} proposed a PDL technique to deal with the problem of uncertainty in energy markets. The authors integrated LSTM with bidirectional RNN by enabling the propagation of training sequence forwards and backwards and proposed their method as bidirectional-LSTM (BLSTM). The proposed network is then trained to generate a Gaussian or a non-parametric predictive distribution of the dependent variables present in the energy data such as PV generation.
Furthermore, Copula-based sampling is employed over predicted distributions to generate predictive scenarios.
However, probabilistic methods are computationally expensive due to large sample space.
In this regard, \cite{gal2016dropout} proposed dropout as one of the potential solutions which works as an
approximator to make the Bayesian inference process less complex, computationally.
However, the computational complexity of the Bayesian approach remains one of the main concerns and therefore, more generalized and effective solutions need to be explored in the future research.
\subsection{Hybrid methods}
Statistical methods face challenges from their inability to process big data, while AI-based methods have other shortcomings in terms of model complexity and dependence on large training datasets. Furthermore, deep neural networks struggle with overfitting, vanishing/exploding gradients, and appropriate hyper-parameter tuning. Therefore, a hybrid approach involving two or more methods could be more useful to overcome aforementioned limitations of state-of-the-art point forecasting methods. In this direction, different learning and statistical methods can be integrated together along with optimization techniques to work as one holistic approach. In this context, authors in \cite{Naveed:2019} presented a comparative analysis of various hybrid techniques by integrating ML methods with optimization algorithms such as genetic algorithm (GA) to enhance the model efficacy for PV generation forecasting. Various hybrid methods along with their literature work for energy forecasting are discussed as below.
\subsubsection{GA-SVM}
In \cite{hybrid}, authors combined four different state-of-the-art forecasting methods namely, ARIMA, SVM, ANN, and adaptive neurofuzzy inference system (ANFIS) with GA optimization technique to forecast one hour-ahead PV power generation by utilizing green energy office building data in Malaysia. Additionally, authors considered the solar irradiance, air, and the historical solar power data as the input features. They claimed high precision in the prediction outputs with minimum error of $5.64\%$ with hybrid approach as compared to individual aforementioned methods.
\subsubsection{AR-net}
As classical methods lack long-range dependencies (LRD) and neural networks are complex and lack interpretability, authors in \cite{arnet} presented a simple yet efficient technique in which AR process is modeled using neural networks and named as AR-net. To be precise, AR-net mimics the traditional AR process with the FFNNs.
Furthermore, the AR coefficients which are trained using least square method in existing approaches, are fitted using stochastic SGD in AR-net.
The parameters of first layer in AR-net are taken as equivalent to the classical AR-coefficients. In addition, authors discussed the equivalences between FFNNs and classic AR models to overcome scalability issues while ensuring model interpretability and simplicity. They emphasized the use of deep neural networks such as RNN and CNN to deal with scalability issues. But DL models are highly complex to interpret and understand the dynamics of models and need appropriate consideration of the suitability in each time series application.
\subsubsection{K-means-ARIMA}
In \cite{kmeansANN} authors combined k-means clustering with autoregressive neural networks for hourly solar forecasts. Similarly, authors in \cite{ARIMAann} used wavelet packet transform along with ANN for the application of wind power forecasting.
However, aforementioned hybrid methods posed a common issue of escalating the computational complexity.
In addition, if one method in the hybrid combination has the poor performance, it is going to affect the overall hybrid method. However, by including an appropriate optimization algorithm to optimize model parameters, the efficacy and performance can be improved. Thus, maintaining a trade-off between the computational complexity and performance is of utmost importance for the hybrid approach.
\section{Data pre-processing techniques for energy forecasting}
\indent Data representation and pre-processing is one of the early key stages in data analytics. Processing raw data with irrelevant and redundant information can produce misleading and incorrect forecasting results. Data pre-processing involves various methods such as normalization, cleaning, transformation, feature engineering, dimensionality reduction, etc. It transforms raw data to a final training dataset which can be further fed to the data processing techniques \cite{zhu2016short}.
For energy systems, various authors have emphasized the use of different pre-processing techniques to improve the forecasting accuracy, as discussed in the following subsections.
\subsection{Singular value decomposition (SVD)}
Dimensionality reduction and feature engineering are two highly regarded pre-processing techniques. Kaur \textit{et al.} in \cite{kaur2019smart} and \cite{kaur2018tensor} used SVD as the base technique to decompose high dimensional data into lower dimensions prior to energy forecasting. The authors employed tensors and SVD matrix decomposition to achieve dimensionality reduction.
Similarly, authors in \cite{wang2016sparse} presented a data decomposition and compression method for user load profiles based on k-means clustering and SVD (k-SVD) method. Firstly, a sparse coding technique is used over load profiles to compress the data by exploiting the sparsity present in load profiles. Then, k-SVD is proposed to decompose and extract the partial usage patterns (PUPs) in it. They claimed that their technique outperforms other existing data compression methods namely discrete wavelet transform (DWT) and standalone k-means clustering.
\subsection{Principal component analysis (PCA)}
PCA is a classical dimensionality reduction technique used to transform the higher data dimensions into lower representations in the form of orthogonal matrix known as principal components. It is proposed in \cite{huang2019optimization} to eliminate the features from a PV generation dataset that has little or no significance in the forecasting output. It allows the proposed method to make more precise predictions. Authors compared their results with differential evolution (DE) and particle swarm optimization (PSO) and observed least RMSE values using their method.
\subsection{Auto-encoders (AE)}
AEs are type of neural networks used to encode high dimensional data into lower representations using the encoding layer. The performance of AEs is checked with the help of decoding layer by monitoring the reconstruction ratio. Furthermore, there exist different variants of AEs such as sparse auto-encoders (SAE). A special class of SAE is used in \cite{chen2016framework} as a framework to identify the over-voltage to classify the faults and determine the power quality disturbances.
Furthermore, AEs are used in \cite{zhang2020data} with LSTM to improve PV estimation accuracy in variable weather conditions. The authors claimed to reduce the impact of weather uncertainty using encode-decoder framework for day-ahead PV forecasting for multiple locations.
\subsection{Convolutional auto-encoders (CAE)}
AEs incorporated with the convolutional layers of CNN are termed as CAEs.
In \cite{ryu2019convolutional}, authors emphasized the role of data compression and dimensionality reduction using CAEs from the perspective of data storage and transmission. They proposed a feature extraction technique based on CAEs to capture daily and seasonal variations by representing 8640 dimensional space into 100-dimensional vector. The authors reported 19-40\% decline in the reconstruction error using their technique and a 130\% increase in compression ratio as compared to standard methods.
Furthermore, Shao \textit{et al.} used CAE integrated with LSTM to perform multi-step STLF involving energy, time, and user behavior components. Firstly, they combined CAE and k-means to identify user behavior and then employed LSTM to train time and energy components for STLF with 10\% improvement in overall prediction performance \cite{shao2020multi}.
\subsection{Variational auto-encoders (VAE)}
VAEs are relatively a new class of AEs in energy systems which employ the concept of variational inference and Bayesian optimization to carry out the encoding and decoding operations \cite{Zhang2018,ibrahim2021variational}. VAE integrated with recurrent neural layers and its variants have been recently explored for the application of anomaly detection and to make the forecasting process more efficient \cite{pereira2018unsupervised,Dairi:2020,bachhav2019latent,wang2020variational}. To reduce the dimensionality arising from time lags considered in renewable generation forecasting, VAEs have been implemented in \cite{kaur2021ICC} before performing forecasts with BLSTM.
VAE combined with Bayesian BLSTM has been employed in \cite{kaur2021vae} to carry out dimensionality reduction of model parameters and forecasting respectively for solar generation dataset. The authors reported lower reconstruction and RMSE errors using their technique along with uncertainty quantification in model parameters of BLSTM.
\section{Case Study}
This section presents a case study for comparative analysis of various forecasting methods discussed in above sections using two different datasets. To be specific, RNN and LSTM are chosen as benchmark DL models due to their superior performance reported in existing papers. For similar reasons, ARIMA, SVR, Bayesian ANN and BLSTM are chosen as representatives of commonly used statistical, ML, and PDL methods, respectively.
\subsection{Description of data}
In order to evaluate the performance of forecasting methods, two energy datasets from the AEP \cite{aep} and Victorian energy consumption benchmark \cite{vic} are taken. AEP dataset consists of hourly energy consumption values from October 2004 to August 2018. Victorian dataset includes half hourly energy consumption values from April 2012 to March 2014 for 25 Victorian houses. To implement point forecasting methods, 5 time lags (equivalent to $5$ hours for AEP dataset and $2.5$ hours for Victorian dataset) are considered. For PDL methods, $24$ time lags (equivalent to $24$ hours for AEP dataset and $12$ hours for Victorian dataset) are considered.
Results are implemented in python environment using Keras and Tensorflow libraries.
\subsection{Evaluation metrics}
RMSE and MAE are the most commonly used evaluation metrics to evaluate the point forecasting methods \cite{toubeau2018deep},\cite{sun2019using}.
The RMSE represented by {$\epsilon$} and MAE represented by $\rho$ are defined using following equations:
\begin{equation}
\epsilon=\sqrt{\frac{1}{n} \sum\limits_{t=1}^{n}(Y_{pred}(t)-Y_{act}(t))^2}
\label{rmse}
\end{equation}
{\fontsize{9}{10}\selectfont
\begin{equation}
\rho=\frac{1}{n}\sum\limits_{t=1}^{n}\mid{{Y_{pre(t)}-Y_{act(t)}}}\mid
\label{mape}
\end{equation}}
where $Y_{pred}(t)$ and $Y_{act}(t)$ are the predicted and actual values at time stamp $t$ and $n$ is the total number of samples, respectively. Thus, the main objective for forecasting model is to minimize the error in predicted values as shown:
\begin{equation}
\min_{\mathcal{\theta}} \epsilon,\rho
\end{equation}
where $\theta$ represents the model parameters for each forecasting method such as weights and biases or lag coefficients.
Furthermore, average pinball loss is an important evaluation metric for probabilistic methods \cite{yang2019bayesian,sun2019using}.
So, to evaluate Bayesian ANN and Bayesian BLSTM, average pinball loss is computed focusing on the sharpness and consistency of the approximated distribution.
In this regard, least value of pinball loss is more desirable.
For actual data values ($Y_{act}$) and predictions at $t^{th}$ time-stamp (${\hat{Y}_{t,q}}$), pinball loss
over percentile $q$ $\in[0,1]$ is formulated as following:
\begin{equation}\label{eq:pinball}
pinball(Y_{act},\hat{Y_{t,q}},q)=\begin{cases}
(Y_{act}-{\hat{Y}_{t,q}}) q & Y_{t} \ge {\hat{Y}_{t,q}}\\
({\hat{Y}_{t,q}}-Y_{act}) (1-q) & Y_{act} \le {\hat{Y}_{t,q}}
\end{cases}
\end{equation}
\subsection{Comparative analysis}
As shown in Table \ref{main}, both datasets are further divided into two cases each to evaluate the impact of different sample sizes.
For the Victorian energy, two and one year of consumption sample size are considered. While for AEP, ten and one year of consumption data are considered.
Then, ARIMA, SVR, RNN, LSTM, CNN, Bayesian ANN, and Bayesian BLSTM are trained with 70\% of the total samples for each case and tested for remaining 30\%.
\begin{table*}[h!]
\renewcommand{\arraystretch}{1.}
\caption{Comparative analysis on evaluation metrics for Victorian and AEP case study}
\vspace{-15pt}
\begin{center}
Bold values represent the best performing methods in the form of least errors for each case of dataset.
\end{center}
\begin{center}
\begin{tabular}{|p{8mm}|p{22mm}|p{12mm}|p{12mm}|p{12mm}|p{12mm}|p{12mm}|p{12mm}|p{12mm}|p{12mm}|}
\hline
\multicolumn{2}{|c} {} & \multicolumn{4}{c|} {Victorian energy consumption dataset} &\multicolumn{4}{c|}{AEP dataset}\\
\hline
\multicolumn{2}{|c|} {} & \multicolumn{2}{c|} { Two years}
& \multicolumn{2}{c|}{One year}
& \multicolumn{2}{c|} {Ten years} & \multicolumn{2}{c|}{One year}\\
\hline
Sr. no. & Methods & RMSE & MAE & RMSE & MAE & RMSE& MAE&RMSE&MAE\\
\hline
\hline
1& ARIMA & - & - & $0.0753$ & $0.0566$ & - &-& $0.0429$ & $0.0370$\\
2&SVR-rbf& $0.0813$ & $0.0795$ &$0.0792$ &$0.0605$ &$0.0363$& $0.0298$&$0.0415$ &$0.0331$\\
3&SVR-linear& $0.0676$ & $0.0651$ & $0.0749$ & $0.0562$ &$0.0310$ &$0.0242$ &$0.0362$ &$0.0285$ \\
4&RNN-tanh & $0.0736$ & $ 0.0559$ & $0.0774$ & $0.0579$ &
$0.0193$ & $0.0141$ &$\mathbf{0.0371}$&$\mathbf{0.0285}$\\
5&RNN-relu & $\mathbf{0.0631}$ & $\mathbf{ 0.0463}$&$\mathbf{0.0701}$ & $\mathbf{0.0519}$ &
$0.0290$ & $0.0228$ &
$0.0527$ & $ 0.0424$\\
6&LSTM-tanh &$0.0805$ & $0.0608$ &$0.0851$ & $0.0637$
&$\mathbf{0.0189}$&$\mathbf{0.0136}$& $0.0472$ & $0.0368$ \\
7&LSTM-relu &$0.0689$ & $0.0516$ &$0.0804$ & $0.0599$& $0.0239$&$0.0183$ & $0.0551$&$0.0430$\\
8&CNN & $0.0665$& $0.0495$ &$0.0796$ &$0.0597$ &$0.0197$ &$0.0142$ &$0.0445$ &$0.0342$\\
9&Bayesian ANN &$0.0481$&$0.0417$&$0.0438$&$0.0405$&$0.0198$&$0.0154$&$0.0564$&$0.0445$\\
10&\textbf{Bayesian BLSTM} &$\mathbf{0.0251}$ &$\mathbf{0.0281}$&$\mathbf{0.0305}$&$\mathbf{0.0260}$&$\mathbf{0.0168}$&$\mathbf{0.0126}$&$\mathbf{0.0167}$&$ \mathbf{0.0121}$\\
\hline
\end{tabular}
\end{center}
\label{main}
\end{table*}
For DL methods, $40$ neural units per layer, $100$ epochs, and batch size of $1000$ are chosen. $Adam$ is used as an optimizer to minimize the loss function of mean squared error (MSE). Additionally, RNN and LSTM methods are considered with two different variations in the form of activation functions namely, hyperbolic tangent function (\textit{tanh}), and rectified linear unit (\textit{Relu}). Activation functions play an important role in activating the hidden layer in neural networks. Also, SVR is modeled with radial basis function (\textit{rbf}) and \textit{linear} kernel. Then, RMSE and MAE values are computed on the testing dataset using (1) and (2), respectively.
As demonstrated in the table, Bayesian BLSTM performs similar to LSTM (with \textit{tanh}) for larger training datasets and stationary time series, i.e., with 10 years of data for AEP.
However, for non-stationary and smaller training samples, Bayesian BLSTM provides the best results by achieving the least error value, as reflected in Table \ref{main}. It should be noted that
from point forecasting methods, RNN with \textit{Relu} gives second best results in terms of lower error values.
In addition, Bayesian BLSTM provides PIs for future predictions and forecasts with more accuracy in relation to the ground truth, as reflected in Fig. \ref{BLSTM}.
RNN and LSTM have less error as compared to the statistical ARIMA and traditional ML methods such as SVR. For AEP dataset, LSTM is performing better with larger samples. For smaller sample size, RNN demonstrates less error and computational cost. Models with \textit{tanh} function perform better with uniform data, such as the AEP dataset. However, with higher variability and seasonal trends, i.e, for the Victorian dataset, \textit{Relu} performs better as it sparsely activates neurons rather than activating all neurons at the same time.
Furthermore, datasets with more samples tend to train better and yield greater accuracy. In addition, ARIMA takes a longer time to train for larger datasets and thus, fails to generate the output. SVR with \textit{linear} kernel has less error compared to SVR with \textit{rbf} kernel. When dataset has linearly separable features, \textit{linear} kernel will be sufficient to achieve superior performance.
\begin{table*}[!h]
\centering
\renewcommand{\arraystretch}{1.}
\caption{Pinball score by PDL forecasting methods }
\begin{tabular}{p{10mm}p{30mm}p{25mm}p{25mm}p{25mm}p{25mm}}
\hline
Sr. no. & Methods &Victorian (Two years)& Victorian (One year) &AEP (Ten years) & AEP (One year)\\
\hline
\hline
1& Bayesian ANN&$0.0019$&$0.0210$&$0.0050$ &$0.0150$\\
2& Bayesian BLSTM&$0.0016$&$0.0180$&$0.0030$&$0.0070$\\
\hline
\end{tabular}
\label{pinball}
\end{table*}
Table \ref{pinball} displays the pinball scores given by Bayesian ANN and Bayesian BLSTM for different data sizes. It can be inferred from the values that in case of more data and hence larger training set, pinball score is lower indicating the improvement in accuracy. Also, Bayesian BLSTM outperforms Bayesian ANN with the help of extensive training capability of bidirectional layer.
\begin{figure*}[h!]
\subfigure[Victorian dataset for different forecasting methods] {\includegraphics[height=0.225\textheight,width=0.5\textwidth]{fig/victoria}}
\subfigure[AEP dataset for different forecasting methods]
{\includegraphics[width=.5\textwidth]{fig/american}}
\caption{Comparative analysis of forecasting methods based on evaluation metrics for different datasets with different sample sizes.}
\label{error}
\end{figure*}
Fig. \ref{error} reflects the comparison graphs of errors observed by forecasting methods considered in Table \ref{main} with respect to each sample size. It can be inferred from the figures that for point forecasting, standard DL methods provide least error irrespective of the data size and variability.
However for PDL forecasting, Bayesian BLSTM outperforms all the other comparative methods and generate PIs.
\begin{figure*}[!h]
\subfigure[Victorian energy consumption dataset]
{\includegraphics[height=0.22\textheight, width=0.45\textwidth]{fig/vicpredictionsstime.png}}
\hspace{15pt}
\subfigure[AEP dataset]
{\includegraphics[height=0.22\textheight,width=0.45\textwidth]{fig/Aeppredictions.png}}
\caption{Predicted vs actual values for RNN and LSTM with one week and two weeks of test data for the Victorian and AEP dataset, respectively.}
\label{rnnlstm}
\end{figure*}
\begin{figure*}[!h]
\subfigure[Victorian energy consumption dataset]
{\includegraphics[height=0.22\textheight,width=0.5\textwidth]{victoria1years}}
\subfigure[AEP dataset]
{\includegraphics[height=0.22\textheight,width=0.5\textwidth]{aep10k}}
\caption{Prediction intervals (PIs) with ground truth and predictive mean using Bayesian BLSTM}
\label{BLSTM}
\end{figure*}
Furthermore, Fig. \ref{rnnlstm} shows the actual and predicted energy consumption values using RNN and LSTM on each dataset. The results are plotted for activation functions which produce superior performance for a given algorithm. Normalized energy consumption values are plotted over half hourly and per hour intervals for Victorian and AEP dataset, respectively. From Fig. \ref{rnnlstm}(a), it is inferred that the Victorian dataset has higher variability leading to more uncertainty in the energy consumption and hence, the performance of the models is slightly poorer. To deal with its non-stationary nature, logarithmic transformation is adapted. However, in Fig. \ref{rnnlstm}(b), AEP dataset is uniformly distributed for which predicted values show greater similarity with actual values and thus, less errors.
Furthermore, Fig. \ref{BLSTM} represents a comparison graph of actual energy consumption values (ground truth) with predictive mean over $90\%$ and $50\%$ prediction PIs generated by Bayesian BLSTM on both the datasets.
PIs reflect the intervals for future probabilities on different percentiles which enable the PDL methods to quantify for uncertainties.
Fig \ref{BLSTM}(a) clearly shows wider PIs as compared to \ref{BLSTM}(b) as there is more variability in Victorian consumption values than AEP.
\begin{figure*}[!h]
\centering
\subfigure[Victorian energy consumption dataset] {\includegraphics[height=0.28\textheight,width=0.8\textwidth]{fig/victoriatime}}
\subfigure[AEP dataset]
{\includegraphics[height=0.28\textheight,width=0.8\textwidth]{fig/aeptime}}
\caption{Comparative analysis of Execution time for respective forecasting method}
\label{time}
\end{figure*}`
In addition, a comparative plot for the execution time taken by each method is presented in Fig. \ref{time}. Note that, the reported execution time precisely belongs to the training process of each forecasting method. Time taken for error computation and parameter tuning is not included. As shown in the figure, PDL methods take more time compared to point forecasting methods. There is trade-off involved between the time complexity and forecasting accuracy for the PDL methods, which needs to be maintained.
\section{Conclusion and future directions}
In this paper, a comprehensive review of classical and advanced forecasting methods is presented for modern energy systems. A number of statistical, AI-based, probabilistic, and hybrid methods are discussed in detail with respect to their applications in energy systems. Additionally, impact of data pre-preprocessing techniques on forecasting performance is also highlighted.
After conducting a comparative case study on two different datasets, it is inferred that DL methods with appropriate activation function and hyper-parameter tuning yield higher forecasting accuracy than the traditional statistical and ML methods. However, uncertainty in the energy data from exogenous factors is a major challenge that can be tackled more efficiently with probabilistic methods. To support this,
we implemented Bayesian ANN and Bayesian BLSTM as PDL forecasting techniques and the latter outperformed all the other comparative methods by demonstrating least error values. However, it exhibit high computational cost in the terms of time complexity and processing units. So, probabilistic forecasting techniques need to be explored more in the future work and potential solutions to reduce computational cost need to be proposed in the energy domain.
Moreover, forecasting multi-dimensional demand and generation while ensuring high accuracy is another issue that requires substantial attention.
\bibliographystyle{IEEEtran}
|
\section{Introduction}
\label{sec:intro}
Mrk~1018 (redshift $z$ = 0.043) is an active galactic nucleus (AGN) that changed from Seyfert type~1.9 to type~1 between 1979 and 1984 \citep{1986Cohen}, then back to type~1.9 in 2015 \citep{2016McElroy}. After a rapid decline of two magnitudes, the AGN brightness reached a minimum in October 2016, showing thereafter low level variability \citep{2017Krumpe}. These changes were explained by variations in the rate of accretion onto a supermassive black hole \citep{2016Husemann}. Such large spectral variations on short timescales (years to decades) characterize changing-look AGNs. This relatively rare phenomenon occurs in both Seyfert galaxies and quasars, challenging our understanding of accretion processes \citep{1976Tohline, 1984Penston, 1985Alloin, 1986Cohen, 2016McElroy, 2015LaMassa, 2016MacLeod, 2019Ross}.
The measurement of the polarization of changing-look AGNs can constrain the mechanism at the origin of their variations, while the time delay expected between the direct and the polarized light can be used to map the scattering regions \citep{2017Hutsemekers,2017Marin,2019Hutsemekers, 2020Marin}. The polarization of Mrk~1018 was only measured once on February 9, 1986, by \citet{1989Goodrich}, who reported a linear polarization degree $p$ = 0.28$\pm$0.05\% and a polarization position angle $\theta$ = 165$\pm$5\degr\ in the 4180$-$6903~\AA\ optical band. In 1986, Mrk~1018 was in a bright type~1 state. We report on new spectropolarimetric observations secured in 2019 when Mrk~1018 was in a faint state. Observations and data reduction are described in Sect.~\ref{sec:obs}. The characteristics of the direct spectrum and the polarization properties are presented and discussed in Sect.~\ref{sec:results}. Conclusions are given in Sect.~\ref{sec:conclu}.
\section{Observations and data reduction}
\label{sec:obs}
Spectropolarimetric observations of Mrk~1018 were carried out on October 26, 2019, using the European Southern Observatory (ESO) Very Large Telescope (VLT) equipped with the focal reducer and low dispersion spectrograph FORS2 that is mounted at the Cassegrain focus of Unit Telescope \#1 (Antu). Linear spectropolarimetry was performed by inserting a Wollaston prism into the beam that splits the incoming light rays into two orthogonally polarized beams separated by 22$\arcsec$ on the detector. Spectra were secured with the grism 300V and the order sorting filter GG435 so as to cover the spectral range 4450$-$8750~\AA\ with an average resolving power R $\simeq$ 440. Because the two orthogonally polarized images of the object are recorded simultaneously, the polarization measurements are essentially independent of variable atmospheric transparency and seeing. In order to derive the normalized Stokes parameters $q(\lambda)$ and $u(\lambda)$, four frames were obtained with the halfwave plate rotated at four different position angles, 0\degr, 22.5\degr, 45\degr, and 67.5\degr. This combination allows us to remove most of the instrumental polarization. The full sequence, constituting an observing block, was repeated three times. The multi-object spectroscopy (MOS) slit was 1\arcsec~wide and 20\arcsec~long, with a spatial scale of 0$\farcs$25 per pixel. The seeing during the observations was around 1\arcsec.
\begin{figure}[t]
\centering
\resizebox{\hsize}{!}{\includegraphics*{aa39760_f1.eps}}
\caption{Visible image of Mrk~1018 obtained with the MUSE integral spectrograph \citep{2016McElroy}. North is up and east is left. The intensity scale is logarithmic (arbitrary units). The positions of the 1\arcsec $\times$ 3$\farcs$25 subslits used for the spectrum extraction are indicated. The horizontal lines delineate the MOS strip.}
\label{fig:ima}
\end{figure}
Raw frames were first processed to remove cosmic ray hits using the python implementation of the ``lacosmic'' package \citep{2001VanDokkum,2012VanDokkum}. The ESO FORS2 pipeline \citep{2019vltman} was then used to get images with two-dimensional spectra that are rectified and calibrated in wavelength. The one-dimensional spectra were extracted using a 3$\farcs$25 (13 pixels) -long subslit centered on the nucleus (about three times the seeing value). Since the object extends over the full MOS slit, the sky spectrum was estimated from adjacent MOS strips and then subtracted from the nucleus spectrum. In total, 24 spectra (from two orthogonal polarizations, four halfwave plate angles, and three observing blocks) were obtained. The spectra from the three observing blocks were averaged. The normalized Stokes parameters $q(\lambda)$ and $u(\lambda)$, the linear polarization degree $p(\lambda)$, the polarization position angle $\theta(\lambda)$, and the total flux density $F(\lambda)$ were then computed from the individual spectra according to standard formulae \citep[e.g.,][]{2018Hutsemekers}. The direct spectrum $F(\lambda)$ was calibrated in flux using a master response curve that does not include the effect of the polarization optics ($q(\lambda)$, $u(\lambda)$, $p(\lambda),$ and $\theta(\lambda)$, on the other hand, are independent of the flux calibration). In order to express $\theta(\lambda)$ with respect to the north-south direction, the spectra were corrected for the rotator angle and for the retarder plate zero angle that is provided in the FORS2 manual \citep{2019vltman}. In addition to the spectra extracted at the position of the nucleus, we also extracted two host galaxy spectra from north and south of the nucleus, as illustrated in Fig.~\ref{fig:ima}. Polarized (BD$-$12~5133) and unpolarized (WD~2039$-$202) standard stars \citep{2007Fossati} were observed and reduced in the same way to check the whole reduction process. WD~2039$-$202 was used to correct the spectra of Mrk~1018 for the telluric absorptions, in particular the O$_{\rm 2}$ B-band that affects the red wing of the H$\alpha$ emission line.
Spectra of the nucleus and the host galaxy were extracted, using the same subslits, from the data obtained in 2015 with the VLT integral field spectrograph MUSE\footnote{Data obtained from the ESO Science Archive Facility under program ID 094.B-0345.} and from which the recent change of look was identified \citep{2016McElroy}. The ratio of the FORS2 and MUSE spectra was found to slightly and linearly depend on wavelength. Since the same dependence was found for both the nucleus and the host galaxy spectra, it has been attributed to the imperfect flux calibration of the FORS2 spectra, which were corrected accordingly.
\section{Analysis and results}
\label{sec:results}
\subsection{The direct spectrum}
\begin{figure}[t]
\centering
\resizebox{\hsize}{!}{\includegraphics*{aa39760_f2.eps}}
\caption{Spectrum of Mrk~1018 covering the H$\beta$ - H$\alpha$ spectral range, observed with FORS2 in October 2019. The nucleus spectrum is shown in black, the underlying host galaxy spectrum in red, and the difference spectrum in blue.}
\label{fig:spec1}
\end{figure}
The FORS2 spectrum of Mrk~1018 is illustrated in Fig.~\ref{fig:spec1}. The nucleus shows several narrow emission lines together with a broad H$\alpha$ emission line. The absorption lines reveal a significant contribution from the host galaxy. To remove the host galaxy contribution, we built a template using the two off-nucleus spectra (Fig.~\ref{fig:ima}). These spectra were averaged after rebinning in wavelength to account for their radial velocity with respect to the nucleus, which is $-$90 km~s$^{-1}$ for the southern part and $+$90 km~s$^{-1}$ for the northern one. The host galaxy spectrum was then scaled and subtracted from the nucleus spectrum. The scaling factor was chosen to minimize the contribution of the MgI$\,$b and NaI$\,$D absorption features in the difference spectrum, keeping it positive in the spectral range of interest. The resulting difference spectrum isolates the AGN spectrum that shows almost no remaining continuum (hereafter we refer to the difference spectrum as the AGN spectrum and to the total spectrum from the central subslit as the nucleus spectrum). Mrk~1018 was still in a faint state as of October 2019. Broad H$\beta$ is clearly detected, suggesting a type~1.5 Seyfert classification\footnote{\citet{2016McElroy}, on the other hand, proposed a type~1.9 classification from the comparison of the total spectrum with the original type~1.9 spectrum described by \citet{1981Osterbrock}, although they reported faint broad H$\beta$ emission in their 2015 spectra after continuum subtraction. This outlines the ambiguity of the subtype definition, which depends on the considered spectrum.}.
\begin{figure}[h]
\centering
\resizebox{\hsize}{!}{\includegraphics*{aa39760_f3.eps}}
\caption{Spectrum of Mrk~1018 at different epochs once the contribution of the host galaxy has been subtracted from the spectrum of the nucleus. The flux density of the SDSS spectrum has been divided by a factor of 1.55 for comparison with the other spectra, which are affected differently by slit loss. Narrow lines appear broader in the FORS2 spectrum due to the lower spectral resolution.}
\label{fig:spec2}
\end{figure}
\begin{figure}[h]
\centering
\resizebox{\hsize}{!}{\includegraphics*{aa39760_f4.eps}}
\caption{H$\alpha$ + [NII] emission line profile at different epochs. The contribution of the host galaxy has been subtracted from the spectrum of the nucleus. The SDSS spectrum has been divided by a factor of 1.55, as in Fig.~\ref{fig:spec2}, and shifted down by 0.55 units. The dashed line gives the position of the narrow H$\alpha$ line for $z$ = 0.043.}
\label{fig:spec3}
\end{figure}
We applied the same procedure to remove the host galaxy contribution from the MUSE 2015 data and from the Sloan Digital Sky Survey (SDSS) spectrum observed in 2000, the SDSS spectrum being representative of Mrk~1018 in its type~1 state. The MUSE host galaxy template was built from two off-nucleus spectra that were extracted using the same subslits as those used for the FORS2 data, and scaled so as to minimize the absorption features in the difference spectrum. For the SDSS spectrum, we used the host galaxy template built from the MUSE data. The spectra were calibrated in absolute flux with respect to each other, assuming that the contribution of the host galaxy did not change with time. MUSE spectra -- extracted with a circular aperture of 3\arcsec, like the SDSS spectra, and with the same rectangular subslit as for the FORS2 spectra -- were used to estimate the slit loss for both the point-source AGN and the extended host galaxy that dominates the MUSE and FORS2 continua. The resulting AGN difference spectra are shown in Fig.~\ref{fig:spec2}. The FORS2 and MUSE AGN spectra appear very similar, with almost nothing left of the strong type~1 continuum seen in the SDSS spectrum; this is in agreement with \citet{2016McElroy}, who subtracted a model fitting the host spectrum. The residual AGN continuum slightly increases toward the red in both the FORS2 and MUSE spectra, a consequence of the fact that the host galaxy template is slightly bluer than the nucleus itself (Fig.~\ref{fig:spec1}).
Figure~\ref{fig:spec3} shows the evolution of the H$\alpha$ emission line profile. The broad emission line appears similar in 2019 and in 2015, with some variations already reported by \citet{2017Krumpe} from spectra obtained in 2016-2017. While the MUSE and FORS2 spectra superpose almost perfectly in the red wing, emission in the blue wing at 6800 \AA\ is fainter in 2019 than in 2015, as observed in 2016 by \citet{2017Krumpe}. On the other hand, the 6700-6780~\AA\ blue wing is stronger in 2019 than in 2015; it is not detected in the MUSE spectrum but is seen clearly in the SDSS spectrum. Together with the red wing, it constitutes a very broad, nearly symmetric, emission component with a full width at zero intensity FWZI $\simeq$ 13000 km~s$^{-1}$. In order to fit the SDSS and MUSE H$\alpha$+[NII] line profiles with Gaussians that represent the narrow and broad emission lines, two broad emission lines with full widths at half maximum FWHMs $\simeq$ 3500 and 8700~km~s$^{-1}$ (SDSS) or 2500 and 6700~km~s$^{-1}$ (MUSE) are necessary. The need for two broad lines was already noticed by \citet{2018Kim}. On the contrary, a single broad emission line of FWHM $\simeq$ 7200~km~s$^{-1}$, centered on the narrow H$\alpha$ line, is sufficient to fit the FORS2 H$\alpha$+[NII] line profile (in addition to the narrow lines). This suggests that the $\sim$3000~km~s$^{-1}$-broad line disappeared in 2019. Although the line is fainter, a similar behavior is observed in the H$\beta$ broad emission line profile (Fig.~\ref{fig:spec2}), which can also be fit with a single, centered 7200~km~s$^{-1}$-wide broad emission line.
\subsection{Polarization properties}
Spectropolarimetry of the nucleus of Mrk~1018 is shown in Fig.~\ref{fig:spol1} for the H$\beta$--H$\alpha$ spectral range. Table~\ref{tab:pola} provides integrated polarization measurements: the normalized Stokes parameters $q$ and $u$, the polarization degree $p$, its error $\sigma_p \simeq \sigma_q \simeq \sigma_u$, the polarization position angle $\theta$, and its error $\sigma_{\theta} = 28.65\degr \times \sigma_p / p$. The polarization of the nucleus continuum was integrated blueward (B) and redward (R) of H$\alpha$ over the wavelength ranges 5250$-$6650~\AA\ and 7050$-$8750~\AA , respectively. The polarizations of the H$\beta$ and H$\alpha$ broad emission lines were integrated over the wavelength ranges 4995$-$5145~\AA\ and 6700$-$6990~\AA , respectively. The measurements for the continuum polarization were also done for the host galaxy windows defined in Fig.~\ref{fig:ima}.
\begin{figure}[t]
\centering
\resizebox{\hsize}{!}{\includegraphics*{aa39760_f5.eps}}
\caption{Polarization of the nucleus of Mrk~1018 in the H$\beta$--H$\alpha$ spectral region. The polarization degree $p_{\rm \scriptscriptstyle N}(\lambda)$ is given in percent, the polarized flux density $p_{\rm \scriptscriptstyle N}(\lambda) \times F_{\rm \scriptscriptstyle N}(\lambda)$ in 10$^{-17}$~erg~s$^{-1}$~cm$^{-2}$~\AA$^{-1}$, and the polarization angle $\theta_{\rm \scriptscriptstyle N}(\lambda)$ in degree. Contrary to the polarization degree, the polarized flux density does not depend on the dilution by unpolarized light. These spectra were computed from the Stokes $q_{\rm \scriptscriptstyle N}(\lambda)$ and $u_{\rm \scriptscriptstyle N}(\lambda)$ binned over 30 pixels to increase the signal-to-noise ratio. The AGN direct spectrum $F_{\rm \scriptscriptstyle A} = F_{\rm \scriptscriptstyle N} - F_{\rm \scriptscriptstyle Host}$ (Fig.~\ref{fig:spec1}) is shown unbinned. Vertical dashed lines indicate the position of the H$\beta$ and H$\alpha$ narrow lines, and dotted lines indicate the position of major sky lines.}
\label{fig:spol1}
\end{figure}
\begin{table}[t]
\caption{Polarization measurements.}
\label{tab:pola}
\centering
\begin{tabular}{lcrrrrrr}
\hline\hline
& & $q$ \ \ & $u$ \ \ & $p$ \ \ & $\sigma_p$ \ & $\theta$ \ & $\sigma_{\theta}$ \\
& & (\%) & (\%) & (\%) & (\%) & ($\degr$) & ($\degr$) \\
\hline
Nucleus & B & 0.22 & -0.08 & 0.23 & 0.01 & 170 & 1 \\
& R & 0.24 & -0.05 & 0.25 & 0.01 & 174 & 1 \\
& H$\beta$ & 0.37 & -0.04 & 0.37 & 0.04 & 177 & 3 \\
& H$\alpha$ & 0.20 & -0.07 & 0.21 & 0.02 & 170 & 3 \\
Host North & B & -0.07 & -0.21 & 0.22 & 0.03 & 126 & 4 \\
& R & 0.03 & -0.16 & 0.16 & 0.03 & 140 & 5 \\
Host South & B & -0.08 & -0.08 & 0.11 & 0.03 & 112 & 8 \\
& R & 0.09 & 0.05 & 0.10 & 0.03 & 15 & 9 \\
\hline
\end{tabular}
\end{table}
The polarization of the continuum measured in the nuclear region is very small ($p$ = 0.23$\pm$0.01\% and $\theta$ = 170$\pm$1\degr\ in the B spectral range) and identical within uncertainties to the polarization measured in 1986 when Mrk~1018 was in a much brighter type~1 state ($p$ = 0.28$\pm$0.05\%, $\theta$ = 165$\pm$5\degr; \citealt{1989Goodrich}). This suggests that the polarization is dominated by interstellar dust polarization (dichroic extinction) in our Galaxy and/or in the Mrk~1018 host galaxy. The polarization degree of the continuum of the host galaxy is smaller (southern part) or comparable (northern part) to the polarization degree measured in the nucleus continuum. This suggests that the polarization of the nuclear region mostly originates from the dust dichroic extinction of stellar light in the host galaxy (with a possible contribution from dust scattering) rather than in our Galaxy. The polarization of stars\footnote{HD13043 has $p$=0.013$\pm$0.010\%, and HD12641 has $p$=0.034$\pm$0.020\%.} from the \citet{2000Heiles} catalog with angular distances about 30\arcmin\ from Mrk~1018 suggests that the Galactic interstellar polarization is indeed very small along this line of sight. The fact that the polarization position angle of the nucleus is close to the position angle of the major axis of the host galaxy (PA $\simeq$ 0\degr, \citealt{1989Paturel}) also supports a significant contribution from the host galaxy. It is nevertheless important to stress that the polarization measured in the off-centered windows does not represent the host galaxy contribution in the nucleus window, which is likely smaller for symmetry reasons. Indeed, polarization vectors are usually tangential to the galaxy spiral structure \citep[e.g.,][]{1991Scarrott,1992Draper} so that one may expect the polarization degree integrated in the off-centered regions to be higher than in the central region, and with a different polarization angle.
On the other hand, the polarization changes seen in the broad H$\alpha$ line (Fig.~\ref{fig:spol1}) indicate that not all polarization originates from polarized stellar light in the host galaxy, that is, that some originates from the AGN itself; this is most probably a contribution from scattering in the AGN core, which is the case in many type~1 Seyfert galaxies \citep[e.g.][]{2002Smith}. The fact that the AGN polarization does not increase in the faint state suggests that the AGN dimming and change of look do not result from a dusty cloud that hides the direct continuum source and the broad emission line region, similarly to what is found in changing-look quasars \citep{2017Hutsemekers,2019Hutsemekers}. To fix the ideas, let us write the normalized Stokes parameter $q$ at epochs 1 and 2,
\begin{eqnarray}
q_{\rm \scriptscriptstyle N1} & = & \alpha _{\rm \scriptscriptstyle 1} \; q_{\rm \scriptscriptstyle A1} \; + \; (1-\alpha _{\rm \scriptscriptstyle 1}) \; q_{\rm \scriptscriptstyle H} \\
q_{\rm \scriptscriptstyle N2} & = & \alpha _{\rm \scriptscriptstyle 2} \; q_{\rm \scriptscriptstyle A2} \; + \; (1-\alpha _{\rm \scriptscriptstyle 2}) \; q_{\rm \scriptscriptstyle H} \; ,
\end{eqnarray}
where $\alpha = 1/(1+F_{\rm H}/F_{\rm A})$ and {\small N, A, and H} refer to nucleus, AGN, and host galaxy, respectively. The host polarization corresponds to the stellar light polarization integrated over the nucleus subslit. Measurements give $q_{\rm \scriptscriptstyle N1}$ = 0.24\% (in 1986) and $q_{\rm \scriptscriptstyle N2}$ = 0.22\% (in 2019). Within our aperture, we roughly estimate $\alpha _{\rm \scriptscriptstyle 1} \simeq 0.5$ in the bright state and $\alpha _{\rm \scriptscriptstyle 2} \simeq 0.03$ in the faint state (Figs.~\ref{fig:spec1}~and~\ref{fig:spec2}, and \citealt{2016McElroy}). If the polarized flux ($q \times F$) remains unchanged when the direct flux is strongly dimmed (for example if the direct continuum is occulted by a dusty cloud), we would have $q_{\rm \scriptscriptstyle N2} = q_{\rm \scriptscriptstyle N1} \times (1-\alpha _{\rm \scriptscriptstyle 2})/(1-\alpha _{\rm \scriptscriptstyle 1}) \simeq 2 \, q_{\rm \scriptscriptstyle N1}$, which is not observed. We may therefore assume that the AGN polarized flux does actually change with a time delay between the direct and the polarized light, as modeled in \citet{2020Marin}. However, the polarization angle of the continuum does not flip by 90\degr\ between 1986 and 2019. Such a flip is expected if the AGN polarization dominated by equatorial scattering fades out prior to polarization dominated by polar scattering \citep{2020Marin}. This suggests that some parameters of the model should be revised. In particular, the polarization angle flip could be hidden by the contribution of the host galaxy polarization. However, according to Eq.~2, a negative $q_{\rm \scriptscriptstyle A2}$ (that is, a 90\degr\ flip of the AGN polarization if $q_{\rm \scriptscriptstyle A1}$ is positive) would imply $q_{\rm \scriptscriptstyle H} > q_{\rm \scriptscriptstyle N2}$ to keep $q_{\rm \scriptscriptstyle N2}$ positive (no observed flip), that is, a polarization from the host higher in the central region than in the northern region, which, as previously discussed, seems unlikely.
Although the polarization spectra shown in Fig.~\ref{fig:spol1} are rather noisy (with a few spurious features due to improper subtraction of sky lines), polarization changes across the H$\alpha$ broad emission line are clearly detected. The asymmetry observed in the polarization profile together with the absence of polarization angle rotation could indicate that H$\alpha$ originates in an outflow along the AGN polar axis rather than in a rotating disk \citep{2005Smith,2008Axon}. Alternatively, the dip in the polarization degree precisely corresponds to the blue wing of the profile that significantly brightened between 2015 and 2019 (Fig.~\ref{fig:spec3}). We may thus speculate that the light from this part of the profile is less polarized than the red part due to the time delay between the direct and the polarized light. A more elaborated interpretation of the polarization profile would require a proper subtraction of the polarization from the host galaxy that is not known in the central window. Finally, it is interesting to point out that the polarization signatures predicted for broad lines emitted around supermassive binary black holes, in particular a symmetric double-peaked change in the polarization angle across the line profile \citep{2019Savic,2019Savicb}, are not observed. If confirmed at other epochs, this could rule out the idea that the change of look in Mrk~1018 is due to a recoiling supermassive black hole \citep{2018Kim}.
\section{Conclusions}
\label{sec:conclu}
The AGN at the center of Mrk~1018 was in a faint type 1.5 state in October 2019. The AGN spectrum shows an extremely weak continuum with faint H$\beta$ and H$\alpha$ broad emission lines. Both lines can be fit with a single very broad emission line component of FWHM $\simeq$~7200~km~s$^{-1}$, suggesting that the previously reported 3000~km~s$^{-1}$-wide component has disappeared. If the Balmer lines originate in a Keplerian disk, a decrease in the AGN luminosity will indeed limit the ionization to the central, higher velocity, regions of the disk. On the other hand, the fact that the high velocity blue wing was detected in 2000, was absent in 2015, and was back in 2019 suggests that the Balmer lines are formed in a more complex region that may include a disk wind or a polar outflow. A re-brightening \citep{2017Krumpe} would first raise the blue wing of a line that arises in a polar outflow.
The continuum polarization of Mrk~1018 is low. Although dominated by polarization from the host galaxy, it shows an intrinsic AGN component that is likely due to scattering. The continuum polarization is not higher in the current faint type~1.5 state than in the past bright type~1 state, confirming that dust obscuration is not the mechanism at the origin of the change of look. The polarization profile of the H$\alpha$ line is asymmetric with no rotation of the polarization angle, possibly revealing line formation in a polar outflow. Alternatively, the polarization profile can be due to the time delay between the direct and the polarized light. Further observations, in particular long-term spectropolarimetric monitoring, are needed to disentangle these scenarios and better constrain the models. Interestingly, the polarization signatures predicted for broad lines emitted around supermassive binary black holes are not observed.
\bibliographystyle{aa}
|
\section{Introduction}
According to an old paradigm of Landau's, quantum phases of matter can be classified in terms of the symmetries of the Hamiltonian and the pattern of spontaneous symmetry breaking in the associated manifold of ground states. More recently, it was recognized that, even in the absence of symmetries, quantum systems may exhibit long-range entanglement which allows for a definition of distinct phases which are characterized by specific types of intrinsic topological order \cite{Chen:2010PhRvB..82o5138C}. In addition, symmetries may conspire with topological features, thereby leading to the notions of symmetry protected topological (SPT) phases \cite{Gu:2009PhRvB..80o5131G,Pollmann:2012PhRvB..85g5125P,Schuch:1010.3732v3,Chen:PhysRevB.84.235128,Duivenvoorden:2012arXiv1206.2462D} and symmetry enriched topological (SET) phases \cite{Mesaros:2013PhRvB..87o5115M}. While the former are only short-range entangled and topologically trivial when disregarding symmetries, the latter still may exhibit non-trivial topological order. In all these cases the relevant symmetries are described by groups.
In a recent paper it has been suggested that there also exist SPT phases that are not protected by group symmetries but rather solely by generalized symmetries such as quantum groups or duality symmetries \cite{Quella:2020PhRvB.102h1120Q}. This claim was verified analytically in the example of an anisotropic deformation of the famous spin-1 AKLT model \cite{Affleck:PhysRevLett.59.799,Affleck:1987cy} whose Hamiltonian is invariant under an action of the quantum group $\mathcal{U}_q\bigl[su(2)\bigr]$ \cite{Batchelor:1990JPhA...23L.141B,Klumper:1991JPhA...24L.955K,Klumper:1992ZPhyB..87..281K,Batchelor:1994IJMPB...8.3645B,Totsuka:1994JPhA...27.6443T,Fannes:10.1007/BF02101525}. In the current paper we provide additional evidence for this assertion by considering an anisotropic deformation of the general spin-1 bilinear-biquadratic spin chain that still respects the same quantum group symmetry \cite{Batchelor:1990JPhA...23L.141B}. Since these systems are neither exactly solvable nor frustration-free we now rely on suitable numerical methods, specifically iDMRG \cite{Vidal:2007PhRvL..98g0201V,Orus:PhysRevB.78.155117,McCulloch:2008arXiv0804.2509M}, in conjunction with a diagnostic entanglement tool that has been developed in Ref.~\cite{Quella:2020PhRvB.102h1120Q} to support this claim.
Our numerical results show that the $q$-deformed bilinear-biquadratic spin-1 chains exhibits a large chiral analogue of the Haldane phase with a unique and gapped ground state, non-trivial string order \cite{DenNijs:PhysRevB.40.4709,Totsuka:1994JPhA...27.6443T} as well as a two-fold degeneracy in a suitably deformed notion of entanglement spectrum \cite{Quella:2020PhRvB.102h1120Q}. In addition, there is a gapped dimerized phase where the two-fold degeneracy in the entanglement spectrum, both conventional and deformed, is absent and translation symmetry is broken. We interpret this observation as a confirmation that quantum group invariant spin-1 chains admit non-trivial SPT phases, even in the absence of (relevant) ordinary symmetries and even when the ground state features arbitrarily low entanglement. Finally, there is also a gapless ferromagnetic phase. In contrast to the undeformed case $q=1$\cite{Lauchli:2006PhRvB..74n4426L,Manmana:2011PhRvB..83r4433M} the extended critical region between the Haldane phase and the ferromagnetic phase appears to be significantly diminished for $q>1$.
The basic structure of the phase diagram is confirmed analytically by considering the crystal limit $q\to\infty$ where the Hamiltonian of the $q$-deformed bilinear-biquadratic spin chain becomes trivially diagonal and all ground states as well as excited states can be constructed explicitly.
\section{\label{eq:qGeneral}The $\mathbf{q}$-deformed bilinear-biquadratic spin-1 quantum spin chain}
In this paper we are interested in the ground state properties of the general XXZ-type anisotropic bilinear-biquadratic spin-$1$ chain with nearest-neighbor interactions (only) that is invariant under the quantum group $\mathcal{U}_q\bigl[su(2)\bigr]$ as well as translations. For later convenience we will assume that the deformation parameter is expressed as $q=e^\lambda>0$, where $\lambda$ is a real number. With this convention the corresponding Hamiltonian can be written as~\cite{Batchelor:1990JPhA...23L.141B}
\begin{widetext}
\begin{align}
\label{eq:DeformedHexplicit}
H^{(\lambda)}
&=\sum_k\biggl\{
a\vec{S}_k\cdot\vec{S}_{k+1}
+b\bigl(\vec{S}_k\cdot\vec{S}_{k+1}\bigr)^2\nonumber\\
&\qquad\qquad+(\sinh^2\lambda)\Bigl[2a\Bigl(\bigl(S_k^z\bigr)^2+\bigl(S_{k+1}^z\bigr)^2\Bigr)
+(a-b)\Bigl(S_k^zS_{k+1}^z-\bigl(S_k^z\bigr)^2\bigl(S_{k+1}^z\bigr)^2\Bigr)\Bigr]\nonumber\\
&\qquad\qquad+\frac{1}{2}(a+b)(\sinh\lambda)\Bigl[\bigl(S_k^xS_{k+1}^x+S_k^yS_{k+1}^y\bigr)\bigl(S_{k+1}^z-S_k^z\bigr)+\text{h.c.}\Bigr]\\
&\qquad\qquad+2(b-a)(\sinh^2\frac{\lambda}{2})\Bigl[\bigl(S_k^xS_{k+1}^x+S_k^yS_{k+1}^y\bigr)S_k^zS_{k+1}^z+\text{h.c.}\Bigr]\nonumber\\
&\qquad\qquad+\Bigl(\sinh2\lambda\Bigr)\Bigl[a\bigl(S_{k+1}^z-S_k^z\bigr)+\frac{1}{2}(a+b)S_k^zS_{k+1}^z\bigl(S_{k+1}^z-S_k^z\bigr)\Bigr]
\biggr\}\;.\nonumber
\end{align}
\end{widetext}
In what follows we fix the overall energy scale and set $(a,b)=(\cos\theta,\sin\theta)$ such that the angle $\theta$ is the only physically significant parameter of the model. The models with deformation parameters $\lambda$ and $-\lambda$ are physically equivalent (up to inversion) and hence we may assume $\lambda\geq0$. The value of $\lambda$ characterizes the degree of anisotropy. While $\lambda=0$ corresponds to an isotropic chain, the limit $\lambda\to\infty$ is usually referred to as the `extreme anisotropic limit' in related contexts.
The family of Hamiltonians \eqref{eq:DeformedHexplicit} has been studied comprehensively in the past, both for all values of the parameter $\theta$ when $\lambda=0$ but also for $\lambda\neq0$ and (mostly) special values of $\theta$. Focusing on $\lambda\neq0$ for a moment, there exist analytical results on the integrable XXZ spin-1 chain at $\theta=-\frac{\pi}{4}$ \cite{Zamolodchikov:1980ku,Sogo:1984PhLA..104...51S,Bougourzi:1994NuPhB.417..439B,Weston:2006JSMTE..03L.002W}, the $q\text{AKLT}$ model at $\cot\theta=(4\cosh^2\lambda-1)$ \cite{Klumper:1991JPhA...24L.955K,Klumper:1992ZPhyB..87..281K,Klumper:1993EL.....24..293K,Batchelor:1994IJMPB...8.3645B,Totsuka:1994JPhA...27.6443T,Fannes:10.1007/BF02101525,Santos:2012EL.....9837005S,Quella:2020PhRvB.102h1120Q} and a $q$-analogue of the purely biquadratic chain at $\theta=-\frac{\pi}{2}$ \cite{Barber:1989PhRvB..40.4621B,Batchelor:1990PThPS.102...39B}. Some of these results will be reviewed below in Sections~\ref{sc:qAKLT} and~\ref{sc:KnownPhases}.
In the undeformed case $\lambda=0$ we simply recover the standard isotropic bilinear-biquadratic spin chain with Hamiltonian
\begin{align}
\label{eq:BLBQ}
H^{(0)}
&=\sum_k\Bigl\{\cos\theta\,\vec{S}_k\cdot\vec{S}_{k+1}
+\sin\theta\,\bigl(\vec{S}_k\cdot\vec{S}_{k+1}\bigr)^2\Bigr\}\;.
\end{align}
It is well-established that this model has a rich phase diagram with various types of gapped and gapless phases, exotic orders, enhanced symmetries and critical points \cite{Affleck:1986NuPhB.265..409A,Lauchli:2006PhRvB..74n4426L,Manmana:2011PhRvB..83r4433M}. Of particular theoretical interest is the Haldane phase in the range $\theta\in(-\frac{\pi}{4},\frac{\pi}{4})$ which is widely regarded as a prototypical example of an SPT phase \cite{Pollmann:2012PhRvB..85g5125P,Pollmann:PhysRevB.81.064439}. Analytical results exist at four integrable points at $\theta\in\bigl\{\pm\frac{\pi}{4},\pm\frac{3\pi}{4}\bigr\}$ \cite{Uimin:1970JETPL..12..225U,Lai:1974JMP....15.1675L,Sutherland:1975PhRvB..12.3795S,Takhtajan:1982PhLA...87..479T,Babujian:1982PhLA...90..479B}, at the AKLT point with $\cot\theta=3$ \cite{Affleck:PhysRevLett.59.799,Affleck:1987cy} and the purely biquadratic spin chain where $\theta=-\frac{\pi}{4}$ \cite{Barber:1989PhRvB..40.4621B,Klumper:1989EL......9..815K,Xian:1993PhLA..183..437X}.
Our analytical and numerical investigations to be reported in Sections~\ref{sc:Limit} and~\ref{sc:Numerics} show that the phase diagram of the bilinear-biquadratic spin chain in large parts remains unaltered if we allow $\lambda$ to be non-zero, the only exception being the extended critical phase. In particular, there is still a phase that displays all defining properties of the Haldane phase. However, as we will point out in Section~\ref{sc:Symmetries} all the symmetries known to protect the Haldane phase are broken and hence we refer to this phase as the $q\text{-Haldane}$ phase. It should be noted that inversion and time-reversal symmetries are generically broken by the Hamiltonian~\eqref{eq:DeformedHexplicit}, so the $q$-Haldane phase is, in fact, a chiral phase.
It is instructive to also consider the limit $\lambda\to\infty$ which leads to drastic simplifications of the $q$-deformed bilinear-biquadratic spin chain. Indeed, after an appropriate rescaling of the Hamiltonians $H^{(\lambda)}$ of Eq.~\eqref{eq:DeformedHexplicit} by a factor $e^{-2\lambda}$ we find
\begin{align}
\label{eq:LimitHamiltonian}
H^{(\infty)}
&=\cos\theta\bigl(S_L^z-S_1^z\bigr)+\sum_k\biggl\{
4\cos\theta\bigl(S_k^z\bigr)^2\nonumber\\
&\quad-\sqrt{2}\sin(\theta-\tfrac{\pi}{4})\Bigl(S_k^zS_{k+1}^z-\bigl(S_k^z\bigr)^2\bigl(S_{k+1}^z\bigr)^2\Bigr)\nonumber\\
&\quad+\frac{1}{\sqrt{2}}\sin(\theta+\tfrac{\pi}{4})S_k^zS_{k+1}^z\bigl(S_{k+1}^z-S_k^z\bigr)
\biggr\}
\end{align}
for a finite chain of length $L$. The first term, which corresponds to a boundary magnetic field, vanishes if we impose periodic boundary conditions. Obviously this Hamiltonian is trivially diagonal in the standard spin basis and there is clearly no entanglement in its ground state, regardless of the boundary conditions. We would like to stress that the limit $q\to\infty$ (which is equivalent to $q\to0$) also plays a fundamental role in the theory of quantum groups where it is linked to the theory of `crystal bases' \cite{Kashiwara:1990CMaPh.133..249K,Lusztig:MR1035415} and the associated combinatorial description of representations.
Let us finally mention a few important points of clarification concerning quantum group invariant spin chains. First of all, the quantum group invariance of the Hamiltonian~\eqref{eq:DeformedHexplicit} is entirely unrelated to any form of integrability. In fact, while the definition and solution of quantum integrable models frequently makes use of quantum groups the Hamiltonian in these models is usually {\em not} commuting with the quantum group, so the quantum group is generally {\em not} a symmetry (at least for a finite chain), see however Ref.~\onlinecite{Nepomechie:2018NuPhB.930...91N} and references therein. Secondly, it is well known that quantum group symmetry is not consistent with periodic boundary conditions, except if a suitable (non-local) twist is introduced, see Ref.~\cite{Karowski:1994NuPhB.419..567K,Grosse:1994JPhA...27.4761G,Quella:2020PhRvB.102h1120Q} for details and references. In what follows we will thus only be concerned with infinite chains.
\section{\label{sc:Limit}The phase diagram in the extreme anisotropic limit ${\mathbf\lambda\to\infty}$}
\begin{table}
\begin{center}
\begin{tabular}{c|ccc}
$(S_1^z,S_2^z)$ & $1$ & $0$ & $-1$ \\\hline
$1$ & $4\cos\theta$ & $2\cos\theta$ & $3\sqrt{2}\sin(\theta+\tfrac{\pi}{4})$ \\
$0$ & $2\cos\theta$ & $0$ & $2\cos\theta$\\
$-1$ & $\sqrt{2}\sin(\theta+\tfrac{\pi}{4})$ & $2\cos\theta$ & $4\cos\theta$
\end{tabular}
\caption{\label{tb:LimitHamiltonian} The two-site energies in the extreme anisotropic limit $\lambda\to\infty$, see Eq.~\eqref{eq:LimitHamiltonian}. The single-site term $\cos\theta(S_2^z-S_1^z)$ has been dropped since for longer chains it only affects the boundary spins and drops out for periodic boundary conditions.}
\end{center}
\end{table}
Before diving into numerical investigations we make an effort to obtain some basic analytical understanding of the phase diagram by exploring the extreme anisotropic limit $\lambda\to\infty$. In this limit it is straightforward to determine the ground states for arbitrary values of the angle $\theta$ since the Hamiltonian~\ref{eq:LimitHamiltonian} is diagonal in the standard spin basis. Rather surprisingly, the resulting phase diagram seems to reflect in great detail what will later also be seen for finite values of the anisotropy parameter $\lambda\neq0$.
The possible energies of the two-site Hamiltonian are summarized in Table~\ref{tb:LimitHamiltonian} and plotted in Figure~\ref{fig:TwoSiteEnergies}. We recognize that the `phase diagram' exhibits three different regions with qualitatively distinct types of ground states. First of all there is a phase with a unique ground state $|00\rangle$ with bond energy $\epsilon=0$ for $\theta\in(-\frac{\pi}{4},\frac{\pi}{4})$. In the interval $(-\xi_c,-\frac{\pi}{4})$ where $\xi_c=-2\arctan(3+\sqrt{10})\approx-0.90\,\pi\approx-2.82$ there is a unique ground state $|{+}{-}\rangle$ with bond energy $\epsilon=3\sqrt{2}\sin(\theta+\frac{\pi}{4})$. (We recall that inversion symmetry is broken so that $|{+}{-}\rangle$ and $|{-}{+}\rangle$ appear on a different footing.) For the remaining parameters the chain is in a ferromagnetic phase with two degenerate Ising-like ground states $|{\pm}{\pm}\rangle$ with bond energy $\epsilon=4\cos\theta$. The value of $\xi_c$ will not play any role in what follows since the location of the transition is shifted to $\theta_c=-\frac{3\pi}{4}$ as the number of sites increases beyond two.
Let us now turn our attention to the full chain with a length $L>2$. For simplicity we consider periodic boundary conditions first in order to avoid boundary effects resulting from the single-site terms.\footnote{We would like to stress that this means honest periodic boundary conditions, not the non-local twisted boundary conditions that would be appropriate to preserve the quantum group symmetry.} In the limit $\lambda\to\infty$, the total energy is a sum over two-site energies. Hence the previous analysis can simply be extended to the full chain whenever the relevant two-site ground state allows for a frustration-free continuation to the full chain. This is clearly the case for the state $|\cdots000\cdots\rangle$ with bond energy $\epsilon=0$ which hence is the unique ground state in the interval $\theta\in(-\frac{\pi}{4},\frac{\pi}{2})$. Moreover, this is also the case for the two degenerate ferromagnetic Ising-like ground states $|\cdots{\pm}{\pm}{\pm}\cdots\rangle$ with bond energy $\epsilon=4\cos\theta$.
\begin{figure}
\begin{center}
\includegraphics{TwoSiteEnergies.pdf}
\caption{\label{fig:TwoSiteEnergies}(Color online) Plot of the two-site energies for the limiting Hamiltonian $H^{(\infty)}$ as summarized in Table~\ref{tb:LimitHamiltonian}.}
\end{center}
\end{figure}
However, it is obviously impossible to extend the state $|{+}{-}\rangle$ to the full chain without obtaining frustrated contributions from $|{-}{+}\rangle$. As a consequence of this unavoidable frustration the phase boundaries between this phase and the other two phases are shifted. It turns out that, for an even number of sites, the appropriate ground states are $|\cdots{\pm}{\mp}{\pm}\cdots\rangle$ with average (frustrated) bond energy
\begin{align}
\epsilon
=2\sqrt{2}\sin(\theta+\tfrac{\pi}{4})
=2(\sin\theta+\cos\theta)\;.
\end{align}
Obviously, both of these states break translation invariance and the new phase boundary can easily be seen to be located at $\theta_c=-\frac{3\pi}{4}$. For an odd number of sites the actual ground states show a slightly higher degree of degeneracy, frustration and hence energy, and therefore the corresponding states should not be regarded as ground states in the thermodynamic limit. Our findings about the phase diagram are depicted in Figure~\ref{fig:PhaseDiagramCrystalLimit}.
Besides looking at the invididual phases it is also instructive to understand what happens at the phase boundaries. The ground state bond energies derived above exhibit crossings and this means that the phase transitions are first order transitions. This is not surprising since the Hamiltonian is trivially diagonal and the ground state is constant within each phase, so there is no continuous transition. In view of the required rescaling of the Hamiltonian when performing the limit $\lambda\to\infty$ and the known -- but different -- results at $\lambda=0$ it is questionable though whether this should be interpreted as an indication about the nature of the phase transitions also for finite values of $\lambda$. It is also worth mentioning that the ground state degeneracies are drastically enlarged at the two points $\theta\in\{-\frac{3\pi}{4},\frac{\pi}{2}\}$.
Let us finally briefly comment on the situation with open boundary conditions. In that case, the analysis essentially parallels our previous discussion except for the presence of boundary terms whose effect on the energy becomes neglegible in the thermodynamic limit $L\to\infty$. However, for small values of $L$ explicit calculation of the corresponding energies shows that the transition between the `dimerized phase' (whose degeneracy is actually lifted by the boundary terms)
and the `Haldane phase' shifts from $-\frac{\pi}{4}$ to slightly larger values. We are tempted to speculate about a relation between this observation and earlier claims regarding the existence of a potential additional phase between the ferromagnetic and the dimerized phase in the undeformed bilinear-biquadratic spin chain.\cite{Lauchli:2006PhRvB..74n4426L} Our analysis here was concerned with the limit $q\to\infty$ and not with the limit $q\to1$. However, if it has any implications for the aforementioned question our discussion of periodic boundary conditions would suggest that there should be no such intermediate phase. We also note the absence of a separate phase in the region $\theta\in(\frac{\pi}{4},\frac{\pi}{2})$ which is known to exist for $\lambda=0$, see e.g.\ Refs.~\cite{Lauchli:2006PhRvB..74n4426L,Manmana:2011PhRvB..83r4433M}.
The crystal limit $\lambda\to\infty$ has been successfully used in the past to obtain a combinatorial description of eigenstates of integrable Hamiltonians ~\cite{Kang:1992IJMPA...7S.449K,Davies:1993CMaPh.151...89D,Nakayashiki:1996CMaPh.178..179N,Hong:1998math.....11175H,Lamers:2020arXiv200413210L}. For the purposes of the present paper we went a slightly different route and focused on the ground state(s) only. However, in contrast to the papers cited above we did not restrict our attention to a single point in the phase diagram but rather used the information about the ground states to map the latter out in full detail. It can be expected that the information we obtained here for $\lambda\to\infty$ reflects what is happening at finite values of $\lambda$ and our numerical analysis largely confirms that this is indeed the case, see Section~\ref{sc:Numerics}.
\begin{figure}
\begin{center}
\includegraphics{PRB_Fig2.pdf}
\caption{\label{fig:PhaseDiagramCrystalLimit}(Color online) The phase diagram of the $q$-deformed bilinear-biquadratic spin chain in the crystal limit $\lambda\to\infty$. The ground states in the three different regions are (I) $|\cdots0000\cdots\rangle$, (II) $|\cdots{\pm}{\mp}{\pm}{\mp}\cdots\rangle$ and (III) $|\cdots{\pm}{\pm}{\pm}{\pm}\cdots\rangle$.}
\end{center}
\end{figure}
\section{\label{sc:Symmetries}Symmetries of the $\mathbf{q}$-deformed bilinear-biquadratic spin-1 chain}
The ordinary isotropic bilinear-biquadratic spin chain associated with $\lambda=0$ has a number of symmetries that are crucial in explaining its physical properties. It first of all exhibits an $SO(3)$ spin-rotation and a $\mathbb{Z}_2$ spin-flip symmetry which can be combined into an $O(3)$ symmetry. Moreover, it has a number of space-time symmetries, specifically invariance under translations by one site, time-reversal $\mathcal{T}$ and inversion $\mathcal{I}$. It is well-established that the Haldane phase of this chain can be regarded as an SPT phase with respect to either of the following symmetries \cite{Pollmann:2012PhRvB..85g5125P}: Spin-rotations $SO(3)$, its $\mathbb{Z}_2\times\mathbb{Z}_2$ subgroup of $\pi$-rotations around the principal axes, time-reversal and inversion. The key to this insight is the presence of non-trivial projective representations of these symmetry groups. It has also been established that the key signatures of that phase are a two-fold degeneracy in the bipartite ground state entanglement spectrum \cite{Pollmann:PhysRevB.81.064439} and the existence of quantized topological invariants \cite{Pollmann:2012PhRvB..86l5441P}.\footnote{As emphasized in \cite{Pollmann:PhysRevB.81.064439}, other signatures such as non-local string order and fractionalized boundary spins may well be absent under deformations that break some (but not all) of these symmetries.}
In contrast, for generic values of $\lambda$ most of the symmetries mentioned in the previous paragraph are explicitly broken by the Hamiltonian~\eqref{eq:DeformedHexplicit}. In view of the anisotropy the spin-rotation symmetry is broken to a $U(1)$ subgroup of rotations around the $z$-axis which also contains one factor $\mathbb{Z}_2$ of the dihedral group $\mathbb{Z}_2\times\mathbb{Z}_2$. However, the second factor $\mathbb{Z}_2$ as well as spin-flip, time-reversal and inversion symmetry are broken by term such as $S_k^zS_{k+1}^z\bigl(S_{k+1}^z-S_k^z\bigr)$.\footnote{We note that some of these symmetries are restored for $\theta=-\frac{\pi}{4}$ and $\theta=\frac{3\pi}{4}$.}
We would like to emphasize that neither of the remaining symmetries usually considered allows for non-trivial projective representations. In other words: All the standard symmetries that are known to protect the topological properties of the Haldane phase \cite{Gu:2009PhRvB..80o5131G,Pollmann:2012PhRvB..85g5125P} cease to exist. According to the classification of Refs.~\onlinecite{Schuch:1010.3732v3,Chen:PhysRevB.84.235128,Duivenvoorden:2012arXiv1206.2462D} there is hence no reason to think of any of the Hamiltonians $H^{(\lambda)}$ as realizing an SPT phase whenever $\lambda\neq0$.
However, by construction the Hamiltonian~\eqref{eq:DeformedHexplicit} is invariant under the $q$-deformed symmetry $\mathcal{U}_q\bigl[su(2)\bigr]$ and it has recently been argued that this generalized symmetry is (for chains of integer physical spins) still capable of protecting the relevant topological properties \cite{Quella:2020PhRvB.102h1120Q}. We also note that the breaking of the usual discrete symmetries is relatively mild. Indeed, all of them can be restored when combining them with a duality transformation $\lambda\to-\lambda$ that changes the coupling. It was suggested in Ref.~\cite{Quella:2020PhRvB.102h1120Q} that these duality-type symmetries by themselves might already be sufficient to guarantee the protection of non-trivial topological phases.
\section{\label{sc:OrderParameters}Order parameters and $\mathbf{q}$-deformed entanglement spectrum}
\begin{figure}[t]
\begin{center}
\includegraphics{PRB_Fig3.pdf}
\caption{\label{fig:qAKLT}(Color online) Bipartite entanglement cut in the spin-2S $q\text{AKLT}$ state on an infinite chain.}
\end{center}
\end{figure}
The phase diagram of the usual bilinear-biquadratic spin chain can be explored using a number of diagnostic tools, including order parameters to detect spontaneous symmetry breaking and entanglement measures. In what follows we will think of all these quantities as being calculated from an iMPS representation\cite{Vidal:2007PhRvL..98g0201V,Orus:PhysRevB.78.155117} of its ground state. First of all, the entanglement entropy or rather its (non-)scaling with the bond dimension can be used to determine whether the system is gapped or critical and, in the latter case, to infer the value of the central charge \cite{Tagliacozzo:2008PhRvB..78b4410T,Pollmann:2009PhRvL.102y5701P}. A closely related indicator is the behavior of the correlation length. Both quantities can easily be computed from the iMPS representation and the eigenvalues of the associated transfer matrix. Additional methods for the analysis of critical systems have been described in Refs.~\cite{Pollmann:2010NJPh...12b5006P,Pirvu:2012PhRvB..86g5117P,Stojevic:2015PhRvB..91c5120S}.
For an infinite critical system with central charge $c$ one has the scaling relations~\cite{Korepin:PhysRevLett.92.096402,Calabrese:2004JSMTE..06..002C,Tagliacozzo:2008PhRvB..78b4410T,Pollmann:2009PhRvL.102y5701P}
\begin{align}
\label{eq:EntanglementScaling}
S(\chi)\sim\frac{c\kappa}{6}\log\chi\;,\qquad
\xi(\chi)\sim\xi_0\chi^\kappa\;.
\end{align}
Here $S(\chi)$ is the entanglement entropy, $\xi(\chi)$ is the correlation length and $\chi$ is the bond dimension used for the iMPS in the simulation of the model. Plotting $S$ and $\log\xi$ as a function of $\log\chi$ one should obtain two straight lines and from the respective slopes one can infer the central charge $c$.
Beyond this, different phases can also be distinguished by means of order parameters such as ferromagnetic order, dimerization, string order \cite{DenNijs:PhysRevB.40.4709} as well as degeneracies in the entanglement spectrum \cite{Pollmann:PhysRevB.81.064439,Quella:2020PhRvB.102h1120Q}. We now introduce these quantities in more detail, with an emphasis on the appropriate $q$-deformed setting. This is particularly important for the entanglement spectrum, where the necessary adjustment is responsible for additional Zeeman-like terms in the entanglement Hamiltonian.
Ferromagnetic ordering can be detected using the order parameter
\begin{align}
\label{eq:FMO}
\mathcal{O}_{\text{FMO}}^\alpha
=\lim_{|i-j|\to\infty}\langle S_i^\alpha S_j^\alpha\rangle
\quad(\text{with }\alpha=x,y,z)\;.
\end{align}
It should be noted that, in the present case, this order parameter depends on the direction singled out since the $q$-deformed chains are anisotropic and rotation symmetry is broken. Dimerization in singlet ground states is usually measured in terms of the order parameter $\bigl\langle(\vec{S}_i\cdot\vec{S}_{i+1})-(\vec{S}_{i+1}\cdot\vec{S}_{i+2})\bigr\rangle$. However, in view of the fact that rotation symmetry is anyway broken by the anisotropy we will measure breaking of translation symmetry by the simpler order parameter
\begin{align}
\mathcal{O}_{\text{DO}}^\alpha
=\lim_{|i-j|\to\infty}\bigl\langle S_i^\alpha S_{i+1}^\alpha-S_{i+1}^\alpha S_{i+2}^\alpha\bigr\rangle
\end{align}
instead of adjusting the scalar products $\vec{S}_i\cdot\vec{S}_{i+1}$ appropriately to the $q$-deformed setting. Finally, it is known that the non-local string order parameter
\begin{align}
\mathcal{O}_{\text{SO}}
=\lim_{|i-j|\to\infty}
\Bigl\langle S_i^z\prod_{k=i+1}^{j-1}e^{\pi i S_k^z}S_j^z\Bigr\rangle\;,
\end{align}
can be used to measure the diluted antiferromagnetic order present in the Haldane phase of the bilinear-biquadratic spin chain \cite{DenNijs:PhysRevB.40.4709}. This is known to carry over to the $q\text{AKLT}$ model \cite{Totsuka:1994JPhA...27.6443T} and hence this seems like a sensible choice also for other values of $\theta$.
Let us finally introduce a $q$-deformed notion of the usual bipartite entanglement spectrum that has been shown to lead to a two-fold degeneracy for odd-spin $q\text{AKLT}$ states, while even-spin $q\text{AKLT}$ states do not exhibit that degeneracy \cite{Quella:2020PhRvB.102h1120Q}. We will later confirm that this two-fold degeneracy is not only present at the $q\text{AKLT}$ point of the $q$-deformed bilinear-biquadratic spin chain but everywhere in the $q\text{-Haldane}$ phase and absent in the dimerized phase. This provides additional evidence for the claim made in Ref.~\cite{Quella:2020PhRvB.102h1120Q} that it can be interpreted as a signature of non-trivial topology, thereby generalizing earlier findings for the isotropic chain \cite{Pollmann:PhysRevB.81.064439}.
\begin{figure}
\begin{center}
\includegraphics{PRB_Fig4.pdf}
\caption{\label{fig:ES_tilt}(Color online) Conventional and deformed symmetry-resolved entanglement spectrum for spin-$2S$ qAKLT states with $q>1$ (where $\epsilon_S^{(\lambda)}=\log[2S+1]_\lambda$). The $q$-deformation clearly acts as a Zeeman field in the entanglement Hamiltonian. A two-fold degeneracy (half-integral $S$) signals non-trivial topology.}
\end{center}
\end{figure}
Let $|\psi\rangle$ be the ground state of the system (assumed to be unique and hence a $\mathcal{U}_q\bigl[su(2)\bigr]$-singlet) and $\rho=|\psi\rangle\langle\psi|$ be the associated density matrix. The bipartite entanglement in that state can be captured in a $\mathcal{U}_q\bigl[su(2)\bigr]$-invariant fashion by means of a $q$-deformed generalization of the reduced density matrix. Following Ref.~\cite{Couvreur:2017PhRvL.119d0601C} we define
\begin{align}
\label{eq:EntanglementSpectrum}
\rho_R^{(\lambda)}
=\tr_L\bigl(e^{-2\lambda S_L^z}\rho\bigr)\;,
\end{align}
where $L$ and $R$ refer to the left and right semi-infinite halfs, repectively, and $S_L^z$ corresponds to the action of $S^z$ on the left part of the chain which is traced out. The eigenvalues of $\rho_R^{(\lambda)}$ define what will be referred to as the $q$-deformed entanglement spectrum and denoted by $\epsilon_\alpha^{(\lambda)}$.
We also define an associated $q$-deformed entanglement entropy which is given by~\cite{Couvreur:2017PhRvL.119d0601C}
\begin{align}
\label{eq:EntanglementEntropy}
S_{EE}^{(\lambda)}
=-\tr_R\bigl(e^{2\lambda S_R^z}\rho_R^{(\lambda)}\log\rho_R^{(\lambda)}\bigr)\;.
\end{align}
The $q$-deformed entanglement measures just defined have previously been calculated in Ref.~\cite{Quella:2020PhRvB.102h1120Q} for integer spin $q\text{AKLT}$ states, where $S$ is the auxiliary spin and $2S$ is the integer physical spin, see Figure~\ref{fig:qAKLT} for an illustration. Both quantities are given by the logarithm of the quantum dimension, $\log\qdim(S)$, where $\qdim(S)=[2S+1]_\lambda$ and $[x]_\lambda=\sinh(\lambda x)/\sinh(\lambda)$ denotes a $q$-number. We would like to emphasize that the $q$-deformed entanglement spectrum is fully degenerate even though the conventional entanglement entropy may be arbitrarily small and in fact vanishes in the crystal limit $\lambda\to\infty$.
In anticipation of our numerical experiments let us briefly explain the main difference between the conventional and the $q$-deformed notions of entanglement. We recognize from Eq.~\eqref{eq:EntanglementSpectrum} that the insertion of the factor $e^{-2\lambda S_L^z}$ (which for a singlet can be rewritten as $e^{2\lambda S_R^z}$) may be interpreted as the addition of a uniform magnetic field in the entanglement Hamiltonian that is coupled to the $z$-component of the individual spins. But while such a magnetic field usually, e.g.\ in systems like the hydrogen atom, has the effect of breaking rotation symmetry and destroying the associated degeneracies, here it has precisely the opposite effect of actually restoring degeneracies associated with irreducible representations of $\mathcal{U}_q\bigl[su(2)\bigr]$. For spin-$2S$ $q\text{AKLT}$ states this is illustrated in Figure~\ref{fig:ES_tilt} and the same effect can also be seen in our numerical experiments, see Figure~\ref{fig:ESall}.
\section{\label{sc:qAKLT}The $\mathbf{q}$-deformed AKLT model}
The $q\text{AKLT}$ model corresponds to the point $\cot\theta=(4\cosh^2\lambda-1)$ (with $\theta\in(0,\frac{\pi}{2})$) and has been studied from a variety of perspectives \cite{Klumper:1991JPhA...24L.955K,Klumper:1992ZPhyB..87..281K,Klumper:1993EL.....24..293K,Batchelor:1994IJMPB...8.3645B,Totsuka:1994JPhA...27.6443T,Fannes:10.1007/BF02101525,Santos:2012EL.....9837005S,Quella:2020PhRvB.102h1120Q}. In this section we summarize its most important properties.
The ground state of the $q\text{AKLT}$ model is described by an MPS (or iMPS \cite{Quella:2020PhRvB.102h1120Q}) with bond dimension $\chi=2$ \cite{Klumper:1991JPhA...24L.955K,Klumper:1992ZPhyB..87..281K,Totsuka:1994JPhA...27.6443T}. From the associated transfer matrix one can infer the correlation length $\xi$ which is known to be given by
\begin{align}
\xi^{-1}
=\log[3]_\lambda
=\log(1+2\cosh\lambda)
\xrightarrow{\ \lambda\to0\ }\log(3)\;.
\end{align}
The same correlation length also determines the exponential decay of the two-point functions $\langle S_i^z S_j^z\rangle$ and $\langle S_i^xS_j^x\rangle$ which thus shows the absence of ferromagnetic order, i.e.\ $\mathcal{O}_{\text{FMP}}^\alpha=0$. Moreover, given that the ground state of the $q\text{AKLT}$ model is translation invariant we clearly have $\mathcal{O}_{\text{DO}}^\alpha=0$. The degree of anisotropy can be measured by considering the single-site expectation values $\bigl\langle(S^z)^2\bigr\rangle=2/(3+4\sinh^2\lambda)\leq\frac{2}{3}$ and $\bigl\langle(S^x)^2\bigr\rangle=\bigl\langle(S^y)^2\bigr\rangle=1-\frac{1}{2}\bigl\langle(S^z)^2\bigr\rangle\geq\frac{2}{3}$ and these show that the $xy$-plane is favored over the $z$-direction \cite{Klumper:1992ZPhyB..87..281K}. Finally, the string order parameter can be calculated exactly and one finds \cite{Totsuka:1994JPhA...27.6443T}
\begin{align}
\mathcal{O}_{\text{SO}}
=-\biggl(\frac{2}{[3]_\lambda}\biggr)^2
\xrightarrow{\ \lambda\to0\ }-\frac{4}{9}\;.
\end{align}
This can be interpreted as the presence of a diluted antiferromagnetic order that is built into the valence-bond description of the $q\text{AKLT}$ state.
The iMPS also determines the entanglement properties. The $q$-deformed entanglement energies and entropy coincide and read \cite{Quella:2020PhRvB.102h1120Q}
\begin{align}
S_{EE}^{(q)}
=\epsilon_\pm^{(q)}
=\log(2\cosh\lambda)
\xrightarrow{\ \lambda\to0\ }\log2\;.
\end{align}
The most important characteristic of this result is the two-fold degeneracy of the $q$-deformed entanglement spectrum. In contrast, the conventional entanglement spectrum is non-degenerate and the associated entanglement entropy~\cite{Quella:2020PhRvB.102h1120Q}
\begin{align}
S_{EE}
=\log(1+e^{2\lambda})-\lambda(1+\tanh\lambda)
\end{align}
shows that the $q\text{AKLT}$ state has arbitrarily low entanglement as $\lambda\to\infty$. This observation is in agreement with our earlier observation that all eigenstates of the Hamiltonian are trivially product states in the extreme anisotropic limit, see Section~\ref{sc:Limit}. We note that the $q$-deformed entanglement spectrum cannot be defined anymore once the limit $\lambda\to\infty$ has been performed. On the other hand, the degeneracy in the $q$-deformed entanglement spectrum is {\em always} present for finite values of $\lambda$, no matter how large. This reflects the fact that the system exhibits entanglement that cannot be removed in a $\mathcal{U}_q\bigl[su(2)\bigr]$-invariant way \cite{Quella:2020PhRvB.102h1120Q}.
As a sanity check we have determined the ground state of the $q\text{AKLT}$ Hamiltonian using iDMRG~\cite{Crosswhite:2008PhRvB..78c5116C,McCulloch:2008arXiv0804.2509M,Schollwock:2011AnPhy.326...96S} for selected values of $\lambda$. This calculation confirmed the theoretical predictions for the order parameters as well as the entanglement spectrum and entropy to very high numerical precision (less than $10^{-10}$). These calculations were performed using the TeNPy Library \cite{TeNPy} (version 0.6.1).
\section{\label{sc:KnownPhases}Known results about the phase diagram}
The phase diagram of the conventional bilinear-biquadratic spin chain ($\lambda=0$ in our conventions) has been studied extensively in the past, see e.g.~\cite{Affleck:1986NuPhB.265..409A,Lauchli:2006PhRvB..74n4426L,Manmana:2011PhRvB..83r4433M} and references therein. In this Section we review some of the known results away from the AKLT point \cite{Affleck:PhysRevLett.59.799,Affleck:1987cy} that has already been covered in Section~\ref{sc:qAKLT}.
The conventional bilinear-biquadratic spin chain has four distinct phases, see Figure~\ref{fig:PhaseDiagram}. The chain is in the gapped Haldane phase with a unique $SO(3)$-invariant ground state for $\theta\in(-\frac{\pi}{4},\frac{\pi}{4})$. Adjacent to this phase are a dimerized phase with spontaneously broken translation symmetry for $\theta\in(-3\frac{\pi}{4},-\frac{\pi}{4})$ and an extended critical phase with spin nematic correlations for $\theta\in(\frac{\pi}{4},\frac{\pi}{2})$. Finally, the zero-temperature chain exhibits a ferromagnetic phase in the rest of the phase diagram.
The phase transitions from the Haldane phase to the neighboring phases are described by well-known integrable models. At $\theta=-\frac{\pi}{4}$ the bilinear-biquadratic spin chain reduces to the Babujian-Takhtajan chain~\cite{Takhtajan:1982PhLA...87..479T,Babujian:1982PhLA...90..479B} which is known to be described by the $SU(2)_2$ WZW conformal field theory with $c=\frac{3}{2}$ in the thermodynamic limit \cite{Affleck:1986bv,Affleck:1987PhRvB..36.5291A}. At $\theta=\frac{\pi}{4}$ the $SU(2)$-symmetry is enhanced to $SU(3)$ and the spin chain reduces to the Uimin-Lai-Sutherland chain \cite{Uimin:1970JETPL..12..225U,Lai:1974JMP....15.1675L,Sutherland:1975PhRvB..12.3795S}, which is known to be described by a $SU(3)_1$ WZW conformal field theory with $c=2$ in the thermodynamic limit. An enhanced $SU(3)$ symmetry is obviously also present at the opposite site for $\theta=-\frac{3\pi}{4}$ where the phase transition from the dimerized phase to the ferromagnetic phase takes place.\footnote{There was some debate in the literature whether there is an additional gapped spin-nematic phase in the interval $(-\frac{3\pi}{4},-\frac{\pi}{2})$, see Ref.~\cite{Lauchli:2006PhRvB..74n4426L}, but since this is not relevant for our paper we do not discuss this in more detail.}
We note that the $SU(3)_1$ WZW model can be interpreted as an $SU(2)_4$ WZW model with a non-diagonal modular invariant. The fact that the levels of the two $SU(2)_2$ and $SU(2)_4$ WZW models describing the phase transitions above are multiples of two and the associated multicriticality are not accidental. Rather, they are a direct consequence of fact that these are topological phase transitions connecting a trivial and a non-trivial topological phase \cite{Roy:2015arXiv151205229R} (see also \cite{Furuya:2017PhRvL.118b1601F,Lecheminant:2015NuPhB.901..510L}).
Considerable analytical information is also available for the purely biquadratic chain at $\theta=-\frac{\pi}{2}$ which has been related to a 9-state Potts model and to an integrable spin-$\frac{1}{2}$ XXZ model with twisted boundary conditions \cite{Barber:1989PhRvB..40.4621B,Klumper:1989EL......9..815K}. In particular, it has been established that the chain is gapped and dimerized at this point, see also \cite{Xian:1993PhLA..183..437X} for independent arguments.
Shifting our attention to the $q$-deformed anisotropic bilinear-biquadratic chain there exists an integrable deformation of the Babujian-Takhtajan chain which is generally known as the integrable Zamolodchikov-Fateev chain or simply as the spin-1 XXZ chain, see Refs.~\cite{Zamolodchikov:1980ku,Sogo:1984PhLA..104...51S,Pasquier:1990NuPhB.330..523P,Bougourzi:1994NuPhB.417..439B,Vlijm:2014JSMTE..05..009V} and references therein. As for $\lambda=0$ it resides at $\theta=-\frac{\pi}{4}$ and has a unique singlet ground state. However, in contrast to the case $\lambda=0$ it turns out to be gapped for $\lambda\neq0$ \cite{Sogo:1984PhLA..104...51S}. Surprisingly, the scaling of the groundstate's bipartite entanglement entropy still indicates a relation to the $SU(2)_2$ WZW model \cite{Weston:2006JSMTE..03L.002W}. It is worth emphasizing that inversion and time reversal symmetry are restored for $\theta=-\frac{\pi}{4}$ which results in $a+b=\sqrt{2}\sin(\theta+\frac{\pi}{4})=0$ in the Hamiltonian~\eqref{eq:DeformedHexplicit}. An anisotropic analogue of the purely biquadratic spin chain has been discussed in Ref.~\cite{Batchelor:1990PThPS.102...39B} and it was shown that this system has a gap. The vicinity of this point has also been explored numerically \cite{Chen:2020PhRvB.102h5146C}.
In Section~\ref{sc:Limit} we have solved the model in the extreme anisotropic limit $\lambda\to\infty$ and obtained a phase diagram that matches the one for $\lambda=0$ precisely (including the location of phase transitions) except for the absence of the extended critical phase in the region $\theta\in(\frac{\pi}{4},\frac{\pi}{2})$.
Since the ground states are known exactly it is straightforward to compute various types of order parameters.
We wish to stress though that the $q$-deformed entanglement spectrum cannot be recovered once the limit $\lambda\to\infty$ has been taken (see also our discussion in Section~\ref{sc:qAKLT}). Hence the fact that the ground state is a product state in the region $\theta\in(-\frac{\pi}{4},\frac{\pi}{2})$ of the Haldane phase is not in conflict with our findings for finite values of $\lambda$.
\begin{figure}
\begin{center}
\includegraphics{PRB_Fig5.pdf}
\caption{\label{fig:PhaseDiagram}(Color online) (a) The known phase diagram for the conventional and (b) and the suggested phase diagram for the $q$-deformed bilinear-biquadratic spin chain. The size of the unascertained region marked with `?' depends on $\lambda$ and vanishes as $\lambda\to\infty$.}
\end{center}
\end{figure}
\section{\label{sc:Numerics}Numerical results}
\begin{figure*}
\begin{center}
\includegraphics{PRB_Fig6.pdf}
\caption{\label{fig:PTall}(Color online) Order parameters and signatures of phase transitions for various values of $\lambda$. For $\lambda=0$ the diagrams show clear evidence of phase transitions at $\theta\in\{-\frac{3\pi}{4},\pm\frac{\pi}{4},\frac{\pi}{2}\}$. For $\lambda>0$, most of these phase transitions clearly persist. However, the phase transition at $\theta=\frac{\pi}{4}$ is significantly shifted to a larger values in a $\lambda$-dependent fashion and becomes very small for large values of $\lambda$. Since convergence was rather bad in the ferromagnetic regime, the corresponding part of the phase diagram is not shown. All simulations with fixed bond dimension used $\chi=800$. Order parameters which involve a limit $|i-j|\to\infty$ are displayed for $|i-j|=1000$.}
\end{center}
\end{figure*}
To verify the theoretical predictions and plot out part of the phase diagram of the $q$-deformed bilinear-biquadratic spin chains we ran a number of computer simulations. We used iDMRG~\cite{Crosswhite:2008PhRvB..78c5116C,McCulloch:2008arXiv0804.2509M,Schollwock:2011AnPhy.326...96S} to determine the correlation length, expectation values, correlation functions as well as conventional and $q$-deformed entanglement spectra and entropies. All calculations were performed using the TeNPy Library (version 0.6.1) \cite{TeNPy}. This library allows to take into account abelian symmetries such as spin rotations about the $z$-axis that are generated by the component $S_{\text{tot}}^z$ of the total spin.
For our purposes it was particularly important that TeNPy is capable of computing the symmetry-resolved entanglement spectrum, i.e.\ the (conventional) entanglement spectrum organized in terms of the conserved $S^z$-quantum number. For a singlet ground state with $0=S_{\text{tot}}^z=S_L^z+S_R^z$ this permits to post-process the conventional entanglement data using the equations
\begin{align}
\rho_R^{(\lambda)}
=e^{2\lambda S_R^z}\rho_R
\quad\text{ and }\quad
H_E^{(\lambda)}
=H_E+2\lambda S_R^z
\end{align}
that follow directly from Eq.~\eqref{eq:EntanglementSpectrum}. Here $\rho_R$ is the conventional reduced density matrix and $H_E$ ($H_E^{(\lambda)}$) is the ($q$-deformed) entanglement Hamiltonian.
In order to get a basic picture of the phase diagram we determined a ground state for 200 equidistant values of the parameter $\theta\in[-\pi,\pi]$ using iDMRG with bond dimensions $\chi=200$ and then similarly for the smaller interval $\theta\in[-\frac{3\pi}{4},\frac{\pi}{2}]$ with $\chi=800$. Except for the known extended critical region $[\frac{\pi}{4},\frac{\pi}{2}]$, these simulations converged reasonably well in the window $\theta\in(-\frac{3\pi}{4},\frac{\pi}{2})$ and clearly showed phase transitions at $\theta\in\{-\frac{3\pi}{4},-\frac{\pi}{4}\}$, see Figure~\ref{fig:PTall}. In contrast, simulations in the ferromagnetic regime did not converge well, probably due to the fact that there is a highly degenerate ground state manifold and this phase is (trivially) gapless.
The main numerical results are depicted in Figure~\ref{fig:PTall}. Subfigures (a) and (b) show the correlation length and the entanglement entropy which seem to diverge at the points $\theta=-\frac{3\pi}{4}$ and $\theta=-\frac{\pi}{4}$ signaling a quantum phase transition. For $\lambda=0$ and potentially also for small values of $\lambda\gtrsim0$ they also diverge at or in the vicinity of $\theta=\frac{\pi}{4}$ and scattered points indicate convergence issues (here and also in other diagrams). However, for increasing values of $\lambda$ this singular behavior seems to disappear even though some convergence issues remain in the region $\theta\lesssim\frac{\pi}{2}$. We note that the correlation length and the entanglement entropy both decrease as $\lambda$ increases. Our discussion of the crystal limit in Section~\ref{sc:Limit} shows that both tend to zero as $\lambda\to\infty$.
\begin{figure*}
\includegraphics{PRB_Fig7.pdf}
\begin{center}
\caption{\label{fig:ESall}(Color online) Symmetry-resolved entanglement spectrum for $\lambda=0.5$ and different values of $\theta$. The degeneracy is absent or odd in the dimerized phase in parts (a) and (b) while it is even in the $q\text{-Haldane}$ phase in parts (c)-(f), signalling the presence of non-trivial topology. Part (d) depicts the $q\text{AKLT}$ point at $\theta\approx0.0763979$ and the 2-fold degeneracy associated with its virtual spin-$\frac{1}{2}$ boundary spin.}
\end{center}
\end{figure*}
The ground state energy per site is displayed in subfigure (c). Again we see occasional convergence issues and otherwise a transition from a reasonably smooth dependence on $\theta$ for small values of $\lambda$ to one which seems to have a jump in the first derivative at $\theta=-\frac{\pi}{4}$ for large values of $\lambda$, indicating a first order phase transition, just as predicted by our analysis of the extreme anisotropic limit in Section~\ref{sc:Limit}. It should be noted though that the crystal limit was taken after rescaling the Hamiltonian by a $\lambda$-dependent factor, so the respective energy diagrams are not directly comparable.
The dimerization order parameter is pictured in subfigure (d). It vanishes in the Haldane phase and is non-zero in the dimerized phase, just as expected. The same is true for the ferromagnetic order parameter in subfigure (e), except for $\lambda=0$ where it vanishes everywhere. Maybe somewhat surprisingly the string order parameter is non-zero in both phases but vanishes at the phase transition (and for $\lambda=0$ also in the dimerized phase as well as in the extended critical phase). This can be inferred from subfigure (f).
Subfigure (g) has been included to illustrate the effect of the deformation on the anisotropy of the spins. In view of $\vec{S}_i^2=2$ one expects $\langle(S_i^z)^2\rangle=\frac{2}{3}$ in the isotropic case. Values above that threshold indicate a preference for the $z$-direction while lower values indicate a preference for the $xy$-plane. We recognize that the $xy$-plane is preferred in the Haldane phase while the $z$-direction is preferred in the dimerized phase. At the phase boundary at $\theta=-\frac{\pi}{4}$ the isotropy surprisingly seems to be restored (on the level of the ground state). When approaching the ferromagnetic region at $\theta\approx-\frac{3\pi}{4}$, the value approaches $1$ which corresponds to Ising variables $S^z=\pm1$. Generally, the degree of anisotropy grows as $\lambda$ increases. All these findings are consistent with our analysis of the crystal limit in Section~\ref{sc:Limit}.
As a sanity check we have also determined the scaling of the entanglement entropy and the correlation length at $\theta=-\frac{\pi}{4}$ as a function of the bond dimension in subfigures (h) and (i). For $\lambda=0$ one clearly recovers the expected relations~\eqref{eq:EntanglementScaling} with $c\approx1.51$, consistent with a $SU(2)_2$ WZW model. For $\lambda=0.5$ there appears to be a small yet systematic deviation from the critical scaling. This deviation becomes even more prominent for $\lambda=0.7$ and $\lambda=1.0$, confirming that the transition is first and not second order.
Our numerical results are inconclusive close to the phase transitions where observables for neighboring points appear to be somewhat uncorrelated. This concerns, especially, the potential critical region for $\theta\lesssim\frac{\pi}{2}$ which, for $\lambda=0$ extends up to $\theta=\frac{\pi}{4}$ but seems (if it still exists) to be significantly reduced for $\lambda>0$. At these points and regions the entanglement of the ground states is likely too large to be accurately captured by iDMRG with a fixed (or at least our chosen) bond dimension.
Let us finally turn our attention to the question of the existence of SPT phases. Figure~\ref{fig:ESall} shows the conventional and the $q$-deformed symmetry-resolved entanglement spectrum for $\lambda=0.5$ and six values of the parameter $\theta$. These values of $\theta$ correspond to the $q\text{AKLT}$ point and five generic choices (away from any phase transition). The conventional entanglement spectrum shows no signature of systematic degeneracies anywhere in the phase diagram, just a systematic tilt in dependence on the $S^z$-quantum number reminiscent of what is known for higher-spin $q\text{AKLT}$ states \cite{Quella:2020PhRvB.102h1120Q}, see Figure~\ref{fig:ES_tilt}. From the perspective of Ref.~\cite{Pollmann:PhysRevB.81.064439} there is no reason to assume that the system would reside in an SPT phase for any choice of $\theta$.
However, the situation is entirely different for the $q$-deformed entanglement spectrum which aims to correct the systematic tilt in a specific fashion. In that case we clearly see that the tilt is removed giving rise to a degenerate entanglement spectrum, with the exception of truncation effects due to finite bond dimension. To be precise there is an even degeneracy for all investigated choices of $\theta$ in the interval $(-\frac{\pi}{4},\frac{3\pi}{8}]$. Following Ref.~\cite{Quella:2020PhRvB.102h1120Q} we interpret this as a signature of non-trivial topology and we call the associated phase a $q\text{-Haldane}$ phase. On the other hand there is no (or just an odd) degeneracy for $\theta=-\frac{5\pi}{8}$ and $\theta=-\frac{3\pi}{8}$ which are located in the dimerized phase. Following Ref.~\cite{Quella:2020PhRvB.102h1120Q} we interpret this as a signature of trivial topology.
The attentive reader might have noticed that the statements about the degeneracy become somewhat ambiguous in the higher parts of the entanglement spectrum. This is the consequence of an interesting subtlety of the numerical simulations that is also likely to render a more detailed analysis of the phase transitions futile using the present method.
Indeed, since the code is not preserving $\mathcal{U}_q\bigl[su(2)\bigr]$ symmetry it may happen that individual $\mathcal{U}_q\bigl[su(2)\bigr]$-multiplets are not kept with all their states during singular value decompositions and subsequent truncations that are part of the iDMRG algorithm. This phenomenon also occurs in the undeformed case but it is more pronounced and less random in the presence of the $q$-deformation due to the additional tilt of the ordinary entanglement spectrum, see Figure~\ref{fig:ESall}. This tilt makes it not only more likely that individual states of a single multiplet are removed but moreover the way the multiplets are destroyed is consistently biased towards either positive or negative $S^z$-eigenvalues. We therefore believe that a $\mathcal{U}_q\bigl[su(2)\bigr]$-covariant iDMRG code is required to analyze the vicinity of phase transitions where the entanglement entropy -- as a function of the bond dimension -- is known to grow beyond all bounds \cite{Pollmann:2009PhRvL.102y5701P}.
\section{One symmetry to rule them all}
In the final section of this paper we would like to promote an unconventional perspective on SPT phases, specifically those with continuous symmetry. The classification of SPT phases rests on studying the connectivity properties of systems in a suitable space of invariant Hamiltonians \cite{Schuch:1010.3732v3}. Without symmetries this would just be the space of `all' Hamiltonians.\footnote{For physical and mathematical reasons one usually also imposes certain types of locality conditions.} However, depending on the precise type of symmetry this space is further constrained and obviously these constraints change the connectivity properties and hence the classification.
In the case of the $q$-deformed bilinear-biquadratic spin chains discussed in this paper we deal with families of Hamiltonians that have {\em different protecting symmetries} (the quantum groups $\mathcal{U}_q[su(2)]$ are not isomorphic for different values of $q\geq1$) but still exhibit precisely {\em the same topological features and an identical classification of topological phases}. Since different values of $q\geq0$ are continuously connected this suggests to regard all (a priori distinct) topological phases that are characterized by `the same' topological invariant as one single topological phase with respect to a family of symmetries, all of which have essentially `identical' properties. We wish to call such an extended topological phase a `\qSPT' phase. In practice this means that the topological phase protected by SO(3) symmetry (or any one of its $q$-deformations) is significantly enlarged -- it even increases in dimension. Physically, the possibility of having \qSPT phases is highly relevant since the properties of a given physical system may enjoy {\em strict protection} under a much larger set of deformations than initially anticipated. As we have shown in this paper this is certainly the case for the family of $q$-deformed bilinear-biquadratic spin chains.
The phenomenon just described should also occur for other symmetries that admit deformations that allow for a continuous deformation of essential representation theoretic data such as dimensions of irreducible representations or tensor product decompositions. In particular, it applies to $q$-deformations $\mathcal{U}_q[\mathfrak{g}]$ (with $q>0$) of other simple Lie algebras $\mathfrak{g}$ \cite{Quella:2020Draft} (or rather the deformations of the associated Lie groups).\footnote{The situation is quite different for $q$ on the unit circle since the representation theory changes drastically at roots of unity (see, e.g., \cite{Klimyk:MR1492989}).}
It would be interesting to understand whether the notion of a \qSPT phase can also be defined in the context of discrete symmetries or duality-type symmetries. For example, it is known that the (group algebra of the) symmetric group $S_N$ admits a $q$-deformation to a so-called Hecke algebra $H_N(q)$. While this algebraic structure is, perhaps, not so familiar in the condensed matter community it plays an important role in the context of ($q$-deformations) of the Haldane-Shastry model \cite{Bernard:1993JPhA...26.5219B,Lamers:2020arXiv200413210L}.
\section{Conclusions and Outlook}
In this paper we explored the phase diagram of the anisotropic bilinear-biquadratic spin-$1$ quantum spin chain with $\mathcal{U}_q\bigl[su(2)\bigr]$ quantum group symmetry. We confirmed that the phase diagram closely resembles that of the undeformed chain except for a significant diminishment or disappearance of the extended critical phase, see Figure~\ref{fig:PhaseDiagram}. We also confirmed the structure of the phase diagram analytically in the extreme anisotropic limit $q\to\infty$, also known as the crystal limit.
While many of our results could be expected, at least qualitatively, it is worth highlighting the existence of a chiral Haldane phase (here called $q\text{-Haldane}$ phase) that we could identify unambiguously using a recently predicted two-fold degeneracy in a $q$-deformation of the entanglement spectrum \cite{Quella:2020PhRvB.102h1120Q}. This establishes the $q$-deformed bilinear-biquadratic chain as a prototype of an SPT phase that is not protected by standard symmetries but rather by a generalized symmetry. At the same time, our work is an important proof of evidence that physical systems do not need to be strongly entangled in order to exhibit topological features. Indeed, as the consideration of the regime $q\gg1$ shows, the entanglement may be arbitrarily low as long as a symmetry, in this case $\mathcal{U}_q\bigl[su(2)\bigr]$, ensures that a certain amount of short-range entanglement remains.
There are many directions and open questions in the context of the $q$-deformed bilinear-biquadratic spin-$1$ chain that deserve further investigation. First of all, it should be possible to gain additional analytical insights from the extreme anisotropic limit by letting the parameter $q$ be large but finite. One could then construct ground states, correlation functions, ($q$-deformed) entanglement spectrum and other quantities perturbatively. This procedure has proved very powerful in the context of quantum integrable models \cite{Davies:1993CMaPh.151...89D} (even though admittedly with an {\em affine} quantum group symmetry).
Another important point is concerning the nature of the phase transitions in Figure~\ref{fig:PhaseDiagram}. Preliminary simulations concerning the scaling of the entanglement entropy as a function of the bond dimension did not result in a clear picture, potentially due to (symmetry-breaking) cut-off effects when performing singular value decompositions and entanglement truncations in the process of iDMRG. The best way to eliminate these effects would be the development of a $\mathcal{U}_q\bigl[su(2)\bigr]$-invariant DMRG or iDMRG code, in analogy to those that exist for ordinary non-abelian symmetries such as $su(2)$ \cite{McCulloch:2002EL.....57..852M,Weichselbaum:2012AnPhy.327.2972W}.
Besides providing a better picture of what happens in the extended critical region upon introducing the anisotropy such a code would also be able to shed light on the role of the integrable XXZ chain at $\theta=-\frac{\pi}{4}$ which separates the $q\text{-Haldane}$ and the dimerized phase. This chain is referred to as being massive in the literature even though its entanglement scaling resembles that of a gapless critical point, more precisely an $SU(2)_2$ WZW model \cite{Weston:2006JSMTE..03L.002W}. The potentially non-differentiable ground state energy in Figure~\ref{fig:PTall} as well as analysis of the limit $\lambda\to\infty$ support a first order quantum phase transition, consistent with the presence of a gap. On the other hand at this particular point in the phase diagram inversion and time-reversal symmetry are restored and the expectation values of $\langle(S_i^\alpha)^2\rangle$ also suggest restoration of isotropy, all necessary conditions for a description in terms of a $SU(2)$ WZW model.
In another direction of research it would be interesting to consider higher spin representations or spin ladders. In this paper we have focused on the spin-1 case. However, isotropic chains have also been considered for spin-2 for instance \cite{Tu:PhysRevB.78.094404,Tu:PhysRevB.80.014401}. In that case there are two different types of AKLT states in different topological classes, one with spin-$1$ and one with spin-$\frac{3}{2}$ boundary spins, and the phase diagram is very rich. The analysis of $q$-deformations of these systems would be another natural application of the methods presented in this paper.
From a more conceptual perspective the most urgent issue is to find and explore other generalized symmetries that lead to \qSPT or analogues of $q\text{-Haldane}$ phases. It is known that quantum groups of the form $\mathcal{U}_q[\mathfrak{g}]$ \cite{Quella:2020Draft} give rise to such phases, where $\mathfrak{g}$ is a simple Lie algebra, but it is currently unclear whether this also holds for multi-parameter deformations or duality-type symmetries where a group transformation is accompanied by a change of coupling as suggested in Ref.~\cite{Quella:2020PhRvB.102h1120Q}.
\begin{acknowledgments}
The author would like to thank Murray Batchelor and Rafael Nepomechie for useful feedback, Robert Pryor and Caleb Smith for interesting discussions in a closely related context, Johannes Hauschild for answering questions concerning TeNPy's implementation of symmetry-resolved entanglement spectra and Robert Weston for correspondence on the integrable XXZ chain. This research was conducted by the Australian Research Council (ARC) Centre of Excellence for Mathematical and Statistical Frontiers (ACEMS, project number CE140100049) and partially funded by the Australian Government. The author also acknowledges funding from the ARC Discovery Project DP180104027.
\end{acknowledgments}
\def$'${$'$}
|
\section{Introduction}
Tubular bone is characterised by cortical bone surrounding the bone marrow in the shaft and the cancellous bone at the proximal and distal ends.
Due to its special microstructure composed of beams and plates (trabeculae), cancellous bone is also denoted as spongy bone.
Depending on environmental changes, such as mechanical loading, bone can adapt its internal microstructure by altering the density and trabecular orientation.
Remodelling of cancellous bone was first formulated by \citep{Wolff1892} and is referred to as Wolff's law of bone remodelling.
Based on continuum mechanics and the finite element method, simulation approaches to bone remodelling were developed, see \citep{Cowin1976}, \citep{Huiskes1987}, \citep{Weinans1992}, \citep{Harrigan1993}, \citep{Jacobs1995} and many more.
Most of these studies address exclusively the adaptation of cancellous bone.
Even if the focus is also on the adaptation of cortical bone, it is typically considered separately from spongy bone, see \citep{Carter2010}.
One of the few approaches involving the interaction of both bone types was investigated by \citep{HAMBLI2014} and \citep{BARKAOUI2019} based on the cellular activities of bone.
Another proposal was developed by \citep{Nutu2018} based on the model of \citep{Huiskes1987} for dental implants.\\
This work aims to simulate bone density changes of cancellous and cortical bone as well as their interplay based on a continuum bone remodelling approach.
Unlike spongy bone, the bone fibrils of cortical bone are densely packed, which is why this lamellar structure is also called compact bone.
Remodelling of cortical bone can occur along the endosteal and periosteal surface as well as within the channels.
The surface area per unit volume is considerably reduced compared to cancellous bone and therefore remodelling requires more time with less change in density.
In order to adapt to the load case, the main mechanism considered here is the adjustment of the microstructural density.
Whereas a change in bone geometry will not be considered, the simulation of bone adjustments in the endosteal area such as trabecularisation and thinning of the inner compact bone in old age is made possible.
Based on previous studies, see \citep{Kuhl2003}, \citep{Liedtke2017} \citep{Papastavrou2020} and \citep{Papastavrou2020b}, an initial volume fraction is introduced in this work, which is defined as the ratio between initial nominal density and true density and therefore allows a distinction between the two bone types.
The influence of this new parameter and the associated modelling of spongy and compact bone will be studied in this context.
In the following, the quantities $\{\circ\}$, which take into account the effective mixture of solid bone material and the (empty) pore space are referred to as \textit{nominal} quantities, whereas \textit{true} quantities based on the properties of the solid (bone) material are denoted as $\{\circ\}^s$.
Furthermore we distinguish between the \textit{initial} value $\{\circ\}^\star$ of a quantity (at time zero), and its \textit{current} (time-evolving) value $\{\circ\}(t)$.
The latter should not be confused with the \textit{actual} configuration, which refers to the geometric description of the deformed continuum body.
This contribution is organised as follows.
The governing and constitutive equations including the proposed modification are detailed in Section \ref{sec2}.
The performance is illustrated by numerical problems in Section \ref{Sec3}.
Section \ref{Sec4} provides a concluding discussion.
\section{Continuum framework of bone remodelling} \label{sec2}
With a view on its continuum modelling, bone is here considered as a porous material consisting of a solid skeleton and (empty) pore space, see Fig. \ref{fig:mic_mac}.
In the following, the underlying equations of continuum bone remodelling are briefly re-iterated, see also \citep{Kuhl2003} and \citep{Holzapfel2001} for additional details.
\subsection{Kinematics}
The kinematic description is characterised by the deformation map $\boldsymbol{\varphi}$ that maps the referential placement $\mathbf{X}$ of a physical particle in the material (reference) configuration $\mathcal{B}_{0}$ at time $t_0$ to its actual placement $\mathbf{x}$ in the spatial (actual) configuration $\mathcal{B}_{t} \subset \mathbb{E}^3$ at time $t \in \mathbb{R}_{+}$
\begin{equation}
\mathbf{x} = \boldsymbol{\varphi}(\mathbf{X},t) : \mathcal{B}_0 \times \mathbb{R}_{+} \to \mathcal{B}_{t} \:.
\end{equation}
The referential gradient $\nabla_0$ of the nonlinear deformation map denotes the deformation gradient $\mathbf{F}$, it maps from the material tangent space $T \mathcal{B}_{0}$ to the spatial tangent space $T\mathcal{B}_{t}$
\begin{equation}
\mathbf{F} = \nabla_0 \boldsymbol{\varphi}(\mathbf{X},t) : T\mathcal{B}_0 \to T\mathcal{B}_{t} \:.
\end{equation}
The determinant of the deformation gradient is the Jacobian $J=\det \mathbf{F} >0$ and relates the volume elements between the two configurations.
The right and left Cauchy-Green tensor $\mathbf{C} = \mathbf{F}^T \cdot \mathbf{F}$ and $\mathbf{b} = \mathbf{F} \cdot \mathbf{F}^T$ are introduced as characteristic strain measures.\\
In the following, the expression $\dot{\overline{ \{\circ\} }} = \partial_t \{\circ\} \vert_X $ is used for the material time derivative of a quantity $\{\circ\}$ at fixed material placement $\mathbf{X}$.
The presented formulation refers completely to the material configuration.
Therefore, $\nabla_0 \{\circ\}$ and $\Div \{\circ\}$ denote the (referential) gradient and divergence of any field $\{\circ\}$ with respect to the material placement $\mathbf{X}$.
A density quantity $\{\circ\}$ may be expressed per unit volume $\{\circ\}_0$ or per unit mass $\{\circ\}$, both related via the current referential \textit{nominal} density $\rho_{0}$ as $\{\circ\}_0 = \rho_{0} \{\circ\}$.
\subsection{Balance equations}
The balance of linear momentum is given by
\begin{equation}
\Div \mathbf{P} = \mathbf{0}
\end{equation}
with $\mathbf{P} = \mathbf{P} (\nabla_0 \boldsymbol{\varphi}, \rho_{0},...) $ the Piola stress tensor.
Since the time scale of inertial effects is significantly smaller than that of the remodelling process, the inertial term is neglected herein \citep{Frost1987}.
The loads applied during locomotion typically correspond to a multiple of gravity.
Therefore, body forces are usually not considered in bone remodelling as they are not the dominant stimulus \citep{Jacobs1995}.
The balance of mass is given by
\begin{equation}
\dot{\rho_{0}} = R_0
\end{equation}
where $R_0$ is the scalar-value mass source term.
As the actual \textit{nominal} density $\rho_{t} = {\rho_{0}}/{J}$ is time-dependent also due to the coupling with the Jacobian, it is useful to capture the evolution of the referential \textit{nominal} density $\rho_{0}$.
The relative change in (referential) nominal density $\tilde{\rho_{0}}$ is defined in terms of the \textit{initial} nominal density $\rho_{0}^\star$ as
\begin{equation}
\tilde{\rho_{0}} = \frac{\rho_{0}-\rho_{0}^\star}{\rho_{0}^\star} .
\end{equation}
Therefore, density gain results for values $\tilde{\rho_{0}} >0$ whereas density loss is obtained for $-1 < \tilde{\rho_{0}} < 0$.
\begin{figure}[ht]
\centering
\includegraphics[width=0.7\textwidth]{1-macro-micro_density.png}
\caption{Homogenised macro scale with nominal density $\rho_0(t)$ versus heterogeneous micro scale with true density $\rho_0^s$}
\label{fig:mic_mac}
\end{figure}
\subsection{Nominal versus true mass densities}
We distinguish between the homogenised macro scale with \textit{nominal} (time-evolving, referential) density $\rho_0=\rho_0(t)\in(0,\rho_0^s]$ occupying the (time-independent, referential) volume element $\d V$ and the heterogeneous micro scale with \textit{true} (time-independent, referential) density $\rho_0^s$ of the solid skeleton material occupying the (time-evolving, referential) partial volume element $\d V^s=\d V^s(t)\in(0,\d V]$, see Fig. \ref{fig:mic_mac}. The (time-evolving, referential) \textit{volume fraction} of solid skeleton material thus follows as
\begin{equation}
\nu_0=\nu_0(t):=\frac{\d V^s(t)}{\d V}=\frac{\rho_0(t)}{\rho_0^s}\in(0,1].
\end{equation}
The (referential) volume fraction $\nu_0(t)$ indicates how much space within a (referential) volume element $\d V$ at the macro scale is occupied by solid skeleton material, thus $1-\nu_0(t)$ denotes the (referential) volume fraction of the (empty) pore space.\\
At time $t=0$ the corresponding \textit{initial} values for the (referential) volume fraction $\nu_0(0)$, the (referential) partial volume element $\d V^s(0)$ and the nominal (referential) density $\rho_0(0)$ are related via
\begin{equation}
\nu_0^\star:=\frac{\d V^{s\star}}{\d V}=\frac{\rho_0^\star}{\rho_0^s}\in(0,1].
\end{equation}
and are denoted the \textit{initial} (referential) volume fraction $\nu_0^\star:=\nu_0(0)$, the \textit{initial} (referential) partial volume $\d V^{s\star}:=\d V^s(0)$ and the \textit{initial} nominal (referential) density $\rho_0^\star:=\rho_0(0)$, respectively. Typically, $\nu_0^\star$ is significantly higher for cortical bone as compared to cancellous bone.\\
Furthermore, we may distinguish between the \textit{nominal} relative (referential) density and its \textit{true} counterpart
\begin{equation}
\frac{\rho_0(t)}{\rho_0^\star}\equiv\frac{\nu_0(t)}{\nu_0^\star}\in(0,\infty)\quad\mbox{versus}\quad
\frac{\rho_0(t)}{\rho_0^s}\equiv\nu_0(t)\in(0,1]
\end{equation}
when phenomenologically modelling the homogenised mechanical properties of bone based on its skeleton structure at the micro scale, i.e. its \textit{microstructure}. In the following, the present contribution aims to rationalise various modelling options stemming from this distinction.
\subsection{Nominal versus true free energy densities}
Bone possesses a microstructure characterised by the spatially heterogeneous distribution of solid skeleton and pore space. The resulting structural bone properties of the heterogeneous solid skeleton at the micro scale may then be homogenised into \textit{nominal} bone properties of the effective material at the macro scale.\\
A simplistic, however efficient and effective homogenisation rule -- typically employed for cellular materials -- relates the \textit{true} material parameters of the solid skeleton at the micro scale to the corresponding effective, \textit{nominal} parameters of the homogenised material at the macro scale via a power $N$ of the \textit{initial} (referential) volume fraction $\nu_0^\star$. Let for example $\lambda^s$ and $\mu^s$ denote the Lamé parameters of the solid skeleton material. Then, the homogenised, effective bone material is characterised by the \textit{nominal} material parameters
\begin{equation}
\lambda^\star = [\nu_0^\star]^N \lambda^s \quad\mbox{and}\quad
\mu^\star = [\nu_0^\star]^N \mu^s \quad\mbox{with}\quad N=\left\lbrace 1,n \right\rbrace \:.
\end{equation}
Typically, the concrete values assumed for the \textit{homogenisation exponent} $N$ capture different microstructures and homogenisation approaches.
In this contribution, either the most elementary volumetric mixture rule with $N=1$ or a relation with $N=n$ shall be considered.
The latter is particularly motivated by the proposal of \citep{Gibson2005} postulating a dependence of the \textit{nominal} Young's modulus of a homogenised (linear elastic) porous material on the Young's modulus of the solid skeleton material via a power of the \textit{true} relative density.\\
In what follows we assume the concept of \textit{strain equivalence} as also employed in damage mechanics. To elucidate this aspect more concretely, we employ, without loss of generality, a (referential) volume-specific Neo-Hookean \textit{true} free energy density for the solid skeleton material
\begin{equation}
\Psi_0^s = \frac{1}{2} \lambda^s \ln^2 J +\frac{1}{2} \mu^s \left[ \mathbf{F} : \mathbf{F} -3-2\ln J \right] .
\end{equation}
Note that strain equivalence postulates identical 'strain' at the macro and the micro scale.
Thus, based on the \textit{nominal} material parameters, the corresponding (referential) volume- specific initial \textit{nominal} free energy follows from its \textit{true} counterpart as
\begin{equation}
\Psi_0^\star = [\nu_0^\star]^N \Psi_0^s\:.
\end{equation}
Concretely, the (referential) volume-specific Neo-Hookean initial \textit{nominal} free energy reads in terms of the \textit{nominal} Lamé parameters as
\begin{equation}
\Psi_0^\star = \frac{1}{2} \lambda^\star \ln^2 J +\frac{1}{2} \mu^\star \left[ \mathbf{F} : \mathbf{F} -3-2\ln J \right] \:.
\end{equation}
The \textit{initial} microstructure evolves with time due to remodelling into the \textit{current} microstructure, thus necessitating to express the (referential) volume-specific \textit{current} nominal free energy density $\Psi_0$ in terms of its \textit{initial} counterpart.
To this end, again motivated by \citep{Gibson2005}, when taking the microstructure of cellular materials into account, the (referential) volume-specific \textit{current} nominal free energy density $\Psi_0$ is determined by weighting its \textit{initial} nominal counterpart $\Psi_0^\star$ with a power $n$ of the \textit{nominal} relative density
\begin{equation}
\Psi_0 = \left[ \frac{\rho_{0}}{\rho_{0}^\star}\right]^n \Psi_0^\star \:.
\end{equation}
Then the Piola stress entering the equilibrium equation derives from the (referential) volume-specific \textit{current} nominal free energy density $\Psi_0$ as
\begin{equation}
\mathbf{P}:=\frac{\partial\Psi_0}{\partial\mathbf{F}}=\left[ \frac{\rho_0}{\rho_0^\star}\right]^n\frac{\partial\Psi_0^\star}{\partial\mathbf{F}}=:
\left[ \frac{\rho_0}{\rho_0^\star}\right]^n\mathbf{P}^\star
\end{equation}
and expands concretely for the Neo-Hookean case with the \textit{initial} Piola stress
\begin{equation}
\mathbf{P}^\star=\lambda^\star\ln J\,\mathbf{F}^{-t}+\mu^\star[\mathbf{F}-\mathbf{F}^{-t}]\:.
\end{equation}
Incorporating the (referential) volume-specific Neo-Hookean \textit{true} free energy density $\Psi_0^s$ eventually renders $\Psi_0$ in terms of the power $n$ of the \textit{true} relative density and the power $N-n$ of the \textit{initial} (referential) volume fraction
\begin{equation}
\Psi_0
= \left[ \frac{\rho_0}{\rho_0^s}\right]^n [\nu_0^\star]^{N-n}\, \Psi_0^s
= [\nu_0]^n [\nu_0^\star]^{N-n}\, \Psi_0^s\:.
\end{equation}
The exponent $n$ is typically set to $n=2$ for trabecular bone with low nominal density and to $n> 2$ for denser cancellous bone, compare to \citep{Rho1993} and \citep{Gibson2005}.\\
Setting finally the homogenisation exponent $N$ in particular to $N=n$ results in an expression for the (referential) volume-specific \textit{current} nominal free energy density $\Psi_0$ in terms of its \textit{true} counterpart and the \textit{true} relative density
\begin{equation}
\Psi_0 \stackrel{N=n}{=} \left[ \frac{\rho_0}{\rho_0^s}\right]^n \Psi_0^s
=[\nu_0]^n \Psi_0^s\:.
\end{equation}
Correspondingly, the Piola stress expands in this case as
\begin{equation}
\mathbf{P}\stackrel{N=n}{=}\left[ \frac{\rho_0}{\rho_0^s}\right]^n\frac{\partial\Psi_0^s}{\partial\mathbf{F}}=:
\left[ \frac{\rho_0}{\rho_0^s}\right]^n\big[\lambda^s\ln J\,\mathbf{F}^{-t}+\mu^s[\mathbf{F}-\mathbf{F}^{-t}]\big]\:.
\end{equation}
Setting $N=n$ tacitly assumes that the geometry of the microstructure is not distorted by the deformation (for example a circular pore remains a circular pore). In contrast, setting $N\not=n$ conceptually allows to distinguish between the \textit{initial} and the (deformation-dependent) \textit{current} microstructure, thus in general $n=n(\mathbf{F})$ with $N=n(\mathbf{I})$.\\
This contribution shall explore the consequences of two limiting cases by setting $N$ to either $N=1$ (volumetric mixture rule) or to $N=n$ (cellular material like homogenisation rule). More sophisticated scenarios with $n=n(\mathbf{F})$ where $N=n(\mathbf{I})$ shall not be analysed here.
\subsection{Mass density flux}
To model changes in the \textit{nominal} (referential) density $\rho_0$ incurred by mechanical stimuli, the volume-localised mass balance $\dot\rho_0=R_0$ is equipped with a (referential) source term $R_0$. Following \citep{Harrigan1993}, the (referential) mass source $R_0$ is expressed by the (referential) volume-specific \textit{current} nominal free energy density $\Psi_0$ and the \textit{nominal} relative density as
\begin{equation} \label{eq20}
R_{0} = c \left[ \left[ \frac{\rho_{0}}{\rho_{0}^\star} \right]^{-m} \, \Psi_{0} - \Psi_{0}^a \right] \:.
\end{equation}
Here, the parameter $c$ controls the speed of density evolution and has dimension of time divided by length squared.
The attractor stimulus $\Psi_{0}^a$ defines the biological equilibrium (homeostasis) to which the system is driving at constant (mechanical) stimulus.
The exponent $m$ is a material parameter particularising the mechanical stimulus \citep{Harrigan1993} in terms of the \textit{nominal} relative density.\\
The (referential) mass source may alternatively be expressed by the (referential) volume-specific \textit{initial} nominal free energy density $\Psi_0^\star$ or, likewise, by its \textit{true} counterpart $\Psi_0^s$ as
\begin{equation}
R_{0} = c \left[ \left[ \frac{\rho_{0}}{\rho_{0}^\star} \right]^{n-m} \, \Psi_{0}^\star - \Psi_{0}^a \right]
= c \left[ \left[ \frac{\rho_{0}}{\rho_{0}^s} \right]^{n-m} [\nu_0^\star]^{N-n+m}\, \Psi_{0}^s - \Psi_{0}^a \right] \:.
\end{equation}
We may deduce from this representation that the exponent $m$ is also crucial for the stability of the density evolution: at homeostasis ($R_0=0$) $\rho_{0}>\rho_{0}^\star$ for $\Psi_{0}^\star > \Psi_{0}^a$ only if $m-n>0$. In conclusion, the exponent $m$ should be chosen as $m>n$ \citep{Harrigan1994}, \citep{Kuhl2003}.\\
Setting finally the homogenisation exponent $N$ in particular to $N=n$ results in alternative expressions for the (referential) mass source
\begin{equation}
R_{0} = c \left[ \left[ \frac{\rho_{0}}{\rho_{0}^s} \right]^{n-m} [\nu_0^\star]^m\, \Psi_{0}^s - \Psi_{0}^a \right]
= c \left[ \left[ \frac{\rho_{0}}{\rho_{0}^\star} \right]^{n-m} [\nu_0^\star]^n\, \Psi_{0}^s - \Psi_{0}^a \right] \:.
\end{equation}
\section{Simulation and results} \label{Sec3}
The performance of the proposed model options ($N=n$ versus $N=1$) is demonstrated using classical benchmark problems.
The first example considers a unit square specimen as defined by \citep{Kuhl2003} to study temporal bone density evolution at a single point.
Second, we analyse the consequence of the spatial distribution of bone microstructure using a two-dimensional proximal femur head as given by \citep{Carter2010}.
\subsection{Investigating the influence of the initial volume fraction} \label{square}
To differentiate between cancellous and cortical bone tissue, the effect of the initial volume fraction shall be examined.
For this purpose, a simple unit square sample is studied, which is loaded in tension by a force function that increases stepwise as illustrated in Figure \ref{fig:square}.
\begin{figure}[ht]
\centering
\includegraphics[width=0.95\textwidth]{2-square-example.png}
\caption{Unit square example: specimen and load function}
\label{fig:square}
\end{figure}
The reference parameters are chosen similar to \citep{Kuhl2003}: \textit{true} elastic modulus $E^s=1.0$, Poisson's ratio $\nu^s=0.0$, attractor stimulus $\Psi_{0}^a=1.0$, parameter $m=3$ and parameter $n=2$.
The homogenisation exponent is chosen as $N=n$ as motivated by the proposal of \citep{Gibson2005}.\\
A \textit{true} density of the solid material $\rho_{0}^s=2 $, similar to \citep{Gibson2005}, is assumed for both bone microstructure types in the following.
It is known from measurements that the \textit{true} density of trabeculae is slightly smaller and the one of cortical bone fibrils slightly larger, see \citep{An2000}.
However, as the objective of this analysis is to point out the general trend in the evolution of the different tissue microstructures, the assumption of equal true density is sufficient in this context.
An initial \textit{nominal} density of $\rho_{0}^\star = 0.5 $ leading to an initial volume fraction of $\nu_0^\star= {\rho_{0}^\star}/{\rho_{0}^s}= {0.5}/{2}=0.25$ is chosen as representative of cancellous bone.
A comparatively high value of $\nu_0^\star= {\rho_{0}^\star}/{\rho_{0}^s}={1.8}/{2}=0.9$ is set for the volume fraction representing compact bone.
\begin{figure}[ht]
\centering
\includegraphics[width=1\textwidth]{3-square-Nn-volfraction.png}
\caption{Unit square example: evolution of relative change in nominal density and absolute nominal density with a variation in the initial volume fraction representing cortical and spongy bone}
\label{fig:sq_ks}
\end{figure}
As shown in Figure \ref{fig:sq_ks}, a small initial volume fraction (gray line) leads to rapid bone growth while a high value (black line) causes no density change in the first load step.
Only after increasing the load in the second step, and thus increasing the mechanical stimulus, an adaptation of bone density can be observed.\\
Cortical bone in the model therefore requires a significantly higher stimulus and grows less in relative terms.
But despite its rapid growth, the absolute density of cancellous bone still remains at a lower level.
\subsection{Investigating the effect of exponent $m$ and the attractor stimulus} \label{sec_m}
Due to its small surface area in relation to the volume, cortical bone adapts to the load conditions much slower and less than spongy bone.
Considering the mass source term in Equation \ref{eq20}, it appears that there are three parameters which can influence the behaviour of bone adaptation.
By reducing the parameter $c$, the speed of density evolution can be slowed down, but after a sufficiently long time the result always converges towards the same saturation level.
Therefore, a parameter adjustment of the exponent $m$ and the attractor stimulus $\Psi_{0}^a$ shall be considered for cortical bone with $\nu_0^\star=0.9$ and $N=n=2$.\\
In order to satisfy the stability criterion, the exponent $m$ must be selected greater than $n$, see \citep{Harrigan1993}.
Thus, $m=3$, $m=2.5$ and $m=10$ are investigated as depicted in Figure \ref{fig:sq_m}.
\begin{figure}[ht]
\centering
\includegraphics[width=1\textwidth]{4-square-Nn-m.png}
\caption{Unit square example: evolution of relative change in nominal density and absolute nominal density with variations of $m$ for cortical bone}
\label{fig:sq_m}
\end{figure}
As can be seen, reducing the exponent leads to an increase in density growth (dashed line).
In contrast, choosing a large value for the exponent $m$ tends to slow down the density evolution (dotted line).
One possibility to simulate the significantly reduced density evolution of compact bone compared to spongy bone would therefore be setting a relatively high exponent $m$.\\
A variation of the attractor stimulus is analysed in Figure \ref{fig:sq_psi}.
\begin{figure}[h]
\centering
\includegraphics[width=1\textwidth]{5-square-Nn-psi.png}
\caption{Unit square example: evolution of relative change in nominal density and absolute nominal density with variations of the attractor stimulus for cortical bone}
\label{fig:sq_psi}
\end{figure}
The dotted line in Figure \ref{fig:sq_psi} based on a relatively high attractor stimulus displays low density results.
Bone growth can not be achieved until the third load level.
Reducing the attractor stimulus (dashed line) results in an overall increased gain in nominal density.\\
Since cortical bone should neither grow nor absorb faster than cancellous bone, in the following, the same attractor stimulus will be assumed for both microstructure types.
\subsection{Investigating the interaction between cancellous and cortical bone} \label{sec_fem}
To analyse the local distribution of cortical and cancellous bone and their interaction, a two-dimensional proximal femur head is examined.
Three typical load cases representing the midstance phase of gait, extreme abduction and adduction are applied to the model as reported in \citep{Carter2010}.
In the calculations bi-linear element expansions with a 2x2 Gauss quadrature rule are used.
The mesh, see Figure \ref{fig:ini_d} (left), consists of 13317 elements and 13602 nodes.
The parameters are set as follows: Poisson's ratio $\nu^s=0.2$, attractor stimulus $\Psi_{0}^a = 0.01$, exponent $n=2$ and true solid material density $\rho_{0}^s = 2.0$.
An initial \textit{nominal} cortical density of $\rho_{0}^\star=1.825$, leading to an initial volume fraction of $\nu_0^\star= {\rho_{0}^\star}/{\rho_{0}^s}= {1.825}/{2}=0.9125$ is set for cortical bone (elements at the external boundary),
and $\rho_{0}^\star=0.55$ with $\nu_0^\star= {\rho_{0}^\star}/{\rho_{0}^s}= {0.55}/{2}=0.275$ for cancellous bone.
To avoid an abrupt unrealistic change between elements of different microstructure types, a small transition zone between both regions is created using a sigmoid function, see Figure \ref{fig:ini_d} (middle).\\
Four different models are studied and compared in the following, all using the homogenisation exponent $N=n=2$.
Selected parameters and thus the difference between the four models are illustrated in Table \ref{table:femur}.
\begin{table}[h]
\tbl{non-dimensionalised reference parameters of the four proxima femur models with $N=n=2$}
{\begin{tabular}{l|cccc} \toprule
& ${\nu_0^\star}$ of cancellous bone & ${\nu_0^\star}$ of cortical bone & $m$ of cancellous bone & $m$ of cortical bone \\
\toprule
Model 1 & 0.275 & --- & 3 & ---\\
Model 2 & 0.275 & 0.9125 & 3 & 3 \\
Model 3 & 0.275 & 0.9125 & 3 & 10 \\
Model 4 & 0.275 & 0.9125 & 3 & 18 \\
\hline
\end{tabular}}
\label{table:femur}
\end{table}
The first model represents the full spongy bone as reported in previous literature with an initial \textit{nominal} density of $\rho_{0}^\star=0.55$.
The second model differentiates between cortical and cancellous bone using the initial volume fraction or rather the initial \textit{nominal} density distribution as depicted in Figure \ref{fig:ini_d} (middle).\\
\begin{figure}[ht]
\centering
\includegraphics[width=1\textwidth]{6-femur-mesh.png}
\caption{Femur example: mesh and the distribution of the initial nominal density and the nominal Young's modulus}
\label{fig:ini_d}
\end{figure}
With a \textit{true} elastic modulus of $E^{s}=10000$, which is similarly documented for solid trabecular material by \citep{Rho1993} and \citep{Yamada2014}, and based on the quadratic relation $N=n=2$ between stiffness and \textit{nominal} density according to \citep{Gibson2005}, this results in a \textit{nominal} stiffness of $E^\star=756.25$ in the spongy region at an initial \textit{nominal} density of $\rho_{0}^\star=0.55$, which roughly reflects the magnitude of stiffness as reported in \citep{Wirtz2000} and which is also utilised in the full spongy model.
The maximum \textit{nominal} elastic modulus of cortical bone is approximately $E^\star=8327$ and thus significantly higher, see Figure \ref{fig:ini_d} (right).\\
Motivated by the results of section \ref{sec_m}, the third and fourth model include a variation of the exponent $m$.
While the exponent is always set to $m=3$ in the first and second model, the others include an increase within the cortical bone area to a maximum of $m=10$ in the third and $m=18$ in the fourth model.
The distribution of the exponent $m$ follows the respective volume fraction which indicates the type of bone microstructure.
A slight transition is implemented between the two bone types using an hyperbolic tangent function, see Figure \ref{fig:ini_m}.
\begin{figure}[ht]
\centering
\includegraphics[width=1\textwidth]{7-femur-initial-m.png}
\caption{Femur example: mesh zoom of femur head and distribution of exponent $m$ with $m=10$ and $m=18$ for cortical bone and $m=3$ for cancellous bone}
\label{fig:ini_m}
\end{figure}
The results for the evolution of the \textit{nominal} density are displayed for each model at different points in time in Figure \ref{fig:fem_n}.
\begin{figure}[ht]
\centering
\includegraphics[width=1\textwidth]{8-femur-Nn.png}
\caption{Femur example with $N=n=2$: temporal evolution of absolute nominal density of the full spongy model (top row) and with the differentiation of cancellous and cortical bone (second row) and a variation in $m$ for cortical bone: $m=10$ third row, $m=18$ last row}
\label{fig:fem_n}
\end{figure}
Comparing the first two rows, it becomes clear that the pattern of density evolution has changed remarkably.
The density growth in the femoral head and neck is significantly less intense when taking cortical bone into consideration.
Density loss increases and slightly shifts in the intertrochanter region, which leads to an obvious change in density pattern.
In areas with subliminal stress like the medial femur head, cortical bone decomposes slightly and at the same time ensures a less distinct density reduction in the adjacent spongy region.\\
Increasing the exponent $m$ in cortical bone (see row 3,4) suppresses its resorption and cortical bone remains, although weaker and thinner.
Density loss of cancellous bone in the intertrochanter region is reduced and an increase in density in the femoral neck, albeit small, can be observed compared to the second model.\\
In summary, it appears that cortical bone acts as a kind of stiffer shell.
Therefore, the interior of the femur head bears less load and cancellous bone does not adapt its density as much as in the first, full spongy model.
\subsection{Investigating the impact of the homogenisation exponent N}
Finally, the alternative volumetric mixture rule with $N=1$ shall be examined.
We first re-analyse the simple square example as described in section \ref{square} with a variation in the initial volume fraction and homogenisation exponent $N=1$, whereby all the other parameters remain unchanged.
The temporal evolution of the \textit{nominal} density is shown in Figure \ref{fig:sq_ks1}.
\begin{figure}[ht]
\centering
\includegraphics[width=1\textwidth]{9-square-N1-volfraction.png}
\caption{Unit square example: evolution of relative change in nominal density and absolute nominal density with N=1 and a variation in the initial volume fraction representing cortical and spongy bone}
\label{fig:sq_ks1}
\end{figure}
Comparing the results of $N=1$ with those of section \ref{square} in Figure \ref{fig:sq_ks}, it can be seen that density growth is reduced for an initial volume fraction of $\nu_0^\star=0.25$ (gray lines), whereas a reduction in density growth for an initial volume fraction of $\nu_0^\star=0.9$, which even leads to a small density loss in the first load step, is hardly visible (black lines).\\
The reason for this difference lies in the modified relationship between stiffness and \textit{nominal} density from quadratic to linear.
Whereas the initial \textit{nominal} stiffness has quadrupled ($1/0.25$) at an initial volume fraction of $\nu_0^\star=0.25$, the initial volume fraction of $\nu_0^\star=0.9$ yields only a factor of $1.111 = 1/0.9$.\\
Keeping this in mind, we again consider the proximal femur model, similar to section \ref{sec_fem}.
Setting the \textit{true} elastic modulus to $E^s=10000$ yields an initial \textit{nominal} stiffness of $E^\star=2750$ for spongy bone with $\nu_0^\star=0.275$ via the linear relationship, which is far too high.
Reducing the Young's modulus of the solid material to $E^s=2750$ results in the same $E^\star$ for cancellous bone as in section \ref{sec_fem}, see Figure \ref{fig:ini_E}.
However, the stiffness for cortical bone becomes much too small.\\
\begin{figure}[ht]
\centering
\includegraphics[width=0.7\textwidth]{10-femur-initial-E.png}
\caption{Femur example: distribution of nominal Young's modulus with exponent $N=1$ and $E^s=2750$ (left) versus $N=n=2$ and $E^s=10000$ (right)}
\label{fig:ini_E}
\end{figure}
Nevertheless, Figure \ref{fig:fem_1} shows the results of the four different models including the full spongy model, the distinction between cancellous and cortical bone with $m=3$, and two variations of the exponent $m$ for cortical bone, all calculated with a \textit{true} elastic modulus of $E^s=2750$ and an homogenisation exponent of $N=1$.
Since the \textit{true} Young's modulus has been properly adjusted and thus the \textit{nominal} stiffness as well as all the other parameters in the full spongy model correspond to those of section \ref{sec_fem}, the result is the same as can be seen in the first rows of Figure \ref{fig:fem_1} and \ref{fig:fem_n}.\\
When comparing the different homogenisation exponents for the second model, we note the significantly higher density growth in the area of the femoral neck, but also an increased bone loss in the area of the medial femoral head.
Furthermore, the pattern of density evolution more closely resembles that of the full spongy model, especially in the area of the greater trochanter.
This effect is enhanced when increasing the exponent $m$ for cortical bone, see Figure \ref{fig:fem_1} row 3 and 4.
In this scenario, cortical bone decomposes much more in subliminally loaded regions with $N=1$, especially with a small exponent $m$.\\
\begin{figure}[ht]
\centering
\includegraphics[width=1\textwidth]{11-femur-N1.png}
\caption{Femur example with $N=1$: temporal evolution of absolute nominal density without (top row) and with cortical bone and a variation in $m$ for cortical bone: $m=3$ second row, $m=10$ third row, $m=18$ last row}
\label{fig:fem_1}
\end{figure}
Overall, the application of the volumetric mixture rule with a homogenisation exponent of $N=1$ leads to a \textit{nominal} density distribution that is more similar to the full-spongy model.
However, ensuring a stiffness-density ratio for cancellous bone as motivated by literature will not simultaneously achieve a realistic ratio in the cortical area.
A further possible option would therefore be a separate definition of an individual \textit{true} Young's modulus for cortical bone, but will not be examined in this survey.
\section{Discussion and conclusion} \label{Sec4}
In this study the classical open-system model for bone remodelling by \citep{Kuhl2003} is modified to account for the initial \textit{nominal} density distribution especially at the end of long bones, where two microstructure types, the spongiosa and the compacta can be found.
A distinction is made between the two bone microstructure types by means of the initial volume fraction under the precondition that the same true bone material is assumed for both types.
The model was applied to a one-dimensional benchmark problem and the two-dimensional proximal femur head, which is a representative biomechanical problem.
We demonstrated that the additional modelling of cortical bone influences the density evolution of cancellous bone and should therefore be considered in future patient-specific simulations.
It should be emphasised that this is a first approach to take the local initial density distribution, the remodelling of cancellous and cortical bone and their interaction into account.
Still, realistic material parameters have to be defined via analyses of clinical data, as well as more exact modelling of the boundary conditions and the influence of muscles tendons and ligaments in everyday and extreme loading scenarios.
\section*{Disclosure statement}
None of the authors has a financial or personal relationship with other people or organizations that could
inappropriately bias his/her work.
\bibliographystyle{tfcse}
|
\section{Introduction}
\par
The $\nuc{He}{4}$ nuclei have been known to have large binding energy in the light mass region.
On the contrary, the relative interaction between $\nuc{He}{4}$ nuclei is weak.
Therefore, they can be subsystems called $\alpha$ clusters
in some of light nuclei~\cite{Brink,RevModPhys.90.035004}.
The search for the candidates for the $\alpha$ cluster structure has been performed for decades,
and the most famous example is the second $0^+$ state of $\nuc{C}{12}$
called Hoyle state, which has a developed three-$\alpha$ cluster structure~\cite{Hoyle1954,FREER20141}.
The cluster models have been found to be capable of describing various properties of the Hoyle state~\cite{PTPS.68.29,PhysRevLett.87.192501}.
\par
In most of the conventional cluster models, the clusters treated as subsystems
have been limited to nuclei corresponding to the closure
of the three-dimensional harmonic oscillator, such as $\nuc{He}{4}$, $\nuc{O}{16}$ and $\nuc{Ca}{40}$.
In these cases, the contribution of the non-central interactions (spin-orbit and tensor interactions) vanishes.
This is because
the closure configurations of the major shells can create only spin zero systems owing to the antisymmetrization effect.
This point was the big problem of these traditional cluster models;
the non-central interactions
work neither inside clusters nor between $\alpha$ clusters.
The spin-orbit interaction
is known to be quite important in nuclear systems, especially
in explaining the observed magic numbers;
the subclosure configurations of
the $jj$-coupling shell model
($f_{7/2}$, $g_{9/2}$, and $h_{11/2}$)
correspond to the observed magic numbers of $28$, $50$, and $126$~\cite{Mayer}.
Indeed this spin-orbit interaction is
known to work as a driving force to break the
traditional clusters
corresponding to the closures of the major shells,
when the model space is
extended and the path to another symmetry is opened~\cite{PhysRevC.70.054307}.
\par
To include the spin-orbit contribution
in the theoretical model starting with the traditional cluster model side,
we proposed the antisymmetrized quasi cluster model
(AQCM)~\cite{PhysRevC.94.064324,PhysRevC.73.034310,PhysRevC.75.054309,PhysRevC.79.034308,PhysRevC.83.014302,PhysRevC.87.054334,ptep093D01,ptep063D01,ptepptx161,PhysRevC.97.014307,PhysRevC.98.044306,PhysRevC.101.034304,PhysRevC.102.024332}.
This method allows us to smoothly transform $\alpha$ cluster model wave functions to
$jj$-coupling shell model ones, and
we call the clusters that feel the effect of the spin-orbit interaction owing to this model quasi clusters.
In AQCM,
we have two parameters: $R$ representing the distance between $\alpha$ clusters
and $\Lambda$ characterizing the transition of $\alpha$ cluster(s) to quasi cluster(s).
The $jj$-coupling shell model states can be obtained starting with the $\alpha$ cluster model
by changing $\alpha$ clusters to quasi clusters (giving finite $\Lambda$ values to $\alpha$ clusters)
and taking small distance limit of $R$.
It has been known that the conventional $\alpha$ cluster models cover the model space of closure of major shells
($N=2$, $N=8$, $N=20$, \textit{etc.}).
In addition, by changing $\alpha$ clusters to quasi clusters,
the subclosure configurations of the $jj$-coupling shell model,
$p_{3/2}$ ($N=6$), $d_{5/2}$ ($N=14$), $f_{7/2}$ ($N=28$), and $g_{9/2}$ ($N=50$),
which arise from the spin-orbit interaction in the mean-field,
can be described by our AQCM~\cite{ptep093D01}.
\par
We have previously introduced AQCM to $\nuc{C}{12}$ and discussed the
competition between the cluster states and $jj$-coupling shell model state~\cite{PhysRevC.94.064324}.
The consistent description of $\nuc{C}{12}$ and $\nuc{O}{16}$, which has been a long-standing problem
of microscopic cluster models, has been achieved.
In this paper, we examine again $\nuc{C}{12}$,
where not only the competition between the
cluster states and the lowest shell-model configuration,
the effect of single-particle excitation is further included
for the description of the ground state.
The mixing of the two-particle-two-hole excited states
owing to the pairing-like correlations is examined.
By extending AQCM, all of the basis states are prepared on the same footing, and they are superposed based on
the framework of the generator coordinate method (GCM).
Although it has been analytically shown to be feasible to prepare some of the two-particle-two-hole configurations of
the $jj$-coupling shell model within the framework of AQCM~\cite{ptepptx161},
here we try to use much simpler method.
The two-particle-two-hole states
around the optimal AQCM basis state are generated using numerical technique.
Owing to the generation of many states compared with our previous approach,
much larger effect for the lowering of the energy
due to the mixing of two-particle-two-hole states
will be discussed.
\par
The nucleus of $\nuc{C}{12}$ is the typical example which has both characters of cluster and shell aspects.
Recently, various kinds of microscopic approaches have shown the importance of
the mixing of shell and cluster components. Not only the energy levels,
various properties including electromagnetic transition strengths,
$\alpha$-decay widths, and scattering phenomena have been discussed~\cite{
PTP.117.655,
PhysRevLett.106.192501,
PhysRevLett.109.252501,
PhysRevC.91.024315,
PhysRevC.93.054307,
PhysRevLett.98.032501,
PhysRevLett.105.022501,
PhysRevC.36.54,
DESCOUVEMONT2002275,
DREYFUSS2013511,
PhysRevLett.113.012502,
PhysRevLett.111.092501,
PhysRevLett.118.152503,
Launey2018}.
Especially, based on the antisymmetrized molecular dynamics (AMD), the one-particle-one-hole states
are discussed in relation with the isoscalar monopole and dipole resonance strengths~\cite{PhysRevC.93.054307}.
In this approach, one-particle-one-hole states are expressed by the small shift of one particle
around the optimal AMD solution.
Here in our study, we focus on the two-particle-two-hole excitation,
which covers the model space of one-particle-one-hole excitation, and
the lowering of the energy owing to the effect of BCS-like paring can be clarified.
Some of the preceding works are based on modern \textit{ab initio} approaches, where the tensor and
short-range correlations are included.
Compared with these, our approach is rather phenomenological, but here
we examine the natural extension of the
AQCM framework and include both cluster dynamics and the single-particle excitation.
\par
This paper is organized as follows.
The framework is described in Sec.~\ref{Frame}.
The results are shown in Sec.~\ref{Results}.
The conclusions are presented in Sec.~\ref{Concl}.
\section{framework}
\label{Frame}
\subsection{Basic feature of AQCM}
\par
AQCM
allows the smooth transformation of the cluster model
wave functions to the $jj$-coupling shell model ones.
In AQCM, each single particle is described by a Gaussian form
as in many other cluster models including the Brink model~\cite{Brink},
\begin{equation}
\phi^{\tau, \sigma} \left( \bm{r} \right)
=
\left( \frac{2\nu}{\pi} \right)^{\frac{3}{4}}
\exp \left[- \nu \left(\bm{r} - \bm{\zeta} \right)^{2} \right] \chi^{\tau,\sigma},
\label{spwf}
\end{equation}
where the Gaussian center parameter $\bm{\zeta}$
is related to the expectation
value of the position of the nucleon,
and $\chi^{\tau,\sigma}$ is the spin-isospin part of the wave function.
For the size parameter $\nu$,
here we use $\nu = 0.23 \, \mathrm{fm}^{-2}$, which gives the optimal $0^+$ energy
of $\nuc{C}{12}$ within a single AQCM basis state.
The Slater determinant is constructed from
these single-particle wave functions by antisymmetrizing them.
\par
Next we focus on the Gaussian center parameters
$\left\{ \bm{\zeta}_i \right\}$.
As in other cluster models, here four single-particle
wave functions with different spin and isospin
sharing a common
$\bm{\zeta}$ value correspond to an $\alpha$ cluster.
This cluster wave function is transformed into
$jj$-coupling shell model based on the AQCM.
When the original value of the Gaussian center parameter $\bm{\zeta}$
is $\bm{R}$,
which is
real and
related to the spatial position of this nucleon,
it is transformed
by adding the imaginary part as
\begin{equation}
\bm{\zeta} = \bm{R} + i \Lambda \bm{e}^{\text{spin}} \times \bm{R},
\label{AQCM}
\end{equation}
where $\bm{e}^{\text{spin}}$ is a unit vector for the intrinsic-spin orientation of this
nucleon.
The control parameter $\Lambda$ is associated with the breaking of the cluster,
and with a finite value of $\Lambda$, the two nucleons with opposite spin orientations
have the $\bm{\zeta}$ values, which are complex conjugate with each other.
This situation corresponds to the time-reversal motion of two nucleons.
After this transformation, the $\alpha$ clusters are called quasi clusters.
\par
Here we explain the intuitive meaning of this procedure.
The inclusion of the imaginary part allows us to directly connect
the single-particle wave function
to the spherical harmonics of the
$jj$-coupling shell model.
Suppose that the Gaussian center parameter $\bm{\zeta}$ has the $x$ component,
and the spin direction is defined along the $z$ axis (this is spin-up nucleon).
According to Eq.~(\ref{AQCM}),
the imaginary part of $\bm{\zeta}$ is given to its $y$ component.
When we expand $-\nu \left(\bm{r} - \bm{\zeta} \right)^{2}$
in the exponent of Eq.~(\ref{spwf}),
a factor
$\exp \left[ 2 \nu \bm{\zeta} \cdot \bm{r} \right]$
corresponding to the cross term of this expansion
appears.
The factor
$\exp \left[ 2 \nu \bm{\zeta} \cdot \bm{r} \right]$
contains all the information of the angular momentum of this single particle.
The Taylor expansion allows us to show that
the $p$ wave component of $\exp \left[ 2 \nu \bm{\zeta} \cdot \bm{r} \right]$
is $2 \nu \bm{\zeta} \cdot \bm{r}$,
which is proportional to $\left( x + i \Lambda y \right)$.
At $\Lambda = 1$, this is proportional to $Y_{11}$ of the spherical harmonics.
The nucleon is spin-up, and thus
the coupling with the spin part gives the stretched state of the angular momentum,
$ \left| 3/2\ 3/2 \right\rangle $ of the $jj$-coupling shell model,
where the spin-orbit interaction acts attractively.
For the spin-down nucleon, we introduce the complex conjugate $\bm{\zeta}$ value,
which gives $ \left| 3/2\ -3/2 \right\rangle $.
\par
In the case of $\nuc{C}{12}$, we prepare three quasi clusters.
The next two nucleons are generated by rotating the $\bm{\zeta}$ values and spin-directions of these two nucleons by $2\pi/3$.
The last two nucleons are generated by changing the rotation angle to $4\pi/3$.
Eventually, all the six nucleons have spin-stretched states,
and after the antisymmetrization, the configuration becomes the subclosure configuration of
$ \left( s1/2 \right)^2 \left( p3/2 \right)^4$.
This procedure is applied for both proton and neutron parts.
The detail is shown in Ref.~\cite{PhysRevC.87.054334}.
\subsection{Standard AQCM for $\nuc{C}{12}$ \label{subsec-AQCM}}
\par
AQCM has been already applied to $\nuc{C}{12}$ and the essential part is recaptured here.
It has been well studied that the ground state is described by three quasi clusters
with equilateral triangular symmetry.
The parameter $R$ represents the distance between $\alpha$ clusters
with an equilateral triangular configuration, thus the distance from the origin for
each $\alpha$ cluster is $R/\sqrt{3}$.
Following Eq.~(\ref{AQCM}),
the Gaussian center parameters of the first quasi cluster are given as
\begin{equation}
\bm{\zeta}^{p\uparrow, n\uparrow}_1
=
R \left( \bm{e_x} + i \Lambda \bm{e_y} \right)/\sqrt{3},
\end{equation}
for spin-up proton ($\bm{\zeta}^{p\uparrow}_1$) and neutron ($\bm{\zeta}^{n\uparrow}_1$) and
\begin{equation}
\bm{\zeta}^{p\downarrow, n\downarrow}_1
=
R \left( \bm{e_x} - i \Lambda \bm{e_y} \right)/\sqrt{3},
\end{equation}
for spin-down proton ($\bm{\zeta}^{p\downarrow}_1$) and neutron.($\bm{\zeta}^{n\downarrow}_1$).
Here $\bm{e_x}$ and $\bm{e_y}$ are unit vectors of the $x$- and $y$-axis, respectively.
The spin-isospin part of the wave function are denoted as
$\chi^{p\uparrow}_1$, $\chi^{n\uparrow}_1$, $\chi^{p\downarrow}_1$, and $\chi^{n\downarrow}_1$,
for spin-up proton, spin-up neutron, spin-down proton, and spin-down neutron in the first quasi cluster.
For the second and third quasi clusters, we introduce a rotation operator around the $y$ axis
$\hat{R}_y\left(\Omega\right)$.
The Gaussian center parameters of the four nucleons in the second quasi cluster
are generated by rotating the those in the first quasi cluster around the $y$ axis
by $2\pi /3$ radian;
\begin{equation}
\bm{\zeta}^{p\uparrow, n\uparrow, p\downarrow, n\downarrow}_2
=
\hat{R}_y \left(2\pi/3\right)
\bm{\zeta}^{p\uparrow, n\uparrow, p\downarrow, n\downarrow}_1.
\end{equation}
It is important to note that the spin-isospin part
($\chi^{p\uparrow}_2$, $\chi^{n\uparrow}_2$, $\chi^{p\downarrow}_2$, and $\chi^{n\downarrow}_2$)
also needs to be rotated as
\begin{equation}
\chi^{p\uparrow, n\uparrow, p\downarrow, n\downarrow}_2
=
\hat{R}_y \left(2\pi/3\right)
\chi^{p\uparrow, n\uparrow, p\downarrow, n\downarrow}_1,
\end{equation}
where the axis of the spin orientation is also tilted around the $y$ axis by $2\pi/3$ radian
(but the isospin parts do not change).
The third quasi cluster is introduced by changing the rotation angle around the $y$ axis to $4\pi/3$ radian,
\begin{equation}
\bm{\zeta}^{p\uparrow, n\uparrow, p\downarrow, n\downarrow}_3
=
\hat{R}_y \left(4\pi/3\right)
\bm{\zeta}^{p\uparrow, n\uparrow, p\downarrow, n\downarrow}_1,
\end{equation}
for the Gaussian center parameters
($\bm{\zeta}^{p\uparrow}_3$, $\bm{\zeta}^{n\uparrow}_3$, $\bm{\zeta}^{p\downarrow}_3$, and $\bm{\zeta}^{n\downarrow}_3$)
and
\begin{equation}
\chi^{p\uparrow, n\uparrow, p\downarrow, n\downarrow}_3
=
\hat{R}_y \left(4\pi/3\right)
\chi^{p\uparrow, n\uparrow, p\downarrow, n\downarrow}_1,
\end{equation}
for the spin-isospin part ($\chi^{p\uparrow}_3$, $\chi^{n\uparrow}_3$, $\chi^{p\downarrow}_3$, and $\chi^{n\downarrow}_3$).
\par
For the values of $R$ and $\Lambda$, we introduce
$R = 0.5$, $1.0$, $1.5$, $2.0$, $2.5$, $3.0 \, \mathrm{fm}$ and
$\Lambda = 0.0$, $0.2$, $0.4$. These 18 basis states are superposed based on GCM.
\subsection{Two-particle-two-hole states of $\nuc{C}{12}$ \label{subsec-2p2h}}
\par
The innovation of the present study is the inclusion of many two-particle-two-hole states,
by which pairing-like correlation can be taken into account.
These two-particle-two-hole basis states are generated
from the optimal AQCM basis state.
It will be shown that the AQCM basis state with $R = 2.1\,\mathrm{fm}$ and $\Lambda = 0.2$
gives the lowest energy, and Gaussian center parameters of two nucleons
in the first quasi cluster
are shifted from this basis state using the random numbers.
We consider two sets of the basis states;
shifted two particles
in the first quasi cluster
are either protons (with spin-up and spin-down)
or neutrons (with spin-up and spin-down).
Both of these two corresponds to the
isovector pairing-like excitation of protons and neutrons.
In principle, it is possible to consider the isoscalar pairing
of proton-neutron excitation, but this effect will be shown to be small,
maybe because the proton-neutron correlation is already
included in the quasi cluster model.
Here, the distance of the shifts are giving using a random numbers $\left\{ r_i \right\}$,
which has the probability distribution $P\left(\left|r_i\right|\right)$
proportional to $\exp \left[-\left|r_i\right| / \sigma \right]$,
\begin{equation}
P \left( \left| r_i \right| \right) \propto \exp \left[- \left| r_i \right| / \sigma \right].
\end{equation}
The value of $\sigma$ is chosen to be $1\,\mathrm{fm} $.
After generating $\left\{ r_i \right\}$, we multiply the sign factor to each $r_i$,
which allows $r_i$ to be positive and negative with equal probability.
The shifts of all three ($x$, $y$, $z$) directions
for the two nucleons originally in the first quasi cluster are given using random numbers generated in this way.
Importantly, the random numbers used for the proton-proton excitation
are identical to those of neutron-neutron excitation.
Therefore, the model space still keeps the room to be isoscalar,
which is achieved when the amplitude for the wave functions for
the proton excitation and neutron excitation are obtained to be identical.
The mixing of the isovector component in the wave function
is not the numerical artefact but due to the presence of the Coulomb interaction.
\par
It is known that proton-neutron pairing is quite important in $N=Z$ nuclei~\cite{SATULA19971,
PhysRevLett.78.3266,
PhysRevC.87.034310,
Sagawa_2016},
which can be probed in the same manner.
For the basis states corresponding to the proton-neutron pairing,
the Gaussian center parameters of spin-up proton and spin-up neutron
in one quasi cluster are randomly generated.
However, the number of basis states must to be reduced
due to the computational time.
\subsection{Superposition of the basis states}
\par
The 18 AQCM basis states
introduced in \ref{subsec-AQCM}
($R = 0.5$, $1.0$, $1.5$, $2.0$, $2.5$, $3.0 \, \mathrm{fm}$ and
$\Lambda = 0.0$, $0.2$, $0.4$) and
$100$ two-particle-two-hole states
introduced in \ref{subsec-2p2h}
($50$ are for proton-proton excitation and $50$ are for neutron-neutron excitation)
are superposed based on GCM.
These $118$ basis states are abbreviated to $\left\{ \Phi_i \right\}$ ($i=1$--$118$).
They are projected to the eigen states of parity and angular momentum by
using the projection operator $P_{J^\pi}^K$,
\begin{equation}
P_{J^\pi}^K
=
P^\pi \frac{2J+1}{8\pi^2}
\int d\Omega \, {D_{MK}^J}^* R \left(\Omega \right).
\end{equation}
Here ${D_{MK}^J}$ is the Wigner $D$-function
and $R\left(\Omega\right)$ is the rotation operator
for the spatial and spin parts of the wave function.
This integration over the Euler angle $\Omega$ is numerically performed.
The operator $P^\pi$ is for the parity projection ($P^\pi = \left(1+P^r\right) / \sqrt{2}$ for
the positive-parity states, where $P^r$ is the parity-inversion operator),
which is also performed numerically.
This angular momentum projection enables to generate different $K$ number states
as independent basis states
from each Slater determinant.
Therefore, the total wave function $\Psi_{J^\pi}$ after the $K$-mixing is denoted as
\begin{equation}
\Psi_{J^\pi} = \sum_{i,K} c^K_i P_{J^\pi}^K \Phi_i.
\end{equation}
The coefficients $\left\{ c^K_i \right\}$ are obtained together with the energy eigenvalue $E$
when we diagonalize the norm and Hamiltonian ($H$) matrices, namely
by solving the Hill-Wheeler equation.
Even if the number of the basis states is 118 for the $0^+$ state,
which has only $K=0$,
the dimension of the matrices for the
other $J^\pi$ states increases through the $K$-mixing process.
\subsection{Hamiltonian}
\par
The Hamiltonian consists of the kinetic energy and
potential energy terms.
For the potential part, the interaction consists of the central
($\hat{V}_{\text{central}}$),
spin-orbit
($\hat{V}_{\text{spin-orbit}}$),
and
Coulomb terms. For the central part, the Tohsaki interaction~\cite{PhysRevC.49.1814}
is adopted. This interaction has finite range three-body terms in
addition to two-body terms, which is designed to reproduce both saturation
properties and scattering phase shifts of two $\alpha$ clusters. For the spin-orbit part,
we use the spin-orbit term of the G3RS interaction~\cite{PTP.39.91}, which is a realistic
interaction originally developed to reproduce the nucleon-nucleon scattering phase
shifts.
\par
The Tohsaki interaction
consists of two-body ($V^{\text{(2)}}$) and three-body ($V^{\text{(3)}}$) terms:
\begin{equation}
\hat{V}_{\text{central}}
=
\frac{1}{2} \sum_{i \neq j} V^{\text{(2)}}_{ij}
+
\frac{1}{6} \sum_{i \neq j, j \neq k, i \neq k} V^{\text{(3)}}_{ijk},
\end{equation}
where $V^{\text{(2)}}_{ij}$ and $V^{\text{(3)}}_{ijk}$ have three ranges,
\begin{align}
V^{\text{(2)}}_{ij}
= & \,
\sum_{\alpha=1}^3
V^{\text{(2)}}_\alpha
\exp\left[- \frac{\left(\vec{r}_i - \vec{r}_j \right)^2}{\mu_\alpha^2} \right]
\left(W^{\text{(2)}}_\alpha - M^{\text{(2)}}_\alpha P^\sigma P^\tau \right)_{ij},
\label{2body} \\
V^{\text{(3)}}_{ijk}
= & \,
\sum_{\alpha=1}^3
V^{\text{(3)}}_\alpha
\exp\left[- \frac{\left(\vec r_i - \vec r_j \right)^2}{\mu_\alpha^2}
-
\frac{\left(\vec r_i - \vec r_k\right)^2}{\mu_\alpha^2} \right]
\notag \\
& \times
\left( W_\alpha^{\text{(3)}} - M_\alpha^{\text{(3)}} P^\sigma P^\tau \right)_{ij}
\left( W_\alpha^{\text{(3)}} - M_\alpha^{\text{(3)}} P^\sigma P^\tau \right)_{ik}.
\end{align}
Here, $P^\sigma P^\tau$ represents the exchange of the spin-isospin part of the wave functions
of interacting two nucleons.
The physical coordinate for the $i$th nucleon is $\vec{r}_i$.
The details of the parameters are shown in Ref.~\cite{PhysRevC.49.1814},
but we use F1' parameter set for the Majorana parameter ($M_\alpha^{\text{(3)}}$) of the
three-body part introduced in Ref.~\cite{PhysRevC.94.064324}.
\par
The G3RS interaction~\cite{PTP.39.91}
is a realistic interaction, and the spin-orbit term has the following form;
\begin{equation}
\hat{V}_{\text{spin-orbit}}
=
\frac{1}{2} \sum_{i \ne j} V^{ls}_{ij},
\end{equation}
where
\begin{equation}
V^{ls}_{ij}
=
\left(
V_{ls}^1 e^{-d_{1} \left( \vec{r}_i - \vec{r}_j \right)^{2}}
-
V_{ls}^2 e^{-d_{2} \left( \vec{r}_i - \vec{r}_j \right)^{2}} \right)
P\left({}^{3}O\right)
{\vec{L}}\cdot{\vec{S}}.
\label{Vls}
\end{equation}
Here, $\vec{L}$ is the angular momentum for the relative motion
between the $i$th and $j$th nucleons, and $\vec{S}$ is the sum of the spin operator
for these two interacting nucleons.
The operator $P\left({}^{3}O\right)$ stands for the projection onto the triplet-odd state.
The strength of the spin-orbit interactions is set to $V_{ls}^1=V_{ls}^2=1800 \, \mathrm{MeV}$,
which allows consistent description of $\nuc{C}{12}$ and $\nuc{O}{16}$~\cite{PhysRevC.94.064324}.
\section{Results}
\label{Results}
\subsection{AQCM basis states}
\begin{figure}
\centering
\includegraphics[width=5.5cm]{aqcm-ec.eps}
\caption{
$0^+$ energy curves
of $\nuc{C}{12}$ calculated with AQCM.
The horizontal axis
shows
the parameter $R$ representing the distance between the quasi clusters
with the equilateral triangular configuration.
The dotted, solid, and dashed curves are the
cases of $\Lambda$ equal to $0.0$, $0.2$, and $0.4$.}
\label{aqcm-ec}
\end{figure}
\par
We start the discussion
with the result of AQCM basis states.
Figure~\ref{aqcm-ec} shows
the $0^+$ energy curves
of $\nuc{C}{12}$ calculated with AQCM.
The horizontal axis shows
the parameter $R$ representing the distance between the quasi clusters
with the equilateral triangular configuration.
The dotted, solid, and dashed curves are the
cases of $\Lambda$ equal to $0.0$, $0.2$, and $0.4$.
The dotted line ($\Lambda = 0.0$) is the case of three $\alpha$ cluster model
with the equilateral triangular configuration without the
$\alpha$ breaking effect and resultant spin-orbit contribution,
and the spin-orbit effect is included by setting $\Lambda$ to finite values.
The $\alpha$ cluster model (dotted line)
gives the lowest energy with large $R$ value of $\simeq 3 \, \mathrm{fm}$,
but the spin-orbit interaction strongly lowers AQCM states (finite $\Lambda$) with smaller $R$ values.
However, the finite $\Lambda$ values cause the increase of the kinetic energy,
and the optimal state is obtained as a balance of these two factors.
The optimal energy of $-86.68 \, \mathrm{MeV}$ is obtained around $R = 2.1 \, \mathrm{fm}$ with $\Lambda=0.2$.
\par
After superposing 18 AQCM basis states
($R = 0.5$, $1.0$, $1.5$, $2.0$, $2.5$, $3.0\,\mathrm{fm}$ and
$\Lambda = 0.0$, $0.2$, $0.4$),
we obtain the lowest $0^+$ state at $-88.04 \, \mathrm{MeV}$,
lower than the energy of the optimal basis state
($R = 2.1\,\mathrm{fm}$, $\Lambda=0.2$)
by about $1.4\,\mathrm{MeV}$.
\subsection{Inclusion of two-particle-two-hole states}
\begin{figure}
\centering
\includegraphics[width=5.5cm]{c12-118b.eps}
\caption{
Energy convergence for the $0^+$ state of $\nuc{C}{12}$;
100 two-particle-two-hole
basis states are coupled to the $18$ AQCM basis states.
The basis states from $19$ to $68$ on the horizontal axis are excited states of the two protons,
and from $69$ to $118$ are excited states of the two neutrons.}
\label{c12-118b}
\end{figure}
\par
Then we mix the two-particle-two-hole states to the AQCM basis states.
Figure~\ref{c12-118b} shows the energy convergence for the $0^+$ state of $\nuc{C}{12}$
when we add $100$ two-particle-two-hole
basis states to the $18$ AQCM basis states.
The basis states from $19$ to $68$ on the horizontal axis are excited states of the two protons,
and from $69$ to $118$ are excited states of the two neutrons.
The inclusion of the proton excited states ($69$--$118$ on the horizontal axis)
has an effect of the lowering of the energy by about $2\,\mathrm{MeV}$,
which is quite large.
It is not perfect due to the limitation of the model space, but
the energy is almost converged within the $50$ basis states.
\par
Next, we start superposing the basis states corresponding the two-particle-two-hole
excitation of the neutrons from $69$ on the horizontal axis.
At first, the energy again strongly decreases.
This is because the mixing of the excited states of the neutrons
has the effect of the restoration of the isospin symmetry.
The isospin symmetry is broken when proton excited states are included,
and the broken symmetry is restored by the inclusion of the neutron excited states.
As mentioned in the framework section, the random numbers to
shift of the Gaussian centers of the two nucleons from
the quasi cluster are identical in both cases of proton excitation and neutron excitation.
Thus the model space still contains the room to form
the isoscalar configuration even after two-particle-two-hole effect is considered;
indeed the isospin symmetry is broken by the Coulomb interaction.
The $0^+$ energy converges to $-91.66\,\mathrm{MeV}$, and the mixing of the two-particle-two-hole
states contributed to the lowering of the ground state energy by more than $3.5\,\mathrm{MeV}$
(the experimental energy of $\nuc{C}{12}$ ground state is $-92.2\,\mathrm{MeV}$).
\subsection{Level spacing of $0^+$ and $2^+$}
\begin{figure}
\centering
\includegraphics[width=5.5cm]{level-space.eps}
\caption{
$0^+$--$2^+$ energy spacing of $\nuc{C}{12}$.
The column ``AQCM'' shows the result obtained after diagonalizing the
Hamiltonian consisting of the $18$ AQCM basis states with $K=0$.
The column ``$p$-2p2h'' shows the result after adding $50$ two-particle-two-hole states for the protons
within $K=0$.
In the column ``$n$-2p2h'', $50$ two-particle-two-hole states for the neutrons are mixed,
where $K$ quantum number is still fixed to $K=0$.
The mixing of the two-particle-two-hole states allows the $K$-mixing for the $2^+$ state,
and the effect is shown in the column ``$K$-mixing''.}
\label{level-space}
\end{figure}
\par
It has been known that traditional $\alpha$ cluster models give
very small level spacing for the ground $0^+$ and first $2^+$ state;
normally the value is about $2$--$3\,\mathrm{MeV}$ compared with the observed value of $4.6\,\mathrm{MeV}$.
It is also known that this defect can be overcome by including the $\alpha$ breaking
effect. The ground state corresponds to the subclosure configuration
of $p_{3/2}$ in terms of the $jj$-coupling model, and
the spin-orbit interaction works attractively especially for the $0^+$
state (on the other hand, the excitation to spin-orbit unfavored orbits mixes in the $2^+$ state).
\par
Our result for the $0^+$--$2^+$ energy spacing is summarized in Fig.~\ref{level-space}.
Here, the column ``AQCM'' shows the result obtained after diagonalizing the
Hamiltonian consisting of the 18 AQCM basis states.
The $0^+$--$2^+$ energy spacing is obtained as $3.9\,\mathrm{MeV}$,
slightly smaller than the experiment.
The AQCM model space only contains the $K=0$ component.
The column ``$p$-2p2h'' shows the result after adding $50$ two-particle-two-hole states for the protons,
where $K$ quantum number is still fixed to $K=0$.
The mixing of $50$ two-particle-two-hole states strongly contributes to the lowering of
the ground state, and the $0^+$--$2^+$ energy spacing increases to $5.1\,\mathrm{MeV}$, larger than the experiment.
In the column ``$n$-2p2h'', the two-particle-two-hole states for the neutrons are mixed,
where $K$ quantum number is still fixed to $K=0$.
The $0^+$--$2^+$ energy spacing further increases to $6.7\,\mathrm{MeV}$,
quite larger than the experiment.
The result shows that the BCS-like pairing effect is quite important for the $0^+$ state
and increases the level spacing
between $0^+$ and $2^+$.
However, the mixing of the two-particle-two-hole states allows the $K$-mixing for the $2^+$ state.
The angular momentum projection procedure produces different $K$ states
($K=1$, $2$) as independent basis states
from each two-particle-two-hole state,
while AQCM basis states ($i=1$--$18$) only contains the $K=0$ component
due to the symmetry of the equilateral triangular ($D_{3h}$) symmetry
even after breaking $\alpha$ clusters.
After taking into account this $K$-mixing effect,
as shown in the column ``$K$-mixing'', the energy of the $2^+$ state significantly comes down
and finally the spacing becomes 4.9~MeV, quite reasonable value.
\subsection{Isospin mixing in the ground state}
\par
The $\alpha$ cluster wave function is isoscalar, and this situation is the same
even if we change $\alpha$ clusters to quasi clusters.
However, here we included in the model space the two-particle-two-hole excitation of protons
and neutrons as independent basis states,
thus the isospin symmetry can be broken by the Coulomb interaction
(the nuclear part of the interaction is still isoscalar).
The mixing of the finite isospin can be estimated by the square of the isospin operator.
However, the square of the isospin operator is always constant,
thus here we consider the square of the isospin operator after running
the summation over the particle,
As a result, the operator becomes two-body one,
\begin{equation}
\hat{O}^{T^2}=\sum_{i,j} \bm{\tau}_i \cdot \bm{\tau}_j,
\end{equation}
where $\bm{\tau}_i$ is the isospin operator for the $i$-th nucleon.
The ground state of the present model gives the value of $0.016$.
The eigen values of this operator are $0$, $2$, and $6$ for the $T=0$, $T=1$, and $T=2$ state, respectively.
Thus, the present value of $0.016$ means that the isospin is broken at least
by the order of $10^{-3}$, which is consistent with other calculations.
For instance, the mixing of $T=1$ component in the order of $10^{-4}$
in $\nuc{Be}{8}$ is discussed based on the Green's Function Monte Carlo approach~\cite{PhysRevC.88.044333};
however the breaking of the
isospin symmetry is taken into account in the nuclear interaction level there, contrary to the present work.
As mentioned previously, our model space has the room to form the isoscalar configuration,
thus the present result of the isospin mixing is not the numerical artefact.
\subsection{Principal quantum number}
\par
The physical quantity which reflect the mixing of two-particle-two-hole excitation is required
to confirm the effect. As such candidate,
the expectation value of the principal quantum number $\hat{N}$ of the harmonic oscillator,
\begin{equation}
\hat{N} = \sum_i \bm{a}^\dagger_i \cdot \bm{a}_i,
\end{equation}
can be easily calculated.
Here the summation is over all the nucleons.
The lowest value for $\nuc{C}{12}$ is $8$, corresponding to the state, where four nucleons are in
the lowest $s$ shell and eight nucleons are in the $p$ shell.
The result obtained with the $18$ AQCM basis states give the value of $9.15$,
and after inclusion of the two-particle-two-hole state, the values slightly changes
to $9.13$, but almost identical.
Thus, unfortunately, this quantity cannot be utilized
to discriminate the effect of two-particle-two-hole states.
\subsection{Effect of the proton-neutron pairing}
\par
We have examined the effect of two-particle-two-hole of protons and neutrons.
However, it is known that proton-neutron pairing is quite important in $N=Z$ nuclei~\cite{SATULA19971,
PhysRevLett.78.3266,
PhysRevC.87.034310,
Sagawa_2016}.
We can partially probe this effect; however, it is necessary to reduce the number of
the basis states for each component of the two-particle-two-hole excitation
from $50$ to $40$ because of the calculation time.
For the basis states corresponding to the proton-neutron pairing,
the Gaussian center parameters of spin-up proton and spin-up neutron
in one quasi cluster are randomly generated.
\begin{figure}
\centering
\includegraphics[width=5.5cm]{c12-138b.eps}
\caption{
Energy convergence for the $0^+$ state of $\nuc{C}{12}$;
$120$ two-particle-two-hole
basis states are coupled to the $18$ AQCM basis states.
The basis states from $19$ to $58$ on the horizontal axis are excited states of the two protons,
from $59$ to $98$ are excited states of the two neutrons,
and from $99$ to $118$ are excited states of a proton and a neutron.
}
\label{c12-138b}
\end{figure}
\par
The energy convergence for the $0^+$ state of $\nuc{C}{12}$
is shown in Fig.~\ref{c12-138b}; $120$ two-particle-two-hole
basis states are coupled to the $18$ AQCM basis states.
The basis states from $19$ to $58$ on the horizontal axis are excited states of the two protons,
from $59$ to $98$ are excited states of the two neutrons,
and from $99$ to $118$ are excited states of a proton and a neutron.
The number of basis states is not enough and the energy convergence is not perfect;
nevertheless, we can see the basic trend.
Unexpectedly,
the contribution of the proton-neutron excitation is rather limited.
It is considered that the proton-neutron correlations are already included within the
dynamics of the three quasi cluster model.
\section{Conclusions}
\label{Concl}
\par
It has been shown that
the cluster and single-particle correlations are taken into account in the ground state of $\nuc{C}{12}$.
The recent development of the antisymmetrized quasi cluster model (AQCM) allows us to
generate $jj$-coupling shell model wave functions
from $\alpha$ clusters models.
The cluster dynamics and the competition with the
$jj$-coupling shell-model structure can be estimated rather easily.
In the present study, we further included the effect of single-particle excitation;
the mixing of the two-particle-two-hole excited states was considered.
The single-particle excitation
had not always been taken into account in the standard cluster model analyses.
\par
The two-particle-two-hole states are found to strongly contribute to the lowering
of the ground state owing to the pairing-like correlations.
By extending AQCM, all of the basis states were prepared on the same footing, and they were superposed based on
the framework of GCM.
For the preparation of the two-particle-two-hole states, we used random numbers to
the shift of the Gaussian centers of the two nucleons from
the quasi cluster.
It is stressed that identical sets of random numbers were used in generating the baiss states of both proton excitation and neutron excitation.
Thus, in principle, the model space contains the room to form
the isoscalar configuration even after two-particle-two-hole effect is considered.
The $0^+$ energy converges to $-91.66\,\mathrm{MeV}$
compared with the experimental value of $-92.2\,\mathrm{MeV}$,
and the mixing of the two-particle-two-hole
states contributed to the lowering of the ground state energy by more than $3.5\,\mathrm{MeV}$.
\par
The isospin symmetry is now broken by the Coulomb interaction,
which can be estimated by the square of the isospin operator.
The ground state of the present model gives the value of $0.016$.
The eigenvalues of this operator are $0$, $2$, and $6$ for the $T=0$, $T=1$, and $T=2$ state, respectively.
Thus, the present value of $0.016$ means that the isospin is broken at least
by the order of $10^{-3}$.
\par
The physical quantity which reflects the mixing of two-particle-two-hole excitation is required
to confirm the effect.
As such a candidate,
the expectation value of the principal quantum number $\hat{N}$ of the harmonic oscillator
was calculated.
The result obtained with the $18$ AQCM basis states gives the value of $9.15$,
and after inclusion of the two-particle-two-hole state, the value slightly changes
to $9.13$, but almost identical. Thus, unfortunately, this quantity cannot be utilized
to discriminate the effect of two-particle-two-hole states.
\par
The proton-neutron pairing is known to play an important in $N=Z$ nuclei,
and
we can prepare proton-neutron two-particle-two-hole states as the basis states, but
unexpectedly, the contribution is rather limited.
It is considered that the proton-neutron correlations are already included within the
dynamics of the three quasi clusters in the present model.
\begin{acknowledgments}
This work was supported by JSPS KAKENHI Grant Number 19J20543.
The numerical calculations have been performed using the computer facility of
Yukawa Institute for Theoretical Physics,
Kyoto University.
\end{acknowledgments}
|
\section{Introduction}
Highly excited Rydberg atoms enable long-range controllable atom-atom interactions \cite{Saffman2010}. This property has been used to demonstrate entanglement \cite{Wilk2010, Levine2018} and quantum gates between individual atoms \cite{Isenhower2010,Maller2015} and more recently quantum simulation in atomic arrays \cite{Bernien2017,Barredo2018}. Besides using individual atoms, another approach currently investigated is to use ensembles of highly excited Rydberg atoms, which on top of providing a medium with long-range controllable interaction between atoms also allows an efficient quantum light-matter interface. These properties lead to optical nonlinearities at the single-photon level \cite{Peyronel2012,Firstenberg2013,ParisMandoki2017} that can be used for quantum nonlinear optics \cite{Chang2014a,Firstenberg2016} and quantum information applications. The use of ensemble-based Rydberg mediated interactions has been explored within a range of schemes, such as single-photon level transistors and switches \cite{Tiarks2014a, Gorniaczyk2014a, Baur2014a}, photon-photon interactions \cite{Busche2017} and gates \cite{Tiarks2019}. Ensembles of Rydberg atoms can also be used to generate single photons in a quasi-deterministic fashion \cite{Dudin2012,Maxwell2013,Li2016,Li2016a}, contrary to ground state ensembles which usually rely on probabilistic or heralded schemes \cite{Duan2001}.
The use of electromagnetically induced transparency (EIT) with Rydberg excited levels \cite{Mohapatra2007} provides an efficient way of mapping light onto Rydberg excitations, leading to the creation of strong optical nonlinearities in the transmitted light thanks to the phenomenon of Rydberg blockade. Under EIT conditions, probe photons ($\Omega_p$) resonant with a ground-to-excited state transition $\ket{g}\to \ket{e}$ can coherently propagate within a narrow transparency window with the use of an additional resonant control field ($\Omega_c$) that couples $\ket{e}$ to a metastable state $\ket{r}$ (see Fig. 1c). This allows probe photons to be mapped onto dark-state polaritons, propagating with a group velocity $v_{gr}$ much smaller than the velocity of light in vacuum $c$. However, if $\ket{r}$ is a Rydberg level, the dipole-dipole interaction prevents the excitation of two atoms to the Rydberg state if they are closer than a distance called the blockade radius ($r_b$) \cite{Saffman2010}, which destroys the EIT transparency for two propagating probe photons within the distance $r_b$. As a consequence, strong scattering and absorption associated with a resonant two-level medium occurs, whereby the probability of detecting two photons at the same time in the transmitted light mode is ideally reduced to zero. In practice, within $r_b$, the amount of light transmitted in the two-level regime depends on the optical depth per blockade radius $D_b$, as $\exp(-D_{b})$.
The transmission of continuous-wave weak coherent input states of light through an ensemble of atoms under Rydberg EIT has been investigated theoretically \cite{Peyronel2012,Petrosyan2011,Gorshkov2013,Moos2015,Zeuthen2017}, and experimentally with the demonstration of single-photon nonlinearity and strong antibunching of the output light \cite{Peyronel2012,ParisMandoki2017}. However, the use of CW light renders challenging the efficient creation of single photons localized in time, as required for some applications in quantum information science \cite{sangouard2012single,Sangouard2007,knill2001}. It has been shown that localized single photons can be retrieved from collective Rydberg excitations, which can be created by using an off-resonant two-photon excitation scheme \cite{Dudin2012, Li2016, Li2016a,Craddock2019} or by storage of weak coherent light pulses under EIT conditions \cite{Maxwell2013,Maxwell2014}.
However, this represents an additional experimental complexity and source of inefficiency. The use of transmitted pulses (without storage) in Rydberg EIT could therefore potentially lead to the generation of localized single photons with higher efficiencies. Nevertheless, the quantum statistics of weak pulses traveling under Rydberg EIT conditions has not been well studied yet. Moreover, as shown in \cite{Dudin2012} reaching low values of $g^{(2)}(0)$ requires very high Rydberg levels and high values of $D_b$, which are experimentally challenging to achieve, and low values of $g^{(2)}(\tau)$ are only observed for a small value of $\tau$ ($\sim$100 ns), such that reaching low values of $g^{(2)}$ for the entire pulse is challenging.
In this paper, we study experimentally and theoretically the propagation of weak coherent input pulses through a Rydberg EIT window. We measure the second-order correlation function $g^{(2)}_{\Delta t}$ for short time windows $\Delta t$ inside the pulse for various input pulse shapes. We show that the values of $g^{(2)}_{\Delta t}$ strongly vary during the transient phases, leading to very low values for the trailing edge, while the value for the full output pulse is much higher. Recently, similar behavior of $g^{(2)}$ during the EIT transients have been observed \cite{Moehl2020}. Here, we perform a systematic experimental and theoretical investigation to better understand the underlying physics. We develop a theoretical framework that can quantitatively predict our experimental results and explain the physical behavior involved. In addition, we investigate the use of the transient regime for the production of higher quality narrowband single photons by measuring $g^{(2)}_{\Delta t}$ as a function of the photon generation efficiency and comparing the results with the single photons obtained via storage in the Rydberg states.
\section{Experiment}\label{sec:Experiment}
Fig. \ref{fig:setup} shows a scheme of the experimental setup. A cloud of cold $^{87}$Rb atoms is loaded in a dipole trap, with an atomic peak density of $\sim 4\cdot10^{11}$ cm$^{-3}$ and a transversal size of 34 $\mu$m. The experimental sequence is the following: we start by loading a magneto-optical trap (MOT) for 2 seconds, followed by a compression of the MOT and a molasses period; the dipole trap is switched on 500 ms after the beginning of the MOT and it is switched off during the excitation of the atoms to the Rydberg level, to avoid losing atoms and remove AC Stark shifts; the dipole trap is modulated with a period of 16 $\mu$s, which leaves a time of less than 8 $\mu$s to perform one experimental trial. This is repeated 13000 times during the dipole trap lifetime, which gives a total experimental rate of 5.73 kHz.
The atoms are initially prepared in the ground state $|g\rangle=|5S_{1/2}, F=2\rangle$ and resonantly coupled with the state $|e\rangle=|5P_{3/2},F'=3\rangle$ by a weak probe field of 780 nm. The excited state is also resonantly coupled with the Rydberg state $|r\rangle=|90S_{1/2}\rangle$ using a counter-propagating control beam at 479.4 nm (see Fig. \ref{fig:setup}.c). The probe beam is sent with an angle of $19^o$ with respect to the dipole trap beam (see Fig. \ref{fig:setup}.a) and propagates through the medium with an optical depth of $D\approx10$. It is focused in the center of the atomic medium with a beam waist of $w_p\approx6.5 \ \mu$m. As the blockade radius is $r_b\approx13 \ \mu$m for our experimental parameters, the parallel propagation of two polaritons in our atomic cloud is negligible and the optical depth per blockade radius is $D_b\approx1$. Fig. \ref{fig:setup}.d shows an example of the transmission spectrum of Rydberg EIT in our cloud, for a weak single-photon level probe. By fixing the spontaneous decay rate of the excited level $\Gamma$ to be $\approx2\pi\times$6 MHz \cite{steck2001rubidium}, it results a control Rabi frequency of $2\Omega_c\approx2\pi\times$6.4 MHz, a dephasing rate of the Rydberg level of $\gamma_r\approx2\pi\times$0.8 MHz, and a full width at half maximum of the transmission (EIT bandwidth) of $\delta_{EIT}\approx2\pi\times2.3$ MHz.
\begin{figure}[h]
\centering
\includegraphics[width=0.9\textwidth]{experiment}
\caption{ (a) Schematic representation of the experimental setup. An input probe pulse (in red) is sent to the experiment with a spatial distribution given by the probe beam (also in red), at a 19$^o$ angle to the dipole trap. The control beam (in blue) is counter-propagated with the probe and both are focused in the center of a dipole trap by two aspheric lenses. (b) The transmitted photons are sent through a Hanbury Brown and Twiss setup consisting of a beam-splitter and two single-photon detectors SPD$_1$ and SPD$_2$ to measure the second-order autocorrelation function. $\Omega_p$: Probe Rabi frequency, $\Omega_c$: Control Rabi frequency, DM: Dichroic mirror. (c) Level scheme and transitions used in the experiment. (d) EIT transparency window measurement (points) and theoretical simulation (dashed line) presented in Sec. \ref{theory}.}
\label{fig:setup}
\end{figure}
The statistics of the light is obtained from the second-order autocorrelation function, defined as:
\begin{equation}\label{g2equation}
g^{(2)}(t,\tau)=\frac{\left< E^{\dagger}(t)E^{\dagger}(t+\tau)E(t+\tau)E(t) \right>}{\left< E^{\dagger}(t)E(t) \right>\left< E^{\dagger}(t+\tau)E(t+\tau) \right>} \mathrm{,}
\end{equation}
where $E(t)$ is the electric field operator for the transmitted light mode at time t. We measure the second-order autocorrelation function by sending the output pulses through a Hanbury Brown and Twiss setup, which consists of a beam splitter and two single-photon avalanche detectors (SPDs), as shown in Fig. \ref{fig:setup}.b. The arrival times of the photons for each detector, together with trigger times for each trial, are saved in a time-stamp file.
First, we select a detection time window $\Delta t$. Then, $g^{(2)}_{\Delta t}(t,\tau)$ is obtained from the equation
\begin{equation}
g^{(2)}_{\Delta t}(t,\tau)=\frac{P_C (\Delta t)}{P_1 (\Delta t)P_2 (\Delta t)} \mathrm{,}
\end{equation}
where $t$ is the starting time of the detection window in the detector SPD$_1$ and $t+\tau$ is the starting time in the detector SPD$_2$, both measured with respect to the trigger time. $P_C (\Delta t)$ is the coincidence probability between the two detectors and $P_1 (\Delta t)$ and $P_2 (\Delta t)$ are the detection probabilities in detector SPD$_1$ and SPD$_2$, respectively. The normalization factor $P_1 (\Delta t)P_2 (\Delta t)$ is obtained by averaging the number of coincidences between photons arriving to the first detector in one trial and the photons arriving to the second detector from the 5th to the 20th following trials, where there is no correlation (see Fig. \ref{fig:g2ex}a). The correlation between the first five trials can be explained by the creation of long-lived pollutants \cite{Bienias2020,ornelas2020demand}. The transmission efficiency from the ensemble to the first detector is $0.23\pm0.02$, taking into account all the optical elements, and the SPD$_1$ detection efficiency is $0.43\pm0.04$.
\section{Time-resolved photon correlation}
First, we study the photon statistics for the case of a square pulse with a temporal length of $1 \ \mu$s and a mean number of photons of $\approx1.5$, propagating through the Rydberg medium under EIT conditions. In the inset of Fig. \ref{fig:g2ex}.a, we can see the temporal shape of the input and output pulses, showing an EIT transmission efficiency of $\eta=N_{out}/N_{in} =0.285\pm0.016$, where $N_{out(in)}$ is the total number of counts in the output(input) pulse. Fig. \ref{fig:g2ex}.a, shows an example of the autocorrelation measurement for $\Delta t=1.6 \ \mu$s, sufficiently large to include the whole output pulse (see the detection window delimited by the black dashed lines of the inset). The normalized coincidences for the $n_{trial}=0$ leads to $g^{(2)}_{\Delta t}(0,0) = 0.908\pm0.004$, which shows that while the full output pulse displays quantum statistics, it is still far from being a single photon.
We then measure the time-resolved autocorrelation function $g^{(2)}(\tau)$, where $\tau$ is the delay time between two-photon detections within the whole output pulse. For that purpose, we measure the coincidences for different $\tau$, inside a bin size of 10 ns, and normalize them by the coincidences between the following 5th-20th trials. The results are shown in Fig. \ref{fig:g2ex}.b. For $\tau =0$, we obtain $g^{(2)}(0)=0.31 \pm 0.03$, demonstrating the single-photon nature of the output light, as shown previously in \cite{Peyronel2012,Maxwell2013,Gorniaczyk2014a,Tiarks2014a,Baur2014a}. However, we see that $g^{(2)} (\tau)$ quickly increases to 1 for $\tau \geq 350$ ns, much shorter than the pulse duration. This increase is attributed to the fact that the compressed pulse is longer than the blockade radius.
\begin{figure}[h]
\centering
\includegraphics[width=0.9\textwidth]{g2example_norm_2}
\caption{Statistics for a square pulse. (a) Normalized coincidences between the trial 0 and trial $n_{trial}$. Then, the first value, corresponding to $n_{trial}=0$, shows the normalized coincidences in the same trial, which gives a value of $g^{(2)}_{\Delta t}(0,0)=0.908\pm0.004$. Inset in (a) shows the temporal distribution of the input (in orange) and the output pulse (in green). The solid lines indicate the experimental values and the dashed lines the results of the theoretical simulations presented in Sec. \ref{theory}. The black lines delimit the temporal window with $\Delta t=1.6 \ \mu s$, longer that the output pulse duration. (b) Normalized coincidences as a function of the delay time $\tau$ between the two-photon events, being the one at zero-delay time $g^{(2)}(0)=0.31\pm0.03$. These values are calculated with a bin size of 10 ns. Error bars in the plots correspond to one standard deviation.}
\label{fig:g2ex}
\end{figure}
To get a better understanding of the dynamics of Rydberg polaritons, we perform a more detailed study of the second-order autocorrelation function within a pulse. To this end, we select a detection window $\Delta t$ much shorter than the pulse duration and we measure the zero-delay autocorrelation function $g^{(2)}_{\Delta t}(t,0)$ as a function of the starting time of the detection window $t$. For simplicity, $g^{(2)}_{\Delta t}(t,0)\equiv g^{(2)}_{\Delta t}(t)$ henceforth. An example is shown in Fig. \ref{fig:square} where we show the $g^{(2)}_{\Delta t}(t)$ (blue points), obtained by taking a window of $\Delta t=200$ ns (green shadowed region), for different positions of this window throughout the output pulse.
We find that the second-order autocorrelation function is not constant throughout the pulse duration, but decreases towards the end of the pulse. We observe three different regimes. For early times ($t<0.4 \ \mu$s), a first transient is observed, exhibited by a decrease in the $g^{(2)}_{\Delta t}(t)$ and an increase in the output intensity over time. We measure $g^{(2)}_{\Delta t}(t)=0.8 \pm 0.1$ for $t=0$ and $g^{(2)}_{\Delta t}(t)=0.53 \pm 0.02$ for $t= 0.3\ \mu$s. In the steady-state region ($0.4 \ \mu$s $<t<1 \ \mu$s), both the $g^{(2)}_{\Delta t}(t)$ and the output intensity are constant over time. Note that in this region, the value of $g^{(2)}_{\Delta t}(t)$ decreases for lower $\Delta t$, as shown in the inset of Fig. \ref{fig:square}, since the probability of a two-photon event decreases for lower delay times $\tau$ (see Fig. \ref{fig:g2ex}.b). When the input pulse is switched off ($t>1 \ \mu$s), a second transient is observed. Although a decrease in the output intensity is expected, $g^{(2)}_{\Delta t}(t)$ follows the same behavior in the same time range, decreasing until reaching a value as low as $g^{(2)}_{\Delta t}(t)=0.12 \pm 0.05$ for $t=1.4 \ \mu$s. These changes of $g^{(2)}_{\Delta t}(t)$ along the pulse correspond to three distinguishable processes, happening at different times during the propagation of Rydberg polaritons, as we will describe in the sec. \ref{theory}.
\begin{figure}[h]
\centering
\includegraphics[width=0.9\textwidth]{SquarePulse_4}
\caption{Transients for a square pulse. The counts per trial (right y-axis) of the input (orange) and output (green) pulses are shown with respect to the arrival time to the photodetector. An example of the 200 ns window that we take to calculate the $g^{(2)}_{\Delta t}(t)$ is shadowed. The measured second-order autocorrelation function (blue points, left y-axis) is shown for different starting times $t$ of the 200 ns window along the output pulse. The highlighted point corresponds to the shadowed region. The dashed blue line shows the second-order correlation function obtained from the theoretical simulation of $g^{(2)}(t)$ presented in Sec. \ref{theory}, which corresponds to the case with $\Delta t \to 0$. For comparison, in the inset plot, we show that the average steady-state (ss) experimental value $g^{(2)}_{\Delta t}(t_{ss})$ tends to the theoretical $g^{(2)}_{ss}(t) \approx0.3$ for smaller $\Delta t$ (the dashed orange line is a linear fit to guide the eye). Note that using a $\Delta t >0$ would smooth out the discontinuities seen in the simulation of the turn-on transient and could explain why they are not seen in the experimental data. The error bars correspond to one standard deviation.}
\label{fig:square}
\end{figure}
To show the dependence of these transients with the shape of the input pulse, we study the propagation of pseudo-triangular pulses (see Fig. \ref{fig:triangular}), following the same method described above. In the case of a triangular shape with a negative slope (see Fig. \ref{fig:triangular}.a), the probe field is switched on abruptly but slowly switched off. Here, we observe that $g^{(2)}_{\Delta t}(t)$ starts with a value close to 1, but then it decreases rapidly towards smaller values, remaining constant at the end of the pulse with $g^{(2)}_{\Delta t}(t)=0.52\pm0.13$ for the last point ($t= 0.8 \ \mu$s). For a triangular shape with a positive slope (see Fig. \ref{fig:triangular}.b), i.e. slowly switched on and abruptly turned off, we only observe a clear transient at the end of the pulse, since $g^{(2)}_{\Delta t}(t)$ starts to decrease when the input pulse intensity goes to zero ($t>1 \ \mu$s). A value of $g^{(2)}_{\Delta t}(t)=0.05\pm0.04$ is obtained for the last point ($t= 0.8 \ \mu$s), which is much lower than the observed value for the triangular shape with negative slope.
These results show that the appearance of the transients depends on how the input pulse varies over time. Specifically, very low values of $g^{(2)}_{\Delta t}(t)$ are observed at the end of the pulse only if the decrease in intensity of the input pulse is fast enough.
\begin{figure}[h]
\centering
\includegraphics[width=0.9\textwidth]{TriangularPulses}
\caption{Transients for triangular pulses. Second-order autocorrelation function (in blue) for a window $\Delta t$ of 200 ns along the output pulse, temporal distribution of the input (in orange) and output (in green) pulses for an input pulse with a pseudo-triangular shape and a negative slope (a) and for an input pulse with a positive slope (b). The error bars correspond to one standard deviation.}
\label{fig:triangular}
\end{figure}
\section{Theoretical model}\label{theory}
Here, we numerically analyze the transient behavior observed experimentally and also provide an intuitive model that elucidates the underlying physics in the simplest case of a fully blockaded medium. Afterward, we use this model to understand the experimental results. We first briefly discuss our numerical ``spin model" technique. The features of the output field are expected to only depend on the control field $\Omega_c$, on the optical depth $D$ of the entire medium and on the optical depth $D_b$ per blockade radius, but not on the total number of atoms or on the per-atom coupling efficiency of the probe mode separately. Taking advantage of this observation, it is then possible to investigate an artificial, quasi-one-dimensional system of a much smaller, tractable number of atoms with increased coupling efficiency to the probe, while maintaining the same $D$, $D_b$ of the experiment. In all subsequent numerical simulations, we fix the optical depth per atom on the $\ket{g}$-$\ket{e}$ transition (absent EIT) to be $D_{atom}\approx 0.36$ and vary the number of atoms to tune $D$. Furthermore, the dynamics of the atomic internal degrees of freedom (``spins’’) are encoded in an interacting spin model, whose solution can be used to re-construct all field properties via an input-output formalism. Details of this formalism can be found in Refs. \cite{Caneva2015,Manzoni2017} and its previous application toward modeling Rydberg EIT experiments is described in Ref. \cite{Bienias2020}. Our numerical calculation truncates the Hilbert space to two total atomic excitations (in the states $\ket{e}$ and/or $\ket{r}$) and ignores quantum jumps, which is valid in the regime of weak probe light \cite{Caneva2015}. Moreover, we will restrict ourselves to the case where the probe field and the control field are resonant with the $\ket{g}$-$\ket{e}$ and $\ket{e}$-$\ket{r}$ transitions, respectively.
Analytically, we consider the simplest model where similar transient behavior can be observed, consisting of the limit where the probe input field $E_p(t)$ approaches a square pulse with amplitude $E_{p_0}$ when turned on and where the system is fully blockaded, so that two atoms cannot simultaneously be in the Rydberg state $\ket{r}$. We consider a square pulse long enough that all observables equilibrate to a steady-state value at some point during the period where the pulse is turned on, and we assume that the dephasing of the Rydberg state is negligible. In Fig. \ref{SquarePulse} we show a representative plot versus time of the normalized output intensity $\tilde{I}(t)=\bra{\psi}E^{\dagger}(t)E(t)\ket{\psi}/E_{p_0}^2$, the normalized ``two-photon intensity'' $\tilde{G}^{(2)}=\bra{\psi}E^{\dagger 2}(t)E^2(t)\ket{\psi}/E_{p_0}^4$ and the normalized second-order correlation function at zero delay $g^{(2)}(t,0)=\tilde{G}^{(2)}(t)/\tilde{I}^2(t)\equiv g^{(2)}(t)$. We can clearly identify three separate regimes of behavior: the initial turn-on, the steady state and the final turn-off. Below, we analyze each regime separately in more detail.
\begin{figure}[!htb]
\centering%
{\includegraphics[width=1.0\textwidth]{SquarePulse_OD_4_Oc_05_Gr_2_full_new.pdf}}\quad\quad
\caption{Analysis of the dynamics of a weak square input pulse for a control Rabi frequency of $\Omega_c=\Gamma/2$, $D\approx3.6$ and a fully blockaded system. (a) The normalized output intensity $\tilde{I}(t)$ as a function of time (yellow) and the correlation function $\tilde{G}^{(2)}(t)$ (green). The intensity of the input pulse $\tilde{E}_p$ (normalized to unity) is also shown in black for reference. Three distinct regions in the dynamics can be observed, turn-on (T-ON), steady state (SS) and turn-off (T-OFF). (b) Normalized second-order correlation function $g^{(2)}(t)$ (red), output intensity $\tilde{I}(t)$ (yellow) and $\tilde{G}^{(2)}(t)$ (green) in the turn-on stage, with the input again shown for reference (black). (c) $g^{(2)}(t)$ (red), $\tilde{I}(t)$ (yellow) and $\tilde{G}^{(2)}(t)$ (green) in the turn-off stage.\label{SquarePulse}}
\end{figure}
\begin{figure}[!htb]
\centering%
{\includegraphics[width=0.85\textwidth]{Level_Structure.pdf}}\qquad\qquad
\caption{Schematic representation of the atomic level scheme for a fully blockaded medium in the weak driving regime. Within the single-excitation manifold, one atom can either be in the excited state $\ket{e}$ or in the Rydberg state $\ket{r}$, as represented by the subspaces $\ket{\psi_{e,r}}$, respectively. Similarly, in the two-excitation manifold, either one atom can occupy the state $\ket{e}$ while another one the state $\ket{r}$, or two atoms can simultaneously occupy the state $\ket{e}$. The pathways by which the subspaces can become excited by either the probe ($E_p$) or by the control field ($\Omega_c$) are indicated by dashed arrows, while the free-space emission rates due to decay of the excited state $\ket{e}$ by green wavy arrows. \label{Level_Structure}}
\end{figure}
\subsection{Steady state}
We begin with the steady-state properties, which have already been extensively studied in Ref. \cite{Peyronel2012}. First, we note that in the weak driving regime, the output intensity is predominantly dictated by the single-excitation component of the atomic system (since the one- and two-photon populations of the incoming pulse scale like $E_p^2$ and $E_p^4$, respectively). As the single-photon component does not experience Rydberg nonlinearities and sees perfect transparency associated with EIT, it results that the normalized intensity $\tilde{I}(t)\approx1$ in the steady state (yellow curve in Fig.~\ref{SquarePulse}.a). On the other hand, the two-photon intensity $\tilde{G}^{(2)}$ is efficiently attenuated due to the destruction of the EIT transparency condition by the Rydberg blockade. For a fully blockaded medium, the steady-state value of the output second-order correlation function was proved to be decreasing with $D$ and increasing with $\Omega_c$ and to admit the following approximate expression in the limit of high optical depth: $g^{(2)}_{ss}\approx 4\frac{1+\left(\Omega_c/\Gamma\right)^2}{\pi D}\exp\left[\frac{-D}{1+\left(\Omega_c/\Gamma\right)^2}\right]$ \cite{Peyronel2012}.
\subsection{Turn-on}
Once we switch the probe field suddenly on at $t=0$, the system evolves toward the steady-state configuration. In Fig.~\ref{SquarePulse}.b, we show a representative plot of $g^{(2)}(t)$ during this transient period. To further understand the behavior, it is convenient to utilize an input-output relation, which formally allows one to express the output field operator as a sum of the input field and the field re-emitted by the atoms. In a quasi-one-dimensional propagation problem, this takes the form \cite{Caneva2015,Manzoni2017}:
\begin{equation}\label{ElectricField}
E=E_p(t)-i\sqrt{\frac{\Gamma_{1D}}{2}}\sum_{h=1}^N e^{ik_pz_h}\sigma_{ge}^h.
\end{equation}
Here, $\sigma_{ge}^{h}=\ket{g}\bra{e_h}$ is the $h$-th atomic lowering operator, where $\ket{g}$ is the ground state of the system and $\ket{e_h}$ states for atom $h$ in the $\ket{e}$ state and all the others in the ground state, $z_h$ is the position of atom $h$ and $k_p\approx \omega_{eg}/c$ is the probe beam wavevector, where $c$ is the speed of light in vacuum. We have normalized the field such that $E^{\dagger}E$ has units of photon number per unit time and $\Gamma_{1D}$ is the emission rate of atoms into the Gaussian mode defined by the input probe beam. The spontaneous decay rate $\Gamma$ of the excited state is decomposed into the sum of $\Gamma_{1D}$ and $\Gamma'$, which is the decay into noncollectable directions and represents the losses. The optical depth reads $D=2N\mathrm{log}\left(\frac{\Gamma_{1D}+\Gamma'}{\Gamma'}\right)$, and in our spin model simulations we fix $\Gamma_{1D}/\Gamma'=0.2$, so that the optical depth per atom results to be $D_{atom}\approx0.36$. Since the atoms are initially in the ground state and the atomic properties must evolve continuously, one finds $\sigma_{ge}^h\ket{\psi(t=0^+)}=0$ at a time $t=0^+$ immediately after the turn-on of the pulse. From Eq. \ref{ElectricField}, this implies that the output field is the same as the input field immediately after turn-on, and in particular, $g^{(2)}(0^+)=1$ reflects the coherent-state statistics of the input field.
This also causes the first intensity peak immediately after turn-on, shown in Fig. \ref{SquarePulse}.b, which can alternatively be thought as input light components traveling through the ensemble too fast to interact with the atoms.
We now characterize the time scale $\tau_0$ over which $g^{(2)}(t)$ is expected to approach its steady-state value, $g^{(2)}(\tau_0)\sim g^{(2)}_{ss}$. To do so, it is helpful to draw a schematic of the possible atomic levels that can be excited in the weak-probe limit (up to two excitations), as indicated in Fig.~\ref{Level_Structure}. Here, we denote $\ket{\psi_{e,r}}$ as the manifold of states where only one atom is excited to states $\ket{e},\ket{r}$, respectively. Similarly, $\ket{\psi_{er,ee}}$ denote the manifold of states where one atom is in $\ket{e}$ while another is in $\ket{r}$, or two atoms are in the state $\ket{e}$~(recall that we consider a fully blockaded medium, so two atoms cannot occupy state $\ket{r}$). We denote with dashed arrows the possible paths by which these states can be excited by the probe and control fields. We have also indicated by the wavy green arrows the rates of dissipation of these states due to spontaneous emission into $4\pi$.
In the limit of a weak probe beam, the population of the two-excitation manifold is sufficiently small that its back-action onto the evolution of the single-excitation manifold can be neglected. Furthermore, since the coupling of the probe and control fields between the ground state and the single-excitation manifold simply behave under EIT in the linear optics regime, their dynamics are straightforward to analyze. In particular, the square pulse should propagate through the system at the reduced EIT group velocity $v_{gr}$ and its leading-edge should reach the end of the medium in a time $\tau_{EIT}=L/v_{gr}=4D\Gamma'/\Omega_c^2$. The single-excitation manifold effectively acts as a source to populate the two-excitation one (see Fig. \ref{Level_Structure}), and the two-excitation manifold should reach the steady state within a time $\sim\Gamma^{-1}$ of the single-excitation manifold doing so, due to its natural dissipation. As this time is negligible, we then expect for $\tau_0\approx \tau_{EIT}$.
\begin{figure}[!htb]
\centering%
{\includegraphics[width=0.9\textwidth]{Scaling_g2_tau_EIT_Oc_001_05_OD_2_10.pdf}}\quad\quad
\caption{Relationship between the turn-on transient time $\tau_0$ and the EIT propagation time $\tau_{EIT}$ (black solid line). $\tau_0$ is defined as the time after which $\left|g^{(2)}(t)-g^{(2)}_{ss}\right|/g^{(2)}_{ss}<0.005$. Different values of $\tau_{EIT}=4D\Gamma'/\Omega_c^2$ are sampled by varying the optical depth $D$ from $1.8$ to $9.1$ and the control field $\Omega_c$ from $\Gamma/100$ to $\Gamma/2$. The values of $\Omega_c$ are indicated by the different colors, as represented in the colorbar to the right. \label{T0scalingTeit}}
\end{figure}
In Fig. \ref{T0scalingTeit}, we confirm this scaling numerically. In particular, we vary both the control field amplitude $\Omega_c$ and optical depth $D$ over a large range of values. We further define $\tau_0$ as the time in which the numerically obtained fractional difference between the transient value of the second-order correlation function and its steady-state value $|g^{(2)}(\tau_0)-g_{ss}^{(2)}|/g_{ss}^{(2)}$ drops below $0.005$. We see that $\tau_0\approx\tau_{EIT}$ over the entire range of parameters studied, and independent of the specific values of $D$ and $\Omega_c$ separately. This is in agreement with the experimental data, where the duration of the first transient is $\sim400$ ns and we calculate $\tau_{EIT}\sim$ 450 ns, similar to the time the output intensity takes to arrive at its steady-state value (see Fig. \ref{fig:square}).
\subsection{Turn-off}
In Fig. \ref{SquarePulse}.c we show the output $\tilde{I}$, $\tilde{G}^{(2)}$ and $g^{(2)}$ when we switch the probe field suddenly off, starting from a steady-state initial condition. The dynamics exhibits two notable features. First, discontinuities can develop in the observables immediately after the shutoff. Second, one sees that the second-order correlation function $g^{(2)}(t)$ approaches zero at sufficiently long times, indicating a stronger antibunching than the one realizable in the steady state. We begin by analyzing the dynamics in the vicinity of the shutoff of the probe, which we define to occur at the time $\bar{t}$.
Using the input-output relation of Eq.~(\ref{ElectricField}), one sees that the output field operator $E$ evolves discontinuously. In particular, the outgoing intensity at a time $\bar{t}^+$ immediately following the shutoff, $\avg{E^\dagger (\bar{t}^+)E(\bar{t}^+)}$, will only be due to purely atomic emission and jump from its value at $\bar{t}^-$ immediately before the shutoff. Furthermore, since this intensity is dominated by the single-excitation component for weak driving, and as the $\ket{e}$-state component of this manifold is unpopulated ($\ket{\psi_e}=0$) due to perfect EIT, the atoms are not able to emit light instantaneously and one finds $\tilde{I}(\bar{t}^+)\approx 0$. Conversely, the normalized two-photon intensity $\tilde{G}^{(2)}$ experiences a discontinuous increase.
In steady-state conditions and high optical depth, its value $\tilde{G}^{(2)}_{ss}\ll 1$ can be understood from Eq. \ref{ElectricField} as nearly perfect destructive interference between the incoming field and the field re-emitted by the atoms, since two photons cannot be efficiently transmitted due to the Rydberg blockade. Therefore, if the input field is instantly extinguished, the two-photon outgoing intensity is due to a purely atomic emission which, for large $D$,
is almost equal in amplitude (but opposite in phase) to the incoming field. As a consequence, one expects that $\tilde{G}^{(2)}(\bar{t}^+)\rightarrow 1$ and $g^{(2)}(\bar{t}^+)\rightarrow\infty$ in the square pulse limit. For a continuous switch off, a flash of bunched output light can still emerge if the time scale of the shutoff is faster than the time needed by the atoms to react, which is roughly $\sim\Gamma^{-1}$ \cite{Moehl2020}.
\begin{figure}[!htb]
\centering%
{\includegraphics[scale=0.48]{Turn_Off_Single_Excitation_Analysis_new2.pdf}}\quad\quad
\caption{Analysis of the single-excitation dynamics in the turn-off regime. (a) Representative plot of the normalized output intensity $\tilde{I}(t)$ for $D\approx23$ and $\Omega_c=\Gamma/5$. The single-excitation characteristic time $\tau_I$ is defined as the amount of time needed, following the turn-off (occurring at time $\bar{t}\:$), for the normalized intensity to drop to half of its steady-state value, $\tilde{I}(\bar{t}+\tau_I)=0.5$. (b) Detail of the short times dynamics. (c) Relationship between $\tau_I$ and the EIT propagation time $\tau_{EIT}$ sampled by varying $D$ form $9.1$ to $27.3$ and $\Omega_c$ from $\Gamma/100$ to $\Gamma/2$. The values of $\Omega_c$ are indicated by the different colors, as represented in the colorbar to the right. \label{Turn_Off_Single_Excitation}}
\end{figure}
The analysis of the transient dynamics following the instant shutoff of the probe is made easier by noting that the single- and the two-excitation components of the atomic system become decoupled when $E_p=0$ (see Fig. \ref{Level_Structure}) and we can thus investigate the dynamics in each manifold separately. Immediately following the shutoff, any atomic excitation in the single-excitation manifold takes the form of a spin wave in the Rydberg state $\ket{\psi_1(\bar{t}^+)}=\ket{\psi_1^{ss}}\sim\sum_he^{ik_pz_h}\ket{r_h}$ due to the perfect EIT condition. This makes the subsequent dynamics equivalent to the retrieval of a stored spin wave in an EIT-based quantum memory. We will restrict ourselves to the regime of reasonably high $D$ and small $\Omega_c$, such that the retrieved field takes a similar spatial form as the spin wave itself (in contrast when $\Omega_c
\geq
\Gamma$, the outgoing pulse can oscillate due to Rabi flopping dynamics between $\ket{e}$ and $\ket{r}$). In Fig. \ref{Turn_Off_Single_Excitation}.a, we show a representative plot of the output intensity as a function of time following the shutoff, for $D\approx23$ and $\Omega_c/\Gamma=0.2$. Due to the finite bandwidth of the EIT transparency window, the shape of the retrieved output intensity is smoother than the flat rectangular shape of the steady-state spin wave itself. We define a characteristic time $\tau_I$ as the amount of time following the shutoff for the normalized outgoing intensity to reach half of its steady-state value, $\tilde{I}(\bar{t}+\tau_I)=0.5$. We expect that $\tau_I\approx \tau_{EIT}$, i.e. $\tau_I$ should approximately coincide with the time needed to propagate across the medium at the reduced EIT group velocity. In Fig. \ref{Turn_Off_Single_Excitation}.c, we plot the numerically extracted $\tau_I$ over a broad range of optical depths and control field amplitudes and see a good agreement with the expected result. For the experimental data, the calculated value of $\tau_{EIT}$ is also in agreement with the decay time of the second transient (see Fig. \ref{fig:square}). Finally, we remark that at short times following the shutoff, the outgoing intensity can exceed the steady-state intensity of the original square wave input, $\tilde{I}(t)>1$, as illustrated in Fig. \ref{Turn_Off_Single_Excitation}.b. Physically, at short times, the control field can drive the original spin wave stored in the state $\ket{r}$ into a ``bright'' spin wave $\sim \sum_he^{ik_pz_h}\ket{e_h}$. It is known that such a spin wave experiences collectively enhanced or superradiant emission into the forward direction \cite{Bromley2016,Svidzinsky2010}, at a rate $\sim \Gamma D/4$, which physically arises from the constructive interference between the light emitted by different atoms in this direction due to their relative phases $\sim e^{ik_pz_h}$.
We now turn to the two-photon intensity. In Fig. \ref{Turn_Off_Double_Excitation}.a we show a representative plot of the output $\tilde{G}^{(2)}(t)$ at the turn-off. One sees that at short times it rapidly decays to zero with a hump-like profile, while at long times it exhibits slower oscillating features. We define a characteristic temporal length of the short time behavior, $\tau_{II}$, as the amount of time for the normalized two-photon intensity to reach half of its value immediately after turn-off, $\tilde{G}^{(2)}(\bar{t}+\tau_{II})=\tilde{G}^{(2)}(\bar{t})/2$. Numerically, we find that $\tau_{II}$ scales like $1/D$, as shown in Fig. \ref{Turn_Off_Double_Excitation}.b. This can be understood as both the $er$ and the $ee$ components of the two-excitation steady-state wave function $\ket{\psi_2^{ss}}$ are phase-matched and emit in a collectively enhanced fashion immediately after turn-off. However, as $\ket{\psi_2^{ss}}$ is not an eigenstate of the system, it can undergo spatio-temporal evolution. At long times, the emitted two-photon intensity will thus no longer be collectively enhanced but will decay at a rate $\sim\Gamma$ comparable to the single-atom decay rate. This behavior can be seen in Fig. \ref{Turn_Off_Double_Excitation}.c, by comparing the envelope of $\tilde{G}^{(2)}$ at long times with $e^{-\Gamma t}$.
\begin{figure}[!htb]
\centering%
{\includegraphics[scale=0.5]{Turn_Off_Double_Excitation_Analysis_new2.pdf}}\quad\quad
\caption{Analysis of the double-excitation dynamics in the turn-off regime. (a) Representative plot of the normalized output two-photon intensity $\tilde{G}^{(2)}(t)$ for $D\approx7.3$ and $\Omega_c=\Gamma/2$. The double-excitation characteristic time $\tau_{II}$ is defined as the amount of time needed, following the turn-off (occurring at time $\bar{t}\:$), for the normalized two-photon intensity to drop to half value immediately after turn-off, $\tilde{G}^{(2)}(\bar{t}_{II})=\tilde{G}^{(2)}(\bar{t})/2$. (b) The double-excitation characteristic time $\tau_{II}$ sampled by varying $D$ from $2.9$ to $9.1$ for $\Omega_c=\Gamma/20,\:\Gamma/4,$ and $\Gamma/2$. (c) Long time profile of $\tilde{G}^{(2)}(t)$ and reference spontaneous decay $e^{-\Gamma t}$ (dashed yellow line). \label{Turn_Off_Double_Excitation}}
\end{figure}
We can now finally understand why $g^{(2)}(t)=\tilde{G}^{(2)}(t)/\tilde{I}(t)^2$ decreases below its steady-state value at long times after the turn-off. In particular, with increasing optical depth, the numerator $\tilde{G}^{(2)}(t)$ describing the two-excitation component rapidly decays on a time scale $\tau_{II}\propto 1/D$ due to collective enhancement (with a small residual component decaying at the single-atom rate $\sim\Gamma$), while the denominator persists for a longer time $\tau_{I}\propto D$ due to the slow retrieval dynamics of the single-excitation component.
\subsection{Simulation of the experiment}
To reproduce the experimental results, we insert into our spin model the optical depth, the spontaneous decay rate and the control field values given in Sec. \ref{sec:Experiment}. We also add the motional dephasing $\gamma_r$ of the Rydberg atoms. The numerical results thus obtained are in good agreement with the experimental EIT transmission and with the output light pulse, shown in Fig. \ref{fig:setup}.d and \ref{fig:g2ex}.a, respectively. We remove the fully blockaded hypothesis and model the finite blockade with an interaction potential of the form $V_r=V_0\left(r_b/r\right)^6$, where $r_b$ is the blockade radius and $V_0=2\Omega_c^2\left[\Gamma_{1D}\left(2\Gamma'+\Gamma_{1D}\right)\right]^{-1/2}$ is the single-atom bandwidth. By setting an optical depth per blockade radius of $D_b\approx0.9$, one finds $g^{(2)}(t)\approx0.3$, which is in agreement with the $\tau=0$ value of Fig. \ref{fig:g2ex}.b. In Fig. \ref{fig:square}, the resultant pulse analysis is shown and it is worth noticing how the measured $g_{\Delta t}^{(2)}(t) $ tends towards the numerically predicted $g^{(2)}(t)$ as one decreases the length of the detection window $\Delta t$.
\section{Single-photon generation and storage}
The turn-off transient, where the $g^{(2)}_{\Delta t}(t)$ value strongly decreases, opens the way for possible applications related to narrowband single-photon generation. For that purpose, we could cut the output pulses and exploit the single photons arriving in the last part of the pulse. To analyze this proposal, we select a temporal window at the end of the pulse where looking for detection counts and coincidences. Then, we measure the $g^{(2)}_{\Delta t}(t)$ values of the photons arriving inside this window and their corresponding detection and generation probability. The generation probability is inferred as $P_{g}=N_{1}/\eta_{det}$, where $N_1$ is the number of counts per trial arriving to SPAD$_1$ in the selected time window and $\eta_{det}$ is the detection efficiency, including fiber coupling, transmission through all the optical elements and single-photon detector efficiency.
Fig. \ref{fig:sp500} shows an example of the single-photon generation for a time window $\Delta t$ = 500 ns and $t= 1.2 \ \mu$s (see inset plot). When measuring the normalized coincidences for consecutive pulses (see Fig. \ref{fig:sp500}.a), we get a value of $g^{(2)}_{\Delta t}=0.218\pm0.015$ significantly lower than for $\Delta t = 1.6 \mu s$. Moreover, the time resolved measurement within one pulse (see Fig. \ref{fig:sp500}.b) shows that the values of $g^{(2)}(\tau)$ remain low for the full window, showing the generation of a localized single photon.
\begin{figure}[h]
\centering
\includegraphics[width=0.9\textwidth]{g2_last500ns_norm}
\caption{Single-photon generation: example of single-photon generation with $\Delta t$ = 500 ns. (a) Normalized coincidence counts between different trials, leading to a value of $g^{(2)}_{\Delta t}= 0.218\pm0.015$ for $n_{trial}=0$. (b) Time-resolved measurement of $g^{(2)}(\tau)$ leading to a zero-delay value of $g^{(2)}(0)=0.15\pm0.03$. Error bars correspond to one standard deviation.}
\label{fig:sp500}
\end{figure}
\begin{figure}[h]
\centering
\includegraphics[width=0.9\textwidth]{SPgeneration_v2}
\caption{Single-photon generation. (a) Temporal distribution of a Gaussian pulse after propagation through EIT (in blue) and after storage (in green) and that of a square pulse after propagation through EIT (in orange). The temporal window is varied in plots (b) and (c) for the slow light case, as indicated by the arrow. (b) $g^{(2)}_{\Delta t}(t)$ as a function of the number of counts per trial in SPAD$_1$ (bottom axis) and the probability to have a photon at the output of the cloud (upper axis), for an input Gaussian pulse (in blue), the previously shown square pulse (in orange) and after storing for 500 ns (in green). The generation probability is increased by taking the same final time of the temporal window but changing the starting time to increase $\Delta t$, as we can see in plot (a). (c) $g^{(2)}_{\Delta t}(t)$ as a function of the inverse of the temporal window, for the same cases as before. Vertical error bars correspond to one standard deviation.}
\label{fig:sp}
\end{figure}
To further study the effect of the temporal window, we then vary $\Delta t$, while keeping the final time $t+\Delta t = 1.7 \ \mu$s fixed. Fig. \ref{fig:sp} shows the results for different duration of the temporal window, for Gaussian and square input pulses. When we increase the time window, the probability to have a detection count increases, but at the expense of reducing the quality of the single photons. For the previously studied square pulse, $g^{(2)}_{\Delta t}(t)=0.48 \pm 0.01$ is obtained for $\Delta t= 0.68 \ \mu$s and a generation probability of $0.145 \pm 0.014$, while $g^{(2)}_{\Delta t}(t)=0.147 \pm 0.017$ is obtained for $\Delta t= 0.45 \ \mu$s and a generation probability of $0.046 \pm 0.004$. We compare the results for the square pulse with the case of a Gaussian input pulse. We see that the Gaussian pulse leads to a higher value of $g^{(2)}_{\Delta t}(t)$, for all generation efficiencies, compared to the square pulse. This confirms that a fast shutoff of the input pulse is beneficial for the production of single photons.
We also compare the results with the strategy consisting of storing the input Gaussian pulse in the Rydberg state \cite{Maxwell2013, Distante2016, Distante2017, SchmidtEberle2020}. This can be made by switching off the control beam ($\Omega_c\rightarrow0$) when polaritons are traveling inside the medium. After a storage time of $t_S$ = 500 ns, we can retrieve the output pulse by switching on again the control beam. This method allows for an increase in the quantum character of the output pulse without changing the experimental conditions. Due to our limited $D$, the entire input pulse cannot be compressed inside the medium and only a part of the pulse can be stored as Rydberg excitations, importantly reducing the output efficiency.
In Fig. \ref{fig:sp}, we show the $g^{(2)}_{\Delta t}$ obtained after storage and retrieval (in green), for $\Delta t$ taking into account the whole retrieved pulse (see Fig. \ref{fig:sp}.a). As we can observe, the $g^{(2)}_{\Delta t}$ in the storage case is similar to the obtained in the turn-off transient of the transmitted square pulse, for the same generation probability (see green and orange points of Fig. \ref{fig:sp}.b). However, for lower quality of the output photons, i.e higher values of $g^{(2)}_{\Delta t}$, the generation probability in the transient case importantly increases.
Finally, in Fig. \ref{fig:sp}.c we plot $g^{(2)}_{\Delta t}$ as function of the inverse of $\Delta t$, which is proportional to the photon bandwidth. Values of $g^{(2)}(\Delta t)$ $<$ 0.2 can be achieved for $1/\Delta t\sim2$ MHz, showing that high quality, narrowband single photons can be generated with this technique.
As shown in Sec. \ref{theory}, increasing the optical depth and reducing the Rabi frequency of the control field results in a better separation between the two-photon dynamics and the single-photon one and therefore leads to a smaller value of $g^{(2)}_{\Delta t}$ in the turn-off transient. However, the single-photon generation efficiency is currently affected by the low value of the transmission in the EIT transparency window, which is likely limited by the decoherence rate of the $|g\rangle$ to $|r\rangle$ transition, which also enforces a lower bound in the choice of $\Omega_c$. We expect that reducing the laser linewidths (currently around 300 kHz) by active stabilization on an optical cavity would bring to a significant increase in the EIT transmission and also make lower choices of the Rabi frequency of the control laser possible. Moreover, a larger value of $D_b$ would allow a more efficient compression of the pulse within a blockade radius. The current values of generation efficiency achieved (around 10 $\%$) are comparable with the values reported in single-photon generation experiments using off-resonant (Raman) excitation to the Rydberg states with Rydberg cold atomic ensembles \cite{Dudin2012}. It is informative to compare this efficiency with techniques of probabilistic single-photon generations with atomic ensembles, such as e.g. the Duan-Lukin-Cirac-Zoller scheme \cite{Duan2001}. This scheme generates probabilistically photon pairs in a two-mode squeezed state with a probability per trial $p$, where one of the photons is stored as a collective atomic spin excitation in the ensemble. Upon detection of the first photon which provides a heralding signal, this collective spin excitation can then be efficiently transferred into a single photon in a well-defined spatio-temporal mode with an efficiency $\eta_R$. The probability to generate a single photon per trial is therefore given by $P_{DLCZ}=p\eta_D\eta_R$ where $\eta_D$ is the probability to detect the first photon. For a perfect two-mode squeezed state and for $p\ll1$, the second-order autocorrelation of the retrieved photon is $g^{(2)}(0)$=4$p$. In the best-case scenario (i.e. with unity detection and read-out efficiency), a DLCZ source could generate a photon with $g^{(2)}(0)$=0.1 with a probability of $P_{DLCZ}=0.025$ per trial. In practice, with finite detection and read-out efficiencies, this value will be even lower. Therefore, even though the single-photon generation efficiency demonstrated in this paper is quite modest and could still be largely improved, it compare favorably to probabilistic schemes.
\section{Conclusions}
In this paper, we investigated the propagation of weak coherent pulses in a cold atomic ensemble in the regime of Rydberg electromagnetically induced transparency. We found experimentally that the second-order correlation function of the output pulse depends on the time throughout the pulse and strongly varying during the transients of the pulse. In particular, the value of $g^{(2)}_{\Delta t}$ strongly decreases towards the end of the traveling pulse. Through a spin model analysis, we were able to quantitatively predict the measured pulse dynamics, both at the linear and nonlinear level, and to provide a qualitative explanation, in the test scenario of a perfectly square pulse propagating in a fully blockaded medium. Taking advantage of this behavior, we explored the possibility of using this effect to generate localized single photons and showed that it has better efficiency than a probabilistic DLCZ-like source.
\section{Acknowledgment}
This project received funding from the Government of Spain (PID2019-106850RB-I00; Severo Ochoa CEX2019-000910-S), Fundació Cellex, Fundació Mir-Puig, Generalitat de Catalunya (CERCA, AGAUR), Gordon and Betty Moore Foundation through Grant No. GBMF7446 to H. d. R. and from the European Union's Horizon 2020 research and innovation program under Grant Agreement No. 899275 (DAALI).
DEC acknowledges support from the European Union’s Horizon 2020 research and innovation programme, under FET-Open grant agreement No 899275 (DAALI), AEI Europa Excelencia program (EUR2020-112155, project ENHANCE), and Quantum Flagship project 820445 (QIA), MINECO Severo Ochoa program CEX2019-000910-S, Generalitat de Catalunya through the CERCA program, Fundació Privada Cellex, Fundació Mir-Puig, Plan Nacional Grant ALIQS (funded by MCIU, AEI, and FEDER), and Secretaria d'Universitats i Recerca del Departament d'Empresa i Coneixement de la Generalitat de Catalunya, co-funded by the European Union Regional Development Fund within the ERDF Operational Program of Catalunya (project QuantumCat, ref. 001-P-001644)
\section{References}
\bibliographystyle{iopart-num}
\section{Introduction}
Highly excited Rydberg atoms enable long-range controllable atom-atom interactions \cite{Saffman2010}. This property has been used to demonstrate entanglement \cite{Wilk2010, Levine2018} and quantum gates between individual atoms \cite{Isenhower2010,Maller2015} and more recently quantum simulation in atomic arrays \cite{Bernien2017,Barredo2018}. Besides using individual atoms, another approach currently investigated is to use ensembles of highly excited Rydberg atoms, which on top of providing a medium with long-range controllable interaction between atoms also allows an efficient quantum light-matter interface. These properties lead to optical nonlinearities at the single-photon level \cite{Peyronel2012,Firstenberg2013,ParisMandoki2017} that can be used for quantum nonlinear optics \cite{Chang2014a,Firstenberg2016} and quantum information applications. The use of ensemble-based Rydberg mediated interactions has been explored within a range of schemes, such as single-photon level transistors and switches \cite{Tiarks2014a, Gorniaczyk2014a, Baur2014a}, photon-photon interactions \cite{Busche2017} and gates \cite{Tiarks2019}. Ensembles of Rydberg atoms can also be used to generate single photons in a quasi-deterministic fashion \cite{Dudin2012,Maxwell2013,Li2016,Li2016a}, contrary to ground state ensembles which usually rely on probabilistic or heralded schemes \cite{Duan2001}.
The use of electromagnetically induced transparency (EIT) with Rydberg excited levels \cite{Mohapatra2007} provides an efficient way of mapping light onto Rydberg excitations, leading to the creation of strong optical nonlinearities in the transmitted light thanks to the phenomenon of Rydberg blockade. Under EIT conditions, probe photons ($\Omega_p$) resonant with a ground-to-excited state transition $\ket{g}\to \ket{e}$ can coherently propagate within a narrow transparency window with the use of an additional resonant control field ($\Omega_c$) that couples $\ket{e}$ to a metastable state $\ket{r}$ (see Fig. 1c). This allows probe photons to be mapped onto dark-state polaritons, propagating with a group velocity $v_{gr}$ much smaller than the velocity of light in vacuum $c$. However, if $\ket{r}$ is a Rydberg level, the dipole-dipole interaction prevents the excitation of two atoms to the Rydberg state if they are closer than a distance called the blockade radius ($r_b$) \cite{Saffman2010}, which destroys the EIT transparency for two propagating probe photons within the distance $r_b$. As a consequence, strong scattering and absorption associated with a resonant two-level medium occurs, whereby the probability of detecting two photons at the same time in the transmitted light mode is ideally reduced to zero. In practice, within $r_b$, the amount of light transmitted in the two-level regime depends on the optical depth per blockade radius $D_b$, as $\exp(-D_{b})$.
The transmission of continuous-wave weak coherent input states of light through an ensemble of atoms under Rydberg EIT has been investigated theoretically \cite{Peyronel2012,Petrosyan2011,Gorshkov2013,Moos2015,Zeuthen2017}, and experimentally with the demonstration of single-photon nonlinearity and strong antibunching of the output light \cite{Peyronel2012,ParisMandoki2017}. However, the use of CW light renders challenging the efficient creation of single photons localized in time, as required for some applications in quantum information science \cite{sangouard2012single,Sangouard2007,knill2001}. It has been shown that localized single photons can be retrieved from collective Rydberg excitations, which can be created by using an off-resonant two-photon excitation scheme \cite{Dudin2012, Li2016, Li2016a,Craddock2019} or by storage of weak coherent light pulses under EIT conditions \cite{Maxwell2013,Maxwell2014}.
However, this represents an additional experimental complexity and source of inefficiency. The use of transmitted pulses (without storage) in Rydberg EIT could therefore potentially lead to the generation of localized single photons with higher efficiencies. Nevertheless, the quantum statistics of weak pulses traveling under Rydberg EIT conditions has not been well studied yet. Moreover, as shown in \cite{Dudin2012} reaching low values of $g^{(2)}(0)$ requires very high Rydberg levels and high values of $D_b$, which are experimentally challenging to achieve, and low values of $g^{(2)}(\tau)$ are only observed for a small value of $\tau$ ($\sim$100 ns), such that reaching low values of $g^{(2)}$ for the entire pulse is challenging.
In this paper, we study experimentally and theoretically the propagation of weak coherent input pulses through a Rydberg EIT window. We measure the second-order correlation function $g^{(2)}_{\Delta t}$ for short time windows $\Delta t$ inside the pulse for various input pulse shapes. We show that the values of $g^{(2)}_{\Delta t}$ strongly vary during the transient phases, leading to very low values for the trailing edge, while the value for the full output pulse is much higher. Recently, similar behavior of $g^{(2)}$ during the EIT transients have been observed \cite{Moehl2020}. Here, we perform a systematic experimental and theoretical investigation to better understand the underlying physics. We develop a theoretical framework that can quantitatively predict our experimental results and explain the physical behavior involved. In addition, we investigate the use of the transient regime for the production of higher quality narrowband single photons by measuring $g^{(2)}_{\Delta t}$ as a function of the photon generation efficiency and comparing the results with the single photons obtained via storage in the Rydberg states.
\section{Experiment}\label{sec:Experiment}
Fig. \ref{fig:setup} shows a scheme of the experimental setup. A cloud of cold $^{87}$Rb atoms is loaded in a dipole trap, with an atomic peak density of $\sim 4\cdot10^{11}$ cm$^{-3}$ and a transversal size of 34 $\mu$m. The experimental sequence is the following: we start by loading a magneto-optical trap (MOT) for 2 seconds, followed by a compression of the MOT and a molasses period; the dipole trap is switched on 500 ms after the beginning of the MOT and it is switched off during the excitation of the atoms to the Rydberg level, to avoid losing atoms and remove AC Stark shifts; the dipole trap is modulated with a period of 16 $\mu$s, which leaves a time of less than 8 $\mu$s to perform one experimental trial. This is repeated 13000 times during the dipole trap lifetime, which gives a total experimental rate of 5.73 kHz.
The atoms are initially prepared in the ground state $|g\rangle=|5S_{1/2}, F=2\rangle$ and resonantly coupled with the state $|e\rangle=|5P_{3/2},F'=3\rangle$ by a weak probe field of 780 nm. The excited state is also resonantly coupled with the Rydberg state $|r\rangle=|90S_{1/2}\rangle$ using a counter-propagating control beam at 479.4 nm (see Fig. \ref{fig:setup}.c). The probe beam is sent with an angle of $19^o$ with respect to the dipole trap beam (see Fig. \ref{fig:setup}.a) and propagates through the medium with an optical depth of $D\approx10$. It is focused in the center of the atomic medium with a beam waist of $w_p\approx6.5 \ \mu$m. As the blockade radius is $r_b\approx13 \ \mu$m for our experimental parameters, the parallel propagation of two polaritons in our atomic cloud is negligible and the optical depth per blockade radius is $D_b\approx1$. Fig. \ref{fig:setup}.d shows an example of the transmission spectrum of Rydberg EIT in our cloud, for a weak single-photon level probe. By fixing the spontaneous decay rate of the excited level $\Gamma$ to be $\approx2\pi\times$6 MHz \cite{steck2001rubidium}, it results a control Rabi frequency of $2\Omega_c\approx2\pi\times$6.4 MHz, a dephasing rate of the Rydberg level of $\gamma_r\approx2\pi\times$0.8 MHz, and a full width at half maximum of the transmission (EIT bandwidth) of $\delta_{EIT}\approx2\pi\times2.3$ MHz.
\begin{figure}[h]
\centering
\includegraphics[width=0.9\textwidth]{experiment}
\caption{ (a) Schematic representation of the experimental setup. An input probe pulse (in red) is sent to the experiment with a spatial distribution given by the probe beam (also in red), at a 19$^o$ angle to the dipole trap. The control beam (in blue) is counter-propagated with the probe and both are focused in the center of a dipole trap by two aspheric lenses. (b) The transmitted photons are sent through a Hanbury Brown and Twiss setup consisting of a beam-splitter and two single-photon detectors SPD$_1$ and SPD$_2$ to measure the second-order autocorrelation function. $\Omega_p$: Probe Rabi frequency, $\Omega_c$: Control Rabi frequency, DM: Dichroic mirror. (c) Level scheme and transitions used in the experiment. (d) EIT transparency window measurement (points) and theoretical simulation (dashed line) presented in Sec. \ref{theory}.}
\label{fig:setup}
\end{figure}
The statistics of the light is obtained from the second-order autocorrelation function, defined as:
\begin{equation}\label{g2equation}
g^{(2)}(t,\tau)=\frac{\left< E^{\dagger}(t)E^{\dagger}(t+\tau)E(t+\tau)E(t) \right>}{\left< E^{\dagger}(t)E(t) \right>\left< E^{\dagger}(t+\tau)E(t+\tau) \right>} \mathrm{,}
\end{equation}
where $E(t)$ is the electric field operator for the transmitted light mode at time t. We measure the second-order autocorrelation function by sending the output pulses through a Hanbury Brown and Twiss setup, which consists of a beam splitter and two single-photon avalanche detectors (SPDs), as shown in Fig. \ref{fig:setup}.b. The arrival times of the photons for each detector, together with trigger times for each trial, are saved in a time-stamp file.
First, we select a detection time window $\Delta t$. Then, $g^{(2)}_{\Delta t}(t,\tau)$ is obtained from the equation
\begin{equation}
g^{(2)}_{\Delta t}(t,\tau)=\frac{P_C (\Delta t)}{P_1 (\Delta t)P_2 (\Delta t)} \mathrm{,}
\end{equation}
where $t$ is the starting time of the detection window in the detector SPD$_1$ and $t+\tau$ is the starting time in the detector SPD$_2$, both measured with respect to the trigger time. $P_C (\Delta t)$ is the coincidence probability between the two detectors and $P_1 (\Delta t)$ and $P_2 (\Delta t)$ are the detection probabilities in detector SPD$_1$ and SPD$_2$, respectively. The normalization factor $P_1 (\Delta t)P_2 (\Delta t)$ is obtained by averaging the number of coincidences between photons arriving to the first detector in one trial and the photons arriving to the second detector from the 5th to the 20th following trials, where there is no correlation (see Fig. \ref{fig:g2ex}a). The correlation between the first five trials can be explained by the creation of long-lived pollutants \cite{Bienias2020,ornelas2020demand}. The transmission efficiency from the ensemble to the first detector is $0.23\pm0.02$, taking into account all the optical elements, and the SPD$_1$ detection efficiency is $0.43\pm0.04$.
\section{Time-resolved photon correlation}
First, we study the photon statistics for the case of a square pulse with a temporal length of $1 \ \mu$s and a mean number of photons of $\approx1.5$, propagating through the Rydberg medium under EIT conditions. In the inset of Fig. \ref{fig:g2ex}.a, we can see the temporal shape of the input and output pulses, showing an EIT transmission efficiency of $\eta=N_{out}/N_{in} =0.285\pm0.016$, where $N_{out(in)}$ is the total number of counts in the output(input) pulse. Fig. \ref{fig:g2ex}.a, shows an example of the autocorrelation measurement for $\Delta t=1.6 \ \mu$s, sufficiently large to include the whole output pulse (see the detection window delimited by the black dashed lines of the inset). The normalized coincidences for the $n_{trial}=0$ leads to $g^{(2)}_{\Delta t}(0,0) = 0.908\pm0.004$, which shows that while the full output pulse displays quantum statistics, it is still far from being a single photon.
We then measure the time-resolved autocorrelation function $g^{(2)}(\tau)$, where $\tau$ is the delay time between two-photon detections within the whole output pulse. For that purpose, we measure the coincidences for different $\tau$, inside a bin size of 10 ns, and normalize them by the coincidences between the following 5th-20th trials. The results are shown in Fig. \ref{fig:g2ex}.b. For $\tau =0$, we obtain $g^{(2)}(0)=0.31 \pm 0.03$, demonstrating the single-photon nature of the output light, as shown previously in \cite{Peyronel2012,Maxwell2013,Gorniaczyk2014a,Tiarks2014a,Baur2014a}. However, we see that $g^{(2)} (\tau)$ quickly increases to 1 for $\tau \geq 350$ ns, much shorter than the pulse duration. This increase is attributed to the fact that the compressed pulse is longer than the blockade radius.
\begin{figure}[h]
\centering
\includegraphics[width=0.9\textwidth]{g2example_norm_2}
\caption{Statistics for a square pulse. (a) Normalized coincidences between the trial 0 and trial $n_{trial}$. Then, the first value, corresponding to $n_{trial}=0$, shows the normalized coincidences in the same trial, which gives a value of $g^{(2)}_{\Delta t}(0,0)=0.908\pm0.004$. Inset in (a) shows the temporal distribution of the input (in orange) and the output pulse (in green). The solid lines indicate the experimental values and the dashed lines the results of the theoretical simulations presented in Sec. \ref{theory}. The black lines delimit the temporal window with $\Delta t=1.6 \ \mu s$, longer that the output pulse duration. (b) Normalized coincidences as a function of the delay time $\tau$ between the two-photon events, being the one at zero-delay time $g^{(2)}(0)=0.31\pm0.03$. These values are calculated with a bin size of 10 ns. Error bars in the plots correspond to one standard deviation.}
\label{fig:g2ex}
\end{figure}
To get a better understanding of the dynamics of Rydberg polaritons, we perform a more detailed study of the second-order autocorrelation function within a pulse. To this end, we select a detection window $\Delta t$ much shorter than the pulse duration and we measure the zero-delay autocorrelation function $g^{(2)}_{\Delta t}(t,0)$ as a function of the starting time of the detection window $t$. For simplicity, $g^{(2)}_{\Delta t}(t,0)\equiv g^{(2)}_{\Delta t}(t)$ henceforth. An example is shown in Fig. \ref{fig:square} where we show the $g^{(2)}_{\Delta t}(t)$ (blue points), obtained by taking a window of $\Delta t=200$ ns (green shadowed region), for different positions of this window throughout the output pulse.
We find that the second-order autocorrelation function is not constant throughout the pulse duration, but decreases towards the end of the pulse. We observe three different regimes. For early times ($t<0.4 \ \mu$s), a first transient is observed, exhibited by a decrease in the $g^{(2)}_{\Delta t}(t)$ and an increase in the output intensity over time. We measure $g^{(2)}_{\Delta t}(t)=0.8 \pm 0.1$ for $t=0$ and $g^{(2)}_{\Delta t}(t)=0.53 \pm 0.02$ for $t= 0.3\ \mu$s. In the steady-state region ($0.4 \ \mu$s $<t<1 \ \mu$s), both the $g^{(2)}_{\Delta t}(t)$ and the output intensity are constant over time. Note that in this region, the value of $g^{(2)}_{\Delta t}(t)$ decreases for lower $\Delta t$, as shown in the inset of Fig. \ref{fig:square}, since the probability of a two-photon event decreases for lower delay times $\tau$ (see Fig. \ref{fig:g2ex}.b). When the input pulse is switched off ($t>1 \ \mu$s), a second transient is observed. Although a decrease in the output intensity is expected, $g^{(2)}_{\Delta t}(t)$ follows the same behavior in the same time range, decreasing until reaching a value as low as $g^{(2)}_{\Delta t}(t)=0.12 \pm 0.05$ for $t=1.4 \ \mu$s. These changes of $g^{(2)}_{\Delta t}(t)$ along the pulse correspond to three distinguishable processes, happening at different times during the propagation of Rydberg polaritons, as we will describe in the sec. \ref{theory}.
\begin{figure}[h]
\centering
\includegraphics[width=0.9\textwidth]{SquarePulse_4}
\caption{Transients for a square pulse. The counts per trial (right y-axis) of the input (orange) and output (green) pulses are shown with respect to the arrival time to the photodetector. An example of the 200 ns window that we take to calculate the $g^{(2)}_{\Delta t}(t)$ is shadowed. The measured second-order autocorrelation function (blue points, left y-axis) is shown for different starting times $t$ of the 200 ns window along the output pulse. The highlighted point corresponds to the shadowed region. The dashed blue line shows the second-order correlation function obtained from the theoretical simulation of $g^{(2)}(t)$ presented in Sec. \ref{theory}, which corresponds to the case with $\Delta t \to 0$. For comparison, in the inset plot, we show that the average steady-state (ss) experimental value $g^{(2)}_{\Delta t}(t_{ss})$ tends to the theoretical $g^{(2)}_{ss}(t) \approx0.3$ for smaller $\Delta t$ (the dashed orange line is a linear fit to guide the eye). Note that using a $\Delta t >0$ would smooth out the discontinuities seen in the simulation of the turn-on transient and could explain why they are not seen in the experimental data. The error bars correspond to one standard deviation.}
\label{fig:square}
\end{figure}
To show the dependence of these transients with the shape of the input pulse, we study the propagation of pseudo-triangular pulses (see Fig. \ref{fig:triangular}), following the same method described above. In the case of a triangular shape with a negative slope (see Fig. \ref{fig:triangular}.a), the probe field is switched on abruptly but slowly switched off. Here, we observe that $g^{(2)}_{\Delta t}(t)$ starts with a value close to 1, but then it decreases rapidly towards smaller values, remaining constant at the end of the pulse with $g^{(2)}_{\Delta t}(t)=0.52\pm0.13$ for the last point ($t= 0.8 \ \mu$s). For a triangular shape with a positive slope (see Fig. \ref{fig:triangular}.b), i.e. slowly switched on and abruptly turned off, we only observe a clear transient at the end of the pulse, since $g^{(2)}_{\Delta t}(t)$ starts to decrease when the input pulse intensity goes to zero ($t>1 \ \mu$s). A value of $g^{(2)}_{\Delta t}(t)=0.05\pm0.04$ is obtained for the last point ($t= 0.8 \ \mu$s), which is much lower than the observed value for the triangular shape with negative slope.
These results show that the appearance of the transients depends on how the input pulse varies over time. Specifically, very low values of $g^{(2)}_{\Delta t}(t)$ are observed at the end of the pulse only if the decrease in intensity of the input pulse is fast enough.
\begin{figure}[h]
\centering
\includegraphics[width=0.9\textwidth]{TriangularPulses}
\caption{Transients for triangular pulses. Second-order autocorrelation function (in blue) for a window $\Delta t$ of 200 ns along the output pulse, temporal distribution of the input (in orange) and output (in green) pulses for an input pulse with a pseudo-triangular shape and a negative slope (a) and for an input pulse with a positive slope (b). The error bars correspond to one standard deviation.}
\label{fig:triangular}
\end{figure}
\section{Theoretical model}\label{theory}
Here, we numerically analyze the transient behavior observed experimentally and also provide an intuitive model that elucidates the underlying physics in the simplest case of a fully blockaded medium. Afterward, we use this model to understand the experimental results. We first briefly discuss our numerical ``spin model" technique. The features of the output field are expected to only depend on the control field $\Omega_c$, on the optical depth $D$ of the entire medium and on the optical depth $D_b$ per blockade radius, but not on the total number of atoms or on the per-atom coupling efficiency of the probe mode separately. Taking advantage of this observation, it is then possible to investigate an artificial, quasi-one-dimensional system of a much smaller, tractable number of atoms with increased coupling efficiency to the probe, while maintaining the same $D$, $D_b$ of the experiment. In all subsequent numerical simulations, we fix the optical depth per atom on the $\ket{g}$-$\ket{e}$ transition (absent EIT) to be $D_{atom}\approx 0.36$ and vary the number of atoms to tune $D$. Furthermore, the dynamics of the atomic internal degrees of freedom (``spins’’) are encoded in an interacting spin model, whose solution can be used to re-construct all field properties via an input-output formalism. Details of this formalism can be found in Refs. \cite{Caneva2015,Manzoni2017} and its previous application toward modeling Rydberg EIT experiments is described in Ref. \cite{Bienias2020}. Our numerical calculation truncates the Hilbert space to two total atomic excitations (in the states $\ket{e}$ and/or $\ket{r}$) and ignores quantum jumps, which is valid in the regime of weak probe light \cite{Caneva2015}. Moreover, we will restrict ourselves to the case where the probe field and the control field are resonant with the $\ket{g}$-$\ket{e}$ and $\ket{e}$-$\ket{r}$ transitions, respectively.
Analytically, we consider the simplest model where similar transient behavior can be observed, consisting of the limit where the probe input field $E_p(t)$ approaches a square pulse with amplitude $E_{p_0}$ when turned on and where the system is fully blockaded, so that two atoms cannot simultaneously be in the Rydberg state $\ket{r}$. We consider a square pulse long enough that all observables equilibrate to a steady-state value at some point during the period where the pulse is turned on, and we assume that the dephasing of the Rydberg state is negligible. In Fig. \ref{SquarePulse} we show a representative plot versus time of the normalized output intensity $\tilde{I}(t)=\bra{\psi}E^{\dagger}(t)E(t)\ket{\psi}/E_{p_0}^2$, the normalized ``two-photon intensity'' $\tilde{G}^{(2)}=\bra{\psi}E^{\dagger 2}(t)E^2(t)\ket{\psi}/E_{p_0}^4$ and the normalized second-order correlation function at zero delay $g^{(2)}(t,0)=\tilde{G}^{(2)}(t)/\tilde{I}^2(t)\equiv g^{(2)}(t)$. We can clearly identify three separate regimes of behavior: the initial turn-on, the steady state and the final turn-off. Below, we analyze each regime separately in more detail.
\begin{figure}[!htb]
\centering%
{\includegraphics[width=1.0\textwidth]{SquarePulse_OD_4_Oc_05_Gr_2_full_new.pdf}}\quad\quad
\caption{Analysis of the dynamics of a weak square input pulse for a control Rabi frequency of $\Omega_c=\Gamma/2$, $D\approx3.6$ and a fully blockaded system. (a) The normalized output intensity $\tilde{I}(t)$ as a function of time (yellow) and the correlation function $\tilde{G}^{(2)}(t)$ (green). The intensity of the input pulse $\tilde{E}_p$ (normalized to unity) is also shown in black for reference. Three distinct regions in the dynamics can be observed, turn-on (T-ON), steady state (SS) and turn-off (T-OFF). (b) Normalized second-order correlation function $g^{(2)}(t)$ (red), output intensity $\tilde{I}(t)$ (yellow) and $\tilde{G}^{(2)}(t)$ (green) in the turn-on stage, with the input again shown for reference (black). (c) $g^{(2)}(t)$ (red), $\tilde{I}(t)$ (yellow) and $\tilde{G}^{(2)}(t)$ (green) in the turn-off stage.\label{SquarePulse}}
\end{figure}
\begin{figure}[!htb]
\centering%
{\includegraphics[width=0.85\textwidth]{Level_Structure.pdf}}\qquad\qquad
\caption{Schematic representation of the atomic level scheme for a fully blockaded medium in the weak driving regime. Within the single-excitation manifold, one atom can either be in the excited state $\ket{e}$ or in the Rydberg state $\ket{r}$, as represented by the subspaces $\ket{\psi_{e,r}}$, respectively. Similarly, in the two-excitation manifold, either one atom can occupy the state $\ket{e}$ while another one the state $\ket{r}$, or two atoms can simultaneously occupy the state $\ket{e}$. The pathways by which the subspaces can become excited by either the probe ($E_p$) or by the control field ($\Omega_c$) are indicated by dashed arrows, while the free-space emission rates due to decay of the excited state $\ket{e}$ by green wavy arrows. \label{Level_Structure}}
\end{figure}
\subsection{Steady state}
We begin with the steady-state properties, which have already been extensively studied in Ref. \cite{Peyronel2012}. First, we note that in the weak driving regime, the output intensity is predominantly dictated by the single-excitation component of the atomic system (since the one- and two-photon populations of the incoming pulse scale like $E_p^2$ and $E_p^4$, respectively). As the single-photon component does not experience Rydberg nonlinearities and sees perfect transparency associated with EIT, it results that the normalized intensity $\tilde{I}(t)\approx1$ in the steady state (yellow curve in Fig.~\ref{SquarePulse}.a). On the other hand, the two-photon intensity $\tilde{G}^{(2)}$ is efficiently attenuated due to the destruction of the EIT transparency condition by the Rydberg blockade. For a fully blockaded medium, the steady-state value of the output second-order correlation function was proved to be decreasing with $D$ and increasing with $\Omega_c$ and to admit the following approximate expression in the limit of high optical depth: $g^{(2)}_{ss}\approx 4\frac{1+\left(\Omega_c/\Gamma\right)^2}{\pi D}\exp\left[\frac{-D}{1+\left(\Omega_c/\Gamma\right)^2}\right]$ \cite{Peyronel2012}.
\subsection{Turn-on}
Once we switch the probe field suddenly on at $t=0$, the system evolves toward the steady-state configuration. In Fig.~\ref{SquarePulse}.b, we show a representative plot of $g^{(2)}(t)$ during this transient period. To further understand the behavior, it is convenient to utilize an input-output relation, which formally allows one to express the output field operator as a sum of the input field and the field re-emitted by the atoms. In a quasi-one-dimensional propagation problem, this takes the form \cite{Caneva2015,Manzoni2017}:
\begin{equation}\label{ElectricField}
E=E_p(t)-i\sqrt{\frac{\Gamma_{1D}}{2}}\sum_{h=1}^N e^{ik_pz_h}\sigma_{ge}^h.
\end{equation}
Here, $\sigma_{ge}^{h}=\ket{g}\bra{e_h}$ is the $h$-th atomic lowering operator, where $\ket{g}$ is the ground state of the system and $\ket{e_h}$ states for atom $h$ in the $\ket{e}$ state and all the others in the ground state, $z_h$ is the position of atom $h$ and $k_p\approx \omega_{eg}/c$ is the probe beam wavevector, where $c$ is the speed of light in vacuum. We have normalized the field such that $E^{\dagger}E$ has units of photon number per unit time and $\Gamma_{1D}$ is the emission rate of atoms into the Gaussian mode defined by the input probe beam. The spontaneous decay rate $\Gamma$ of the excited state is decomposed into the sum of $\Gamma_{1D}$ and $\Gamma'$, which is the decay into noncollectable directions and represents the losses. The optical depth reads $D=2N\mathrm{log}\left(\frac{\Gamma_{1D}+\Gamma'}{\Gamma'}\right)$, and in our spin model simulations we fix $\Gamma_{1D}/\Gamma'=0.2$, so that the optical depth per atom results to be $D_{atom}\approx0.36$. Since the atoms are initially in the ground state and the atomic properties must evolve continuously, one finds $\sigma_{ge}^h\ket{\psi(t=0^+)}=0$ at a time $t=0^+$ immediately after the turn-on of the pulse. From Eq. \ref{ElectricField}, this implies that the output field is the same as the input field immediately after turn-on, and in particular, $g^{(2)}(0^+)=1$ reflects the coherent-state statistics of the input field.
This also causes the first intensity peak immediately after turn-on, shown in Fig. \ref{SquarePulse}.b, which can alternatively be thought as input light components traveling through the ensemble too fast to interact with the atoms.
We now characterize the time scale $\tau_0$ over which $g^{(2)}(t)$ is expected to approach its steady-state value, $g^{(2)}(\tau_0)\sim g^{(2)}_{ss}$. To do so, it is helpful to draw a schematic of the possible atomic levels that can be excited in the weak-probe limit (up to two excitations), as indicated in Fig.~\ref{Level_Structure}. Here, we denote $\ket{\psi_{e,r}}$ as the manifold of states where only one atom is excited to states $\ket{e},\ket{r}$, respectively. Similarly, $\ket{\psi_{er,ee}}$ denote the manifold of states where one atom is in $\ket{e}$ while another is in $\ket{r}$, or two atoms are in the state $\ket{e}$~(recall that we consider a fully blockaded medium, so two atoms cannot occupy state $\ket{r}$). We denote with dashed arrows the possible paths by which these states can be excited by the probe and control fields. We have also indicated by the wavy green arrows the rates of dissipation of these states due to spontaneous emission into $4\pi$.
In the limit of a weak probe beam, the population of the two-excitation manifold is sufficiently small that its back-action onto the evolution of the single-excitation manifold can be neglected. Furthermore, since the coupling of the probe and control fields between the ground state and the single-excitation manifold simply behave under EIT in the linear optics regime, their dynamics are straightforward to analyze. In particular, the square pulse should propagate through the system at the reduced EIT group velocity $v_{gr}$ and its leading-edge should reach the end of the medium in a time $\tau_{EIT}=L/v_{gr}=4D\Gamma'/\Omega_c^2$. The single-excitation manifold effectively acts as a source to populate the two-excitation one (see Fig. \ref{Level_Structure}), and the two-excitation manifold should reach the steady state within a time $\sim\Gamma^{-1}$ of the single-excitation manifold doing so, due to its natural dissipation. As this time is negligible, we then expect for $\tau_0\approx \tau_{EIT}$.
\begin{figure}[!htb]
\centering%
{\includegraphics[width=0.9\textwidth]{Scaling_g2_tau_EIT_Oc_001_05_OD_2_10.pdf}}\quad\quad
\caption{Relationship between the turn-on transient time $\tau_0$ and the EIT propagation time $\tau_{EIT}$ (black solid line). $\tau_0$ is defined as the time after which $\left|g^{(2)}(t)-g^{(2)}_{ss}\right|/g^{(2)}_{ss}<0.005$. Different values of $\tau_{EIT}=4D\Gamma'/\Omega_c^2$ are sampled by varying the optical depth $D$ from $1.8$ to $9.1$ and the control field $\Omega_c$ from $\Gamma/100$ to $\Gamma/2$. The values of $\Omega_c$ are indicated by the different colors, as represented in the colorbar to the right. \label{T0scalingTeit}}
\end{figure}
In Fig. \ref{T0scalingTeit}, we confirm this scaling numerically. In particular, we vary both the control field amplitude $\Omega_c$ and optical depth $D$ over a large range of values. We further define $\tau_0$ as the time in which the numerically obtained fractional difference between the transient value of the second-order correlation function and its steady-state value $|g^{(2)}(\tau_0)-g_{ss}^{(2)}|/g_{ss}^{(2)}$ drops below $0.005$. We see that $\tau_0\approx\tau_{EIT}$ over the entire range of parameters studied, and independent of the specific values of $D$ and $\Omega_c$ separately. This is in agreement with the experimental data, where the duration of the first transient is $\sim400$ ns and we calculate $\tau_{EIT}\sim$ 450 ns, similar to the time the output intensity takes to arrive at its steady-state value (see Fig. \ref{fig:square}).
\subsection{Turn-off}
In Fig. \ref{SquarePulse}.c we show the output $\tilde{I}$, $\tilde{G}^{(2)}$ and $g^{(2)}$ when we switch the probe field suddenly off, starting from a steady-state initial condition. The dynamics exhibits two notable features. First, discontinuities can develop in the observables immediately after the shutoff. Second, one sees that the second-order correlation function $g^{(2)}(t)$ approaches zero at sufficiently long times, indicating a stronger antibunching than the one realizable in the steady state. We begin by analyzing the dynamics in the vicinity of the shutoff of the probe, which we define to occur at the time $\bar{t}$.
Using the input-output relation of Eq.~(\ref{ElectricField}), one sees that the output field operator $E$ evolves discontinuously. In particular, the outgoing intensity at a time $\bar{t}^+$ immediately following the shutoff, $\avg{E^\dagger (\bar{t}^+)E(\bar{t}^+)}$, will only be due to purely atomic emission and jump from its value at $\bar{t}^-$ immediately before the shutoff. Furthermore, since this intensity is dominated by the single-excitation component for weak driving, and as the $\ket{e}$-state component of this manifold is unpopulated ($\ket{\psi_e}=0$) due to perfect EIT, the atoms are not able to emit light instantaneously and one finds $\tilde{I}(\bar{t}^+)\approx 0$. Conversely, the normalized two-photon intensity $\tilde{G}^{(2)}$ experiences a discontinuous increase.
In steady-state conditions and high optical depth, its value $\tilde{G}^{(2)}_{ss}\ll 1$ can be understood from Eq. \ref{ElectricField} as nearly perfect destructive interference between the incoming field and the field re-emitted by the atoms, since two photons cannot be efficiently transmitted due to the Rydberg blockade. Therefore, if the input field is instantly extinguished, the two-photon outgoing intensity is due to a purely atomic emission which, for large $D$,
is almost equal in amplitude (but opposite in phase) to the incoming field. As a consequence, one expects that $\tilde{G}^{(2)}(\bar{t}^+)\rightarrow 1$ and $g^{(2)}(\bar{t}^+)\rightarrow\infty$ in the square pulse limit. For a continuous switch off, a flash of bunched output light can still emerge if the time scale of the shutoff is faster than the time needed by the atoms to react, which is roughly $\sim\Gamma^{-1}$ \cite{Moehl2020}.
\begin{figure}[!htb]
\centering%
{\includegraphics[scale=0.48]{Turn_Off_Single_Excitation_Analysis_new2.pdf}}\quad\quad
\caption{Analysis of the single-excitation dynamics in the turn-off regime. (a) Representative plot of the normalized output intensity $\tilde{I}(t)$ for $D\approx23$ and $\Omega_c=\Gamma/5$. The single-excitation characteristic time $\tau_I$ is defined as the amount of time needed, following the turn-off (occurring at time $\bar{t}\:$), for the normalized intensity to drop to half of its steady-state value, $\tilde{I}(\bar{t}+\tau_I)=0.5$. (b) Detail of the short times dynamics. (c) Relationship between $\tau_I$ and the EIT propagation time $\tau_{EIT}$ sampled by varying $D$ form $9.1$ to $27.3$ and $\Omega_c$ from $\Gamma/100$ to $\Gamma/2$. The values of $\Omega_c$ are indicated by the different colors, as represented in the colorbar to the right. \label{Turn_Off_Single_Excitation}}
\end{figure}
The analysis of the transient dynamics following the instant shutoff of the probe is made easier by noting that the single- and the two-excitation components of the atomic system become decoupled when $E_p=0$ (see Fig. \ref{Level_Structure}) and we can thus investigate the dynamics in each manifold separately. Immediately following the shutoff, any atomic excitation in the single-excitation manifold takes the form of a spin wave in the Rydberg state $\ket{\psi_1(\bar{t}^+)}=\ket{\psi_1^{ss}}\sim\sum_he^{ik_pz_h}\ket{r_h}$ due to the perfect EIT condition. This makes the subsequent dynamics equivalent to the retrieval of a stored spin wave in an EIT-based quantum memory. We will restrict ourselves to the regime of reasonably high $D$ and small $\Omega_c$, such that the retrieved field takes a similar spatial form as the spin wave itself (in contrast when $\Omega_c
\geq
\Gamma$, the outgoing pulse can oscillate due to Rabi flopping dynamics between $\ket{e}$ and $\ket{r}$). In Fig. \ref{Turn_Off_Single_Excitation}.a, we show a representative plot of the output intensity as a function of time following the shutoff, for $D\approx23$ and $\Omega_c/\Gamma=0.2$. Due to the finite bandwidth of the EIT transparency window, the shape of the retrieved output intensity is smoother than the flat rectangular shape of the steady-state spin wave itself. We define a characteristic time $\tau_I$ as the amount of time following the shutoff for the normalized outgoing intensity to reach half of its steady-state value, $\tilde{I}(\bar{t}+\tau_I)=0.5$. We expect that $\tau_I\approx \tau_{EIT}$, i.e. $\tau_I$ should approximately coincide with the time needed to propagate across the medium at the reduced EIT group velocity. In Fig. \ref{Turn_Off_Single_Excitation}.c, we plot the numerically extracted $\tau_I$ over a broad range of optical depths and control field amplitudes and see a good agreement with the expected result. For the experimental data, the calculated value of $\tau_{EIT}$ is also in agreement with the decay time of the second transient (see Fig. \ref{fig:square}). Finally, we remark that at short times following the shutoff, the outgoing intensity can exceed the steady-state intensity of the original square wave input, $\tilde{I}(t)>1$, as illustrated in Fig. \ref{Turn_Off_Single_Excitation}.b. Physically, at short times, the control field can drive the original spin wave stored in the state $\ket{r}$ into a ``bright'' spin wave $\sim \sum_he^{ik_pz_h}\ket{e_h}$. It is known that such a spin wave experiences collectively enhanced or superradiant emission into the forward direction \cite{Bromley2016,Svidzinsky2010}, at a rate $\sim \Gamma D/4$, which physically arises from the constructive interference between the light emitted by different atoms in this direction due to their relative phases $\sim e^{ik_pz_h}$.
We now turn to the two-photon intensity. In Fig. \ref{Turn_Off_Double_Excitation}.a we show a representative plot of the output $\tilde{G}^{(2)}(t)$ at the turn-off. One sees that at short times it rapidly decays to zero with a hump-like profile, while at long times it exhibits slower oscillating features. We define a characteristic temporal length of the short time behavior, $\tau_{II}$, as the amount of time for the normalized two-photon intensity to reach half of its value immediately after turn-off, $\tilde{G}^{(2)}(\bar{t}+\tau_{II})=\tilde{G}^{(2)}(\bar{t})/2$. Numerically, we find that $\tau_{II}$ scales like $1/D$, as shown in Fig. \ref{Turn_Off_Double_Excitation}.b. This can be understood as both the $er$ and the $ee$ components of the two-excitation steady-state wave function $\ket{\psi_2^{ss}}$ are phase-matched and emit in a collectively enhanced fashion immediately after turn-off. However, as $\ket{\psi_2^{ss}}$ is not an eigenstate of the system, it can undergo spatio-temporal evolution. At long times, the emitted two-photon intensity will thus no longer be collectively enhanced but will decay at a rate $\sim\Gamma$ comparable to the single-atom decay rate. This behavior can be seen in Fig. \ref{Turn_Off_Double_Excitation}.c, by comparing the envelope of $\tilde{G}^{(2)}$ at long times with $e^{-\Gamma t}$.
\begin{figure}[!htb]
\centering%
{\includegraphics[scale=0.5]{Turn_Off_Double_Excitation_Analysis_new2.pdf}}\quad\quad
\caption{Analysis of the double-excitation dynamics in the turn-off regime. (a) Representative plot of the normalized output two-photon intensity $\tilde{G}^{(2)}(t)$ for $D\approx7.3$ and $\Omega_c=\Gamma/2$. The double-excitation characteristic time $\tau_{II}$ is defined as the amount of time needed, following the turn-off (occurring at time $\bar{t}\:$), for the normalized two-photon intensity to drop to half value immediately after turn-off, $\tilde{G}^{(2)}(\bar{t}_{II})=\tilde{G}^{(2)}(\bar{t})/2$. (b) The double-excitation characteristic time $\tau_{II}$ sampled by varying $D$ from $2.9$ to $9.1$ for $\Omega_c=\Gamma/20,\:\Gamma/4,$ and $\Gamma/2$. (c) Long time profile of $\tilde{G}^{(2)}(t)$ and reference spontaneous decay $e^{-\Gamma t}$ (dashed yellow line). \label{Turn_Off_Double_Excitation}}
\end{figure}
We can now finally understand why $g^{(2)}(t)=\tilde{G}^{(2)}(t)/\tilde{I}(t)^2$ decreases below its steady-state value at long times after the turn-off. In particular, with increasing optical depth, the numerator $\tilde{G}^{(2)}(t)$ describing the two-excitation component rapidly decays on a time scale $\tau_{II}\propto 1/D$ due to collective enhancement (with a small residual component decaying at the single-atom rate $\sim\Gamma$), while the denominator persists for a longer time $\tau_{I}\propto D$ due to the slow retrieval dynamics of the single-excitation component.
\subsection{Simulation of the experiment}
To reproduce the experimental results, we insert into our spin model the optical depth, the spontaneous decay rate and the control field values given in Sec. \ref{sec:Experiment}. We also add the motional dephasing $\gamma_r$ of the Rydberg atoms. The numerical results thus obtained are in good agreement with the experimental EIT transmission and with the output light pulse, shown in Fig. \ref{fig:setup}.d and \ref{fig:g2ex}.a, respectively. We remove the fully blockaded hypothesis and model the finite blockade with an interaction potential of the form $V_r=V_0\left(r_b/r\right)^6$, where $r_b$ is the blockade radius and $V_0=2\Omega_c^2\left[\Gamma_{1D}\left(2\Gamma'+\Gamma_{1D}\right)\right]^{-1/2}$ is the single-atom bandwidth. By setting an optical depth per blockade radius of $D_b\approx0.9$, one finds $g^{(2)}(t)\approx0.3$, which is in agreement with the $\tau=0$ value of Fig. \ref{fig:g2ex}.b. In Fig. \ref{fig:square}, the resultant pulse analysis is shown and it is worth noticing how the measured $g_{\Delta t}^{(2)}(t) $ tends towards the numerically predicted $g^{(2)}(t)$ as one decreases the length of the detection window $\Delta t$.
\section{Single-photon generation and storage}
The turn-off transient, where the $g^{(2)}_{\Delta t}(t)$ value strongly decreases, opens the way for possible applications related to narrowband single-photon generation. For that purpose, we could cut the output pulses and exploit the single photons arriving in the last part of the pulse. To analyze this proposal, we select a temporal window at the end of the pulse where looking for detection counts and coincidences. Then, we measure the $g^{(2)}_{\Delta t}(t)$ values of the photons arriving inside this window and their corresponding detection and generation probability. The generation probability is inferred as $P_{g}=N_{1}/\eta_{det}$, where $N_1$ is the number of counts per trial arriving to SPAD$_1$ in the selected time window and $\eta_{det}$ is the detection efficiency, including fiber coupling, transmission through all the optical elements and single-photon detector efficiency.
Fig. \ref{fig:sp500} shows an example of the single-photon generation for a time window $\Delta t$ = 500 ns and $t= 1.2 \ \mu$s (see inset plot). When measuring the normalized coincidences for consecutive pulses (see Fig. \ref{fig:sp500}.a), we get a value of $g^{(2)}_{\Delta t}=0.218\pm0.015$ significantly lower than for $\Delta t = 1.6 \mu s$. Moreover, the time resolved measurement within one pulse (see Fig. \ref{fig:sp500}.b) shows that the values of $g^{(2)}(\tau)$ remain low for the full window, showing the generation of a localized single photon.
\begin{figure}[h]
\centering
\includegraphics[width=0.9\textwidth]{g2_last500ns_norm}
\caption{Single-photon generation: example of single-photon generation with $\Delta t$ = 500 ns. (a) Normalized coincidence counts between different trials, leading to a value of $g^{(2)}_{\Delta t}= 0.218\pm0.015$ for $n_{trial}=0$. (b) Time-resolved measurement of $g^{(2)}(\tau)$ leading to a zero-delay value of $g^{(2)}(0)=0.15\pm0.03$. Error bars correspond to one standard deviation.}
\label{fig:sp500}
\end{figure}
\begin{figure}[h]
\centering
\includegraphics[width=0.9\textwidth]{SPgeneration_v2}
\caption{Single-photon generation. (a) Temporal distribution of a Gaussian pulse after propagation through EIT (in blue) and after storage (in green) and that of a square pulse after propagation through EIT (in orange). The temporal window is varied in plots (b) and (c) for the slow light case, as indicated by the arrow. (b) $g^{(2)}_{\Delta t}(t)$ as a function of the number of counts per trial in SPAD$_1$ (bottom axis) and the probability to have a photon at the output of the cloud (upper axis), for an input Gaussian pulse (in blue), the previously shown square pulse (in orange) and after storing for 500 ns (in green). The generation probability is increased by taking the same final time of the temporal window but changing the starting time to increase $\Delta t$, as we can see in plot (a). (c) $g^{(2)}_{\Delta t}(t)$ as a function of the inverse of the temporal window, for the same cases as before. Vertical error bars correspond to one standard deviation.}
\label{fig:sp}
\end{figure}
To further study the effect of the temporal window, we then vary $\Delta t$, while keeping the final time $t+\Delta t = 1.7 \ \mu$s fixed. Fig. \ref{fig:sp} shows the results for different duration of the temporal window, for Gaussian and square input pulses. When we increase the time window, the probability to have a detection count increases, but at the expense of reducing the quality of the single photons. For the previously studied square pulse, $g^{(2)}_{\Delta t}(t)=0.48 \pm 0.01$ is obtained for $\Delta t= 0.68 \ \mu$s and a generation probability of $0.145 \pm 0.014$, while $g^{(2)}_{\Delta t}(t)=0.147 \pm 0.017$ is obtained for $\Delta t= 0.45 \ \mu$s and a generation probability of $0.046 \pm 0.004$. We compare the results for the square pulse with the case of a Gaussian input pulse. We see that the Gaussian pulse leads to a higher value of $g^{(2)}_{\Delta t}(t)$, for all generation efficiencies, compared to the square pulse. This confirms that a fast shutoff of the input pulse is beneficial for the production of single photons.
We also compare the results with the strategy consisting of storing the input Gaussian pulse in the Rydberg state \cite{Maxwell2013, Distante2016, Distante2017, SchmidtEberle2020}. This can be made by switching off the control beam ($\Omega_c\rightarrow0$) when polaritons are traveling inside the medium. After a storage time of $t_S$ = 500 ns, we can retrieve the output pulse by switching on again the control beam. This method allows for an increase in the quantum character of the output pulse without changing the experimental conditions. Due to our limited $D$, the entire input pulse cannot be compressed inside the medium and only a part of the pulse can be stored as Rydberg excitations, importantly reducing the output efficiency.
In Fig. \ref{fig:sp}, we show the $g^{(2)}_{\Delta t}$ obtained after storage and retrieval (in green), for $\Delta t$ taking into account the whole retrieved pulse (see Fig. \ref{fig:sp}.a). As we can observe, the $g^{(2)}_{\Delta t}$ in the storage case is similar to the obtained in the turn-off transient of the transmitted square pulse, for the same generation probability (see green and orange points of Fig. \ref{fig:sp}.b). However, for lower quality of the output photons, i.e higher values of $g^{(2)}_{\Delta t}$, the generation probability in the transient case importantly increases.
Finally, in Fig. \ref{fig:sp}.c we plot $g^{(2)}_{\Delta t}$ as function of the inverse of $\Delta t$, which is proportional to the photon bandwidth. Values of $g^{(2)}(\Delta t)$ $<$ 0.2 can be achieved for $1/\Delta t\sim2$ MHz, showing that high quality, narrowband single photons can be generated with this technique.
As shown in Sec. \ref{theory}, increasing the optical depth and reducing the Rabi frequency of the control field results in a better separation between the two-photon dynamics and the single-photon one and therefore leads to a smaller value of $g^{(2)}_{\Delta t}$ in the turn-off transient. However, the single-photon generation efficiency is currently affected by the low value of the transmission in the EIT transparency window, which is likely limited by the decoherence rate of the $|g\rangle$ to $|r\rangle$ transition, which also enforces a lower bound in the choice of $\Omega_c$. We expect that reducing the laser linewidths (currently around 300 kHz) by active stabilization on an optical cavity would bring to a significant increase in the EIT transmission and also make lower choices of the Rabi frequency of the control laser possible. Moreover, a larger value of $D_b$ would allow a more efficient compression of the pulse within a blockade radius. The current values of generation efficiency achieved (around 10 $\%$) are comparable with the values reported in single-photon generation experiments using off-resonant (Raman) excitation to the Rydberg states with Rydberg cold atomic ensembles \cite{Dudin2012}. It is informative to compare this efficiency with techniques of probabilistic single-photon generations with atomic ensembles, such as e.g. the Duan-Lukin-Cirac-Zoller scheme \cite{Duan2001}. This scheme generates probabilistically photon pairs in a two-mode squeezed state with a probability per trial $p$, where one of the photons is stored as a collective atomic spin excitation in the ensemble. Upon detection of the first photon which provides a heralding signal, this collective spin excitation can then be efficiently transferred into a single photon in a well-defined spatio-temporal mode with an efficiency $\eta_R$. The probability to generate a single photon per trial is therefore given by $P_{DLCZ}=p\eta_D\eta_R$ where $\eta_D$ is the probability to detect the first photon. For a perfect two-mode squeezed state and for $p\ll1$, the second-order autocorrelation of the retrieved photon is $g^{(2)}(0)$=4$p$. In the best-case scenario (i.e. with unity detection and read-out efficiency), a DLCZ source could generate a photon with $g^{(2)}(0)$=0.1 with a probability of $P_{DLCZ}=0.025$ per trial. In practice, with finite detection and read-out efficiencies, this value will be even lower. Therefore, even though the single-photon generation efficiency demonstrated in this paper is quite modest and could still be largely improved, it compare favorably to probabilistic schemes.
\section{Conclusions}
In this paper, we investigated the propagation of weak coherent pulses in a cold atomic ensemble in the regime of Rydberg electromagnetically induced transparency. We found experimentally that the second-order correlation function of the output pulse depends on the time throughout the pulse and strongly varying during the transients of the pulse. In particular, the value of $g^{(2)}_{\Delta t}$ strongly decreases towards the end of the traveling pulse. Through a spin model analysis, we were able to quantitatively predict the measured pulse dynamics, both at the linear and nonlinear level, and to provide a qualitative explanation, in the test scenario of a perfectly square pulse propagating in a fully blockaded medium. Taking advantage of this behavior, we explored the possibility of using this effect to generate localized single photons and showed that it has better efficiency than a probabilistic DLCZ-like source.
\section{Acknowledgment}
This project received funding from the Government of Spain (PID2019-106850RB-I00; Severo Ochoa CEX2019-000910-S), Fundació Cellex, Fundació Mir-Puig, Generalitat de Catalunya (CERCA, AGAUR), Gordon and Betty Moore Foundation through Grant No. GBMF7446 to H. d. R. and from the European Union's Horizon 2020 research and innovation program under Grant Agreement No. 899275 (DAALI).
DEC acknowledges support from the European Union’s Horizon 2020 research and innovation programme, under FET-Open grant agreement No 899275 (DAALI), AEI Europa Excelencia program (EUR2020-112155, project ENHANCE), and Quantum Flagship project 820445 (QIA), MINECO Severo Ochoa program CEX2019-000910-S, Generalitat de Catalunya through the CERCA program, Fundació Privada Cellex, Fundació Mir-Puig, Plan Nacional Grant ALIQS (funded by MCIU, AEI, and FEDER), and Secretaria d'Universitats i Recerca del Departament d'Empresa i Coneixement de la Generalitat de Catalunya, co-funded by the European Union Regional Development Fund within the ERDF Operational Program of Catalunya (project QuantumCat, ref. 001-P-001644)
\section{References}
\bibliographystyle{iopart-num}
|
\section{Introduction}
\label{one}
Recent Leibniz scholarship has sought to gauge which foundational
framework furnishes the most successful account of the procedures of
the Leibnizian calculus (LC). While many scholars (e.g., Ishiguro,
Levey) opt for a default Weierstrassian framework, some recent work
explores additional possibilities, such as the non-Archimedean systems
provided by Lawvere's framework and by Robinson's framework. Siegmund
Probst observes:
\begin{quote}
For us, the question is whether Leibniz based his metaphysical
foundations of the calculus wholly on the concept of the
syncategorematic infinite or whether he pursued also an alternative
approach of accepting infinitesimals similar to what is done in modern
non-standard analysis. (Probst \cite{Pr18}, 2018, p.\;221)
\end{quote}
We will extend the scope of Probst's question to include the
additional possibility of Lawvere's framework. We will give summaries
of all three accounts in this introduction.
\subsection
{Grafting of the \emph{Epsilontik} on the calculus of Leibniz}
\label{s11}
The title of this section is inspired by that of Cajori (\cite{Ca23},
1923). Commenting on the role of the theory of limits, Cajori noted:
``[Leibniz] never actually founded his calculus upon that theory''
\cite[p.\;223]{Ca23}. Cajori saw this aspect of LC as a shortcoming:
\begin{quote}
At that time both [Leibniz and Newton] used infinitely small
quantities which were dropped when comparatively small.%
\footnote{See note~\ref{f21b} for Boyer's summary of the procedure of
dropping negligible terms, and Section~\ref{s35} for a formalisation.}
It is one of the curiosities in the history of mathematics that this
rough procedure was adopted, even though before this time theories of
\emph{limits} had been worked out in geometry by Giovanni Benedetti,
S. Stevin, L.\;Valerius, Gregory St.\;Vincent and Tacquet, and in
higher arithmetic by John Wallis. (ibid.; emphasis added).
\end{quote}
Cajori went on to summarize his view concerning the role of limits as
follows: ``[W]e see on the European continent the grafting of the
Newtonian and pre-Newtonian concepts of limits upon the calculus of
Leibniz'' \cite[p.\;234]{Ca23}. Cajori was writing a number of years
before the following mathematical developments took place:
\begin{enumerate}
\item
Skolem developed proper extensions of the naturals satisfying the
axioms of Peano Arithmetic in (\cite{Sk33}, 1933 and \cite{Sk34},
1934);
\item
Hewitt introduced hyper-real ideals in (\cite{He48}, 1948);
\item
\L o\'s proved his theorem in (\cite{Lo55}, 1955);
\item
Robinson pioneered his framework for infinitesimal analysis in
(\cite{Ro61}, 1961);
\item
Lawvere pioneered his category-theoretic framework in the 1960s and
70s (see e.g., \cite{La80}).
\end{enumerate}
These developments are not to be construed as breakthroughs in Leibniz
scholarship, but rather as mathematical developments that enabled
modern theories of infinitesimals, one of which was compared to LC by
Arthur (see Section~\ref{s17}).
\subsection{From Berkeley's ghosts to Guicciardini's limits}
In 1734, George Berkeley claimed that infinitesimals were logically
contradictory. Namely, he claimed that they are simultaneously zero
and nonzero. There was a bit of a flurry in England at the time
around Berkeley's pamphlet; see e.g., Andersen (\cite{An11}, 2011).
However, it was mostly ignored until the end of the 19th century. In
the closing decades of the 19th century, the trend-setters in the
mathematics community ruled against infinitesimals, and Berkeley's
criticism became popular again. This development was due to the fact
that some working mathematicians (though by no means all) agreed with
its \emph{conclusion} (``infinitesimals are contradictory"), not
because they actually analyzed his argument. Since then, many
historians have quoted Berkeley's claims without analyzing them
properly.
Robinson's work (\cite{Ro66}, 1966) cast doubt upon Berkeley's
conclusion, leading scholars like David Sherry (\cite{Sh87}, 1987) to
take a fresh look at Berkeley's criticism to see if it actually made
sense, and they were not impressed. Contrary to Berkeley's claim,
Leibniz never asserted that an infinitesimal literally equals zero.%
\footnote{Possibly Johann Bernoulli did, but there may have been
significant differences between Leibniz and Bernoulli; see Nagel
(\cite{Na08}, 2008).}
On the contrary, Leibniz emphasized repeatedly that he worked with a
generalized relation of equality ``up to" a negligible term (see
Section~\ref{s28}). In this way, Leibniz justified moves such as the
passage from~$\frac{2x+dx}{a}$ to~$\frac{2x}{a}$ in the calculation
of~$\frac{dy}{dx}$ when~$ay=x^2$ (see Section~\ref{s42}). Even such a
generalized relation had antecedents. Thus, Fermat's method of
adequality involved \emph{discarding} the remaining terms in~$E$
(rather than setting them equal to zero); see Str{\o}mholm
(\cite{St68}, 1968, p.\;51).%
\footnote{\label{f21b}As observed by Boyer, ``The general principle
that in an equation involving infinitesimals those of higher order are
to be discarded inasmuch they have no effect on the final result is
sometimes regarded as the basic principle of the differential
calculus. {\ldots} this type of doctrine constituted the central theme
in the developments leading to the calculus of Newton and Leibniz
{\ldots} It was, indeed, precisely upon this general premise that
Leibniz sought to establish the method of differentials''
\cite[p.\;79]{Bo41}. For a possible formalisation of the procedure of
discarding terms see Section~\ref{s35}.}
Somewhat paradoxically, Robinson's insights appear to have led to an
intensification of the efforts by some historians to demonstrate that
(contrary to Cajori's claim) Leibniz did found his calculus on limits.
Thus, Guicciardini writes:
\begin{quote}
In several of his mature writings, [Leibniz] stated that his
differentials are `well founded,' since they are symbolic
abbreviations for \emph{limit procedures}. (Guicciardini \cite{Gu18},
2018, p.\;90; emphasis added)
\end{quote}
In a similar vein, Guicciardini claims that
\begin{quote}
Leibniz distinguished between the search for rigor and the
effectiveness of algorithms. The former was the purview of
metaphysicians, because it ultimately rests on metaphysical
principles, most notably on the `principles of continuity,' on which
Leibniz `well founded,' as he used to say, his method of
\emph{infinitesimals as limits}. (ibid.; emphasis added)
\end{quote}
Here Guicciardini alludes to Leibnizian references to infinitesimals
as \emph{well-founded fictions}. However, Leibniz never wrote
anything about any ``method of infinitesimals as limits.''%
\footnote{The view of \emph{infinitesimals as limits} is no late
stratagem for Guicciardini. Nearly two decades earlier, he already
claimed that ``Leibniz carefully defines the infinitesimal and the
infinite in terms of limit procedures'' (Guicciardini \cite{Gu00},
2000). The claim occurs in a review of Knobloch (\cite{Kn99}, 1999).
Note that the article under review does not mention the word ``limit''
in connection with the Leibnizian calculus.}
If, as per Guicciardini, Leibniz viewed infinitesimals as limits, then
Leibniz's vision of the infinitesimal calculus was significantly
different from l'Hospital's. Unlike Guicciardini, editors Bradley et
al.\;of an English edition of l'Hospital's \emph{Analyse des
infiniment petits} take for granted a \emph{continuity} between
Leibniz's and l'Hospital's visions of the calculus:
\begin{quote}
Leibniz' differential calculus tells us how to find the relations
among infinitely small increments~$dx$,~$dy$, etc., among the
variables~$x$,~$y$, etc., in an equation. L'H\^opital gives the
definition on p.\;2: ``The infinitely small portion by which a
variable quantity continually increases or decreases is called the
\emph{Differential}.'' (Bradley et al.\;\cite{Br15}, 2015, p.\;xvii;
emphasis in the original)
\end{quote}
While there were differences between the views of Leibniz and
l'Hospital (notably with regard to the question of the reality of
infinitesimals), the assumption of a \emph{dis}continuity between them
is a thesis that needs to be argued rather than postulated%
\footnote{\label{f5b}Similar remarks apply to the question of
continuity between Leibniz and other Leibnizians such as Jacob
Hermann; see note~\ref{f16}. Jesseph analyzes the use of
infinitesimals by Torricelli and Roberval, and concludes: ``By taking
indivisibles as infinitely small magnitudes of the same dimension as
the lines, figures, or solids they compose, [Roberval] could avoid the
paradoxes that seemed to threaten Cavalieri's methods, just as
Torricelli had done'' (\cite{Je21}, 2021, p.\;117). Thus Torricelli
and Roberval viewed infinitesimals as homogeneous with ordinary
quantities but incomparable with them. In Section~\ref{V4} we argue
that this was Leibniz's view, as well. Guicciardini's limit-centered
interpretation of Leibnizian infinitesimals anachronistically
postulates a discontinuity between Leibniz with both the preceding and
the following generations of mathematicians, and is symptomatic of
butterfly-model thinking (see Section~\ref{s17b}).}
(for a discussion of the issue of historical continuity see Katz
\cite{20z}, 2020). The assumption that Leibniz based his calculus on
limits is akin to Ishiguro's interpretation; see Section~\ref{s13}.
We will examine several modern interpretations of LC, with special
attention to Arthur's comparison of LC to Smooth Infinitesimal
Analysis (SIA); see Section~\ref{s17}. An introduction to SIA
appears in Section~\ref{s3}.
\subsection{Modern interpretations}
\label{s13}
Interpretations of LC by Bos \cite{Bo74} and Mancosu \cite{Ma89}
contrast with interpretations by Ishiguro (\cite{Is90}, 1990,
Chapter\;5) and Arthur. These interpretations were explored in
Katz--Sherry (\cite{12e}, 2012 and \cite{13f}, 2013), Bascelli et
al.\;(\cite{16a}, 2016), B{\l}aszczyk et al.\;(\cite{17d}, 2017), Bair
et al.\;(\cite{17b}, 2017 and \cite{18a}, 2018).
Ishiguro interprets Leibnizian infinitesimals as follows:
\begin{quote}
It seems that when we make reference to infinitesimals in a
proposition, we are not designating a fixed magnitude incomparably
smaller than our ordinary magnitudes. Leibniz is saying that whatever
small magnitude an opponent may present, one can assert the existence
of a smaller magnitude. In other words, we can paraphrase the
proposition with a \emph{universal} proposition with an embedded
\emph{existential} claim. (Ishiguro \cite{Is90}, 1990, p.\;87;
emphasis added)
\end{quote}
Ishiguro posits that when Leibniz wrote that his inassignable~$dx$, or
alternatively~$\epsilon$, was smaller than every given quantity~$Q$,
what he really meant was a quantifier statement to the effect that for
each given~$Q>0$ there exists an~$\epsilon>0$ such
that~\mbox{$\epsilon<Q$} (or that the error is smaller than~$Q$ if the
increment is smaller than~$\epsilon$).%
\footnote{Thus Ishiguro's Chapter\;5 fits in a modern tradition of
scholarship in search of, to paraphrase Berkeley, the ghosts of
departed \emph{quantifiers} that targets not only Leibniz but also
Cauchy; see e.g., Bair et al.\;(\cite{17a}, 2017).}
This is the standard \emph{syncategorematic} interpretation, via
alternating logical quantifiers, of terms involving infinity.
According to such interpretations, Leibnizian infinitesimals are
\emph{logical fictions}. Sherry--Katz \cite{14c} contrasted such
interpretations with a \emph{pure fictionalist} interpretation. Every
occurrence of a logical fiction is eliminable by a quantifier
paraphrase, whereas pure fictions are not.
Arthur has endorsed Ishiguro's reading in a series of articles and
books; see e.g., \cite{Ar07}--\cite{Ar18}, \cite{Ra20}. The so-called
``Leibniz's syncategorematic infinitesimals'' currently come in two
installments: Arthur (\cite{Ar13}, 2013, communicated by Guicciardini)
and Rabouin--Arthur (\cite{Ra20}, 2020, communicated by Jeremy Gray).
Even earlier, Arthur produced ``Leibniz's Archimedean
infinitesimals''%
\footnote{\label{f5}Among the authors who have pursued such an
Archimedean line is Levey. Levey is of the opinion that ``Leibniz has
abandoned any ontology of actual infinitesimals and adopted the
\emph{syncategorematic} view of both the infinite and the infinitely
small {\ldots} The interpretation is worth stating in some detail,
both for \emph{propaganda} purposes and for the clarity it lends to
some questions that should be raised concerning Leibniz's
fictionalism'' (\cite[p.\;107]{Le08}; emphasis on ``syncategorematic''
in the original; emphasis on ``propaganda'' added). In conclusion,
``Leibniz will emerge at key points to be something of an
Archimedean'' (ibid.). Levey does not elaborate what ``propaganda
purposes'' he may have in mind here, but apparently they don't include
considering Robinson's interpretation as a possibility. Most
recently, Levey claims that ``Particularly critical for grasping the
conceptual foundation of his method {\ldots} is the fact that for
Leibniz the idea of `infinitely small' is itself understood in terms
of a \emph{variable finite} quantity that can be made
\emph{arbitrarily} small'' (Levey \cite{Le21}, 2021, p.\;142; emphasis
in the original), but provides no evidence.}
(\cite{Ar07}, 2007).
However, Leibniz made it clear that the infinitesimal method is an
\emph{alternative} to, rather than being merely a \emph{fa\c con de
parler} for, Archimedean methods involving exhaustion. Thus, Leibniz
wrote in his \emph{De Quadratura Arithmetica} (DQA) already in
1675/76:
\begin{quote}
What we have said up to this point about infinite and infinitely small
quantities will appear obscure to certain people, as does everything
new--although we have said nothing that cannot be easily understood by
each of them after a little reflection: indeed, whoever has understood
it will recognize its fecundity. (Leibniz as translated by
Rabouin--Arthur in \cite[p.\;419]{Ra20})
\end{quote}
How can one overcome such apprehensions concerning the novelty of the
infinite and the infinitely small? Leibniz offers a way forward by
dispensing with ontological preoccupations as to their existence ``in
nature,'' and treating them as fictional:
\begin{quote}
It does not matter whether there are such quantities in nature, for it
suffices that they be introduced by a fiction, since they provide
abbreviations of speaking and thinking, and thereby of discovery as
well as of demonstration, {\ldots}
(ibid.)
\end{quote}
We deliberately interrupted the passage at a comma for reasons that
will become clear shortly. Leibniz's rejection of the assumption that
infinitesimals exist in nature occurs in the same sentence as their
description as fictions, indicating that their fictionality is the
contrary of being instantiated in nature. Leibniz continues:
\begin{quote}
{\ldots} so that it is not always necessary to use inscribed or
circumscribed figures and to infer ad absurdum, and to show that the
error is smaller than any assignable. (ibid.)
\end{quote}
Leibniz asserts that the infinitesimal method renders it
\emph{unnecessary} to use inscribed or circumscribed figures. He thus
makes it clear that the infinitesimal method (freed of any ontological
assumptions as to infinitesimals being instantiated in nature)
provides an alternative to, rather than being a \emph{fa\c con de
parler} for -- as per the syncategorematic reading -- Archimedean
methods (involving inscribed and circumscribed figures mentioned in
the passage). Clearly at odds with the Leibnizian intention in this
passage, the syncategorematic reading specifically makes it
\emph{necessary} to use inscribed and circumscribed figures.%
\footnote{\label{f12}Levey quotes this Leibnizian passage in
\cite[p.\;146]{Le21} and claims that ``Leibniz's view in DQA of the
infinitely small and its correlative idea of the infinitely large as
useful fictions, whose underlying truth is understood in terms of
relations among variable finite quantities that could be spelled out
painstakingly if necessary, will be his longstanding position''
(ibid.), without however providing any evidence. As we argued, rather
than support the syncategorematic reading, the 1676 passage actually
furnishes evidence against it.}
The fictionalist view as expressed in DQA is consistent with what
Leibniz wrote decades later concerning the interpretation of the
infinitely small. Thus, in a letter to Varignon, Leibniz commented on
the ideal status of infinitesimals in a way similar to that in DQA:
\begin{quote}
D'o\`u il s'ensuit, que si quelcun%
\footnote{Here and in the following we preserved the spelling as found
in Gerhardt.}
n'admet point des lignes infinies et infiniment petites \`a la rigueur
metaphy\-sique et comme des choses reelles, il peut s'en servir
seurement comme des notions \emph{ideales} qui abregent le
raisonnement, semblables \`a ce qu'on nomme racines imaginaires dans
l'analyse commune{\ldots}%
\footnote{Loemker's English translation: ``It follows from this that
even if someone refuses to admit infinite and infinitesimal lines in a
rigorous metaphysical sense and as real things, he can still use them
with confidence as ideal concepts which shorten his reasoning, similar
to what we call imaginary roots in the ordinary algebra''
\cite[p.\;543]{Le89}.}
(Leibniz to Varignon \cite{Le02}, 2 february 1702, GM \cite{Ge50}, IV,
p.\;92; emphasis added).
\end{quote}
Here Leibniz describes infinitesimals as ideal notions, and expresses
a reluctance to get into metaphysical debates as to their reality.
\subsection
{Was the fictionalist interpretation a late development?}
\label{s14}
Rabouin and Arthur (RA) allege the following:
\begin{enumerate}
\item
Some authors claim that when Leibniz called them `fictions' in
response to the criticisms of the calculus by Rolle and others at the
turn of the century, he had in mind a different meaning of `fiction'
than in his earlier work, involving a commitment to their existence as
non-Archimedean elements of the continuum. \cite[Abstract]{Ra20}
\item
It has been objected [by such authors] that although Leibniz
characterized infinitesimals as non-existent fictions in DQA and other
writings of the mid-1670s, it cannot be assumed that he continued to
hold the same view of fictions after he had fully developed the
differential calculus. \cite[pp.\;403--404]{Ra20}
\end{enumerate}
In these passages, RA attribute to their opponents the view that
Leibniz may have had a different meaning of \emph{fiction} when he
fully developed his calculus as compared to his DQA.\, However, RA
provide no evidence to back up the claim that their opponents
``persist in holding that Leibniz's fictionalist interpretation was a
late development, prompted by the criticisms of Rolle and others in
the 1690s.''%
\footnote{In their note~8, RA attribute such a view to Jesseph.
However, Jesseph observes that ``there are certainly traces of
[Leibniz's fictionalist position] as early as the 1670s''
\cite[p.\;195]{Je15}. RA give an erroneous page for Jesseph's
observation.}
Did Leibniz change his mind about the approach developed in DQA? It
is true that, already in the late 1670s, Leibniz felt that the new
infinitesimal calculus may have superceded the techniques of DQA.
Thus, in a 1679 letter to Huygens, Leibniz wrote:
\begin{quote}
I have left my manuscript on arithmetical quadratures at Paris so that
it may some day be printed there.%
\footnote{Knobloch quotes only the first sentence ``I have left my
manuscript on arithmetical quadratures at Paris so that it may some
day be printed there'' and infers that ``Leibniz did want to publish
it'' \cite[p.\;282]{Kn17}. The rest of the quotation makes such an
inference less certain.}
But I have advanced far beyond studies of this kind and believe that
we can get to the bottom of most problems which now seem to lie beyond
our calculation; for example, quadratures, the inverse method of
tangents, the irrational roots of equations, and the arithmetic of
Diophantus. (Leibniz in 1679 as translated by Loemker
\cite[p.\;248]{Le89}).
\end{quote}
Thus already by 1679, Leibniz ``advanced far beyond'' his DQA.
However, DQA being possibly superceded does not mean that Leibniz
changed his mind about the meaning of infinitesimals as fictions. And
if Leibniz did change his mind, then RA would be contradicting Leibniz
himself (rather than contradicting their opponents), as they do when
they claim to account for Leibnizian infinitesimals
\begin{quote}
``in keeping with the Archimedean axiom'' \cite[Abstract]{Ra20},
\end{quote}
whereas Leibniz made it clear that his incomparables violate Euclid's
Definition\;V.4 in a pair of 1695 texts \cite{Le95a}, \cite{Le95b}
(see Section~\ref{V4}).
Similarly, Leibnizian bounded infinities are greater than any
assignable quantity (see Section~\ref{s43b} for a modern formalisation).
Leibniz clarified the meaning of the term \emph{incomparable} as
follows:
\begin{quote}
C'est ce qui m'a fait parler autres fois des incomparables, par ce que
ce que j'en dis a lieu \emph{soit} qu'on entende des grandeurs
infiniment petites \emph{ou} qu'on employe des grandeurs d'une
petitesse inconsiderable et suffisante pour faire l'erreur moindre que
celle qui est donn\'ee. (Leibniz quoted by Pasini \cite{Pa88}, 1988,
p.\;708; emphasis added)
\end{quote}
Leibniz' sentence exploits the structure ``soit {\ldots} ou {\ldots}"
to present a pair of distinct meanings of the term
\emph{incomparable}: (A) as a practical tool enabling one to make an
error smaller than a value given in advance,%
\footnote{\label{f13}The \emph{incomparables} in this sense are
sometimes described by Leibniz as \emph{common}. Thus, they are
described as \emph{incomparables communs} in the 1702 letter to
Varignon quoted in Section~\ref{s32b}. The distinction has often been
overlooked by commentators; see note~\ref{f24}.}
and (B) as an infinitesimal properly speaking.%
\footnote{Leibnizian conciliatory methodology (see Mercer \cite{Me06},
2006) could account for his desire to include a mention of the
A-method (favored by some contemporaries on traditionalist grounds)
alongside the B-method.}
The 1695 texts used the term in the sense~(B).\, RA quote this
Leibnizian passage \emph{twice} yet fail to notice that it challenges
their main thesis concerning Leibnizian infinitesimals (see
Section~\ref{s22} for an analysis of the difficulties with RA's
reading).
\subsection{Euclid's Definition\;V\!.4}
\label{V4}
A pair of Leibnizian texts \cite{Le95a}, \cite{Le95b} from 1695
mention Euclid's definition\;{V\!.4} (referred to as V\!.5 by
Leibniz): a letter to l'Hospital and a published response to
Nieuwentijt. Breger notes the violation of Euclid's definition by
Leibnizian incomparables:
\begin{quote}
In a letter to L'H\^opital of 1695, Leibniz gives an explicit
definition of incomparable magnitudes: two magnitudes are called
incomparable if the one cannot exceed the other by means of
multiplication with an arbitrary (finite) number, and he expressly
points to Definition\;5 of the fifth book of Euclid quoted above.
\cite[p.\;73--74]{Br17}
\end{quote}
See Bair et al.\;(\cite{18a}, 2018, Sections\;3.2--3.4) for a detailed
analysis of these two mentions of V\!.4.
Levey claims that ``in a 1695 response to criticisms of the calculus
by Bernard Nieuwentijt {\ldots} Leibniz explains that his infinitely
small differential (say,~$dx$ in
\mbox{$x+dx$}) is not to be taken to be a fixed small quantity''
\cite[p.\;147]{Le21}. Levey goes on to translate a Leibnizian passage
as follows:
\begin{quote}
Such an increment cannot be exhibited by construction. Certainly, I
agree with Euclid bk.\;5, defin.\;5, that only those homogeneous
quantities are comparable of which one when multiplied by a number,
that is, a finite number, can exceed the other. And I hold that any
entities whose difference is not such a quantity are equal. (\ldots)
This is precisely what is meant by saying that the difference is
smaller than any given. (GM 5.322) (Leibniz as translated by Levey in
\cite[p.\;147]{Le21})
\end{quote}
Arthur makes similar claims about this passage in (\cite{Ar13}, 2013,
p.\;562). However, such claims concerning this Leibnizian passage are
problematic, as signaled in the following seven points.
\medskip
\textbf{1.} Both Arthur and Levey skip Leibniz's crucial introductory
sentences (quoted in Section~\ref{s28} below) where Leibniz discusses
both his generalized relation of equality up to negligible terms, and
his incomparables.
\medskip
\textbf{2.} Arthur and Levey overlook the fact that Leibniz is
\emph{not} claiming that homogeneous quantities are always comparable.
Rather, Leibniz merely gives the definition of comparability in terms
of\, V\!.4. Levey seeks to create a spurious impression that Leibniz
endorses the Archi\-medean property, whereas Leibniz merely gives a
definition of what it means for quantities to be comparable.
\medskip
\textbf{3.} The promoters of the syncategorematic reading are in
disarray when it comes to interpreting this Leibnizian passage. RA
\cite[p.\;432]{Ra20} acknowledge the violation of Euclid V\!.4 at
least as a nominal definition of incomparable quantities that may be
used as if they exist under certain specified conditions (see
Section~\ref{s34}). In a comment appearing in our third epigraph, RA
even summarize the Leibnizian definition of incomparability in modern
notation as follows. They denote by ``INC'' the relation of being
incomparable, and write:
\begin{quote}
[Leibniz] has defined {\ldots} what it is for one quantity (say,~$dx$)
to be incomparable \emph{in relation to} another (say,~$x$).
Formally, Leibniz's definition gives:\; For a given~$x$
and~$dx$,\,~$dx$ INC~$x$ iff \mbox{$\neg(\exists n) (ndx>x)$}.
(\cite[p.\;433]{Ra20}; emphasis in the original)
\end{quote}
By contrast, Levey \cite[p.\;147]{Le21} and Arthur \cite{Ar13}
interpret the passage directly in an Archime\-dean fashion involving
understanding the clause ``not a comparable difference" as \emph{no
difference} rather than \emph{possibly an incomparable difference}.%
\footnote{As mentioned earlier, this interpretation is untenable since
in the preceding sentences -- not quoted by Levey -- Leibniz defines
his generalized equality where the difference may be incomparably
small rather than necessarily absolutely zero.}
\medskip
\textbf{4.} The contention that Leibniz had in mind a generalized
relation of equality up to negligible terms is corroborated by the
fact that Jacob Bernoulli's student, Jacob Hermann, gave a similar
definition in his 1700 rebuttal of Nieuwentijt's criticisms:
\begin{quote}
According to Hermann the whole difficulty is based on an ambiguous use
of the two notions `aequalis' and `incomparabilis'. With regard to
equality, he reiterates Leibniz's definition, formulating it like
this: ``quaecunque data quavis minore differentia differunt, aequalia
esse.'' (``Whatever differs by a difference smaller than any given
quantity is equal''). (Nagel \cite{Na08}, 2008, p.\;206)
\end{quote}
Hermann also gave a definition of infinitesimals similar to
Leibniz's.%
\footnote{\label{f16}Hermann defines infinitesimals as follows:
``Quantitas vero infinite parva est, quae omni assignabili minor est:
{\&} talis Infinitesima vel Differentiale vocatur''
\cite[p.\;56]{He00}. Thus an infinitesimal is smaller than every
assignable quantity, just as in Leibniz.}
While the idea of Leibniz being ahead of his time possesses certain a
priori \emph{philosophical} plausibility, \emph{historically} speaking
the idea of Leibniz as a harbinger of the \emph{Epsilontik} must
postulate a problematic discontinuity with both his predecessors
Torricelli and Roberval and his successors l'Hospital, Hermann, the
Bernoullis and others (see also note~\ref{f5b}).
\medskip
\textbf{5.} Levey's opening claim that ``Leibniz explains that his
infinitely small differential {\ldots} is not to be taken to be a
fixed small quantity'' is not supported by the Leibnizian passage at
all, since the passage mentions neither constant nor variable
quantities.
\medskip
\textbf{6.} In view of Breger's remark quoted at the beginning of the
current Section~\ref{V4}, Levey appears to attribute to Leibniz a
rather paradoxical stance of claiming that his incomparables
violate~{V\!.4} in one 1695 text (letter to l'Hospital), and
satisfy~{V\!.4} in another text (response to Nieuwentijt) from the
same year. The analysis presented in \cite{18a} indicates that in
both texts, Leibniz made it clear that his incomparables%
\footnote{Not to be confused with \emph{common} incomparables; see
notes~\ref{f13} and \ref{f24}.}
violate~V\!.4.
\medskip
\textbf{7.} Levey follows Ishiguro's narrative in the following sense.
He first presents what he describes as the ``popular history'' of LC,
and then proposes an alternative. According to the popular history as
described by Levey, Leibniz used unrigorous infinitesimals to advance
geometry without worrying about the foundations of his method.
Levey's alternative account holds that Leibniz was in fact rigorous
(by the standards of his day), but his concept of infinitesimal was
misunderstood: what he really meant was Archimedean variable
quantities. Thus, Levey writes:
\begin{quote}
Leibniz's calculus was developed with scrupulous care for foundational
matters and was never wedded to the idea of infinitesimals as fixed
quantities greater than zero but less than any finite value.
\cite[p.\;140]{Le21}
\end{quote}
We can agree that LC was developed with scrupulous care for
foundational matters. However, Levey's alternative account is rooted
in a Weierstrassian concept of rigor,%
\footnote{Additional difficulties with Levey's reading are signaled in
notes \ref{f5}, \ref{f12}, \ref{f26}, \ref{f30} \ref{f44}.}
and overlooks another possibility--namely, that Leibnizian
infinitesimals were rigorous (by the standards of his time), but to
appreciate it one needs to overcome the Weierstrassian limitations and
be open to taking Leibniz at face value when he makes it clear that
his infinitesimals violate Definition V\!.4. The coherence of LC with
its incomparables and bounded infinities is underscored by the
existence of modern formalisations (see Section~\ref{s24}) faithful to
the Leibnizian procedures.
\subsection
{Questions for dialog}
\label{s15}
While the syncategorematic reading of LC is not the main focus of our
analysis in the present text, we would like to present a few questions
for a possible dialog concerning the Ishiguro--Arthur reading. In the
recent literature, one detects oblique references of the following
type:
\begin{itemize}
\item
``some recent theories of infinitesimals as non-Archimedean entities''
(Arthur \cite{Ar13}, 2013, p.\;553).
\item
``Advocates of nonstandard analysis routinely refuse to acknowledge
this'' (Spalt \cite{Sp15}, 2015, p.\;121).
\item
``Recently there have been attempts to argue that Leibniz, Euler, and
even Cauchy could have been thinking in some informal version of
rigorous modern non-standard analysis, in which infinite and
infinitesimal quantities do exist. However, a historical
interpretation such as the one sketched above that aims to understand
Leibniz on his own terms, and that confers upon him both insight and
consistency, has a lot to recommend it over an interpretation that has
only been possible to defend in the last few decades''%
\footnote{Apart from its failure to either cite or name scholars being
criticized, Gray's position endorsing historical authenticity seems
reasonable--until one examines Gray's own historical work, where
Euler's foundations are claimed to be ``dreadfully weak''
\cite[p.\;6]{Gr08} and ``cannot be said to be more than a gesture''
\cite[p.\;3]{Gr15}, whereas Cauchy's continuity is claimed to be among
concepts Cauchy defined using ``limiting arguments''
\cite[p.\;62]{Gr08b}. Such claims are arguably symptomatic of
butterfly-model thinking (see Section~\ref{s17b}). For a more
balanced approach to Euler and Cauchy see respectively \cite{17b} and
\cite{20a}.}
(Gray \cite{Gr15}, 2015, p.\;11).
\item
``Certain scholars of the calculus have denied that the interpretation
of infinitesimals as syncategorematic was Leibniz's mature view, and
have seen them as fictions in a different sense''
(Arthur\;\cite{Ar18}, 2018, p.\;156).
\item
``on se gardera n\'eanmoins de forcer un parall\`ele que Leibniz ne
place pas l\`a o\`u l'interpr\'etation formaliste le place'' (Rabouin
in \cite{Le18}, 2018, p.\;96).
\end{itemize}
Alas, such references come unequipped with either quotation or
citation. These authors apparently feel that the answer to Probst's
question (see Section~\ref{one}) is evident. It is to be hoped that a
more meaningful dialog with proponents of the Ishiguro--Arthur reading
and its variants can be engaged in the future.%
\footnote{It is commendable that in a recent text, Rabouin and Arthur
(\cite{Ra20},\;2020) engage their opponents in a more open fashion
than has been the case until now, even though we raise many questions
concerning the quality of their engagement in Sections~\ref{s14}
and~\ref{s22}.}
Such a dialog could use the following questions as a starting point:
\begin{enumerate}
\item
\emph{Were there two separate methods in the Leibnizian calculus or
only one?} Bos claims that there were two (one involving exhaustion
in an Archi\-me\-dean context, and a separate one relying on the law
of continuity and exploiting inassignable infinitesimals), and
provides textual evidence. A number of authors disagree with Bos,
including Arthur \cite[p.\;561]{Ar13}, Breger
\cite[pp.\;196--197]{Br08}, and Spalt \cite[p.\;118]{Sp15}.%
\footnote{Rabouin and Arthur (\cite{Ra20}, 2020) seem to acknowledge
the presence of two methods, but then go on to claim that method B
exploiting infinitesimals~$dx$ and~$dy$ is easily transcribed in terms
of assignable quantities~$(d)x$ and~$(d)y$. The mathematical
coherence (or otherwise) of such a claim is analyzed in
Section~\ref{s42}.}
\item
\emph{Are there hidden quantifiers lurking behind Leibnizian
calculus?} Ishiguro said there were (see Section~\ref{s13}). Rabouin
seeks to distance himself from hidden quantifiers in
\cite[p.\;362]{Ra15} but goes on to endorse Ishiguro in note 25 on the
same page. Breger endorses ``absorbed'' quantifiers in
\cite[p.\;194]{Br08}.
\item
\emph{Is it or is it not appropriate to use Robinson's framework in
order to formalize Leibnizian analysis?} Here there seems to be a
uniform agreement among scholars including
Arthur, Bassler, Breger, Gray, Ishiguro, Levey, Rabouin \cite[note\;2,
pp.\;95--96]{Le18}, and Spalt
that a Robinsonian interpretation is not possible. Yet Arthur
(\cite{Ar13}, 2013) compares LC to Smooth Infinitesimal Analysis where
infinitesimals similarly exhibit non-Archimedean behavior. Granted he
finds some differences in addition to similarities, but he does not
seem to accord a status of ``comparison is possible'' to Robinson's
framework. The reasons for this need to be understood.
\item
\emph{Do scholars following Ishiguro tend to apply a modern framework
to interpreting Leibniz, namely the Weierstrassian one?} In some of
his later writings, Knobloch explicitly describes Leibnizian
infinitesimals in terms of Weierstrass and the \emph{Epsilontik}; see
e.g., \cite[pp.\;2,\;7]{Kn21}.
\item
\emph{Must Leibnizian infinitesimals be interpreted as limits?}
Guicciardini (\cite{Gu18}, 2018, p.\;90) replies in the affirmative.
\end{enumerate}
Philosophical \emph{partis pris} among historians of mathematics have
been analyzed by Hacking; see Section~\ref{s17b}.
\subsection
{Hacking's butterfly/Latin models; Carnap's `empty words'}
\label{s17b}
Some historians may be conditioned by their undergraduate mathematical
training to interpret Leibniz in anachronistic ways. Thus, in one of
his later articles, Knobloch writes:
\begin{quote}
The set of all finite cardinal numbers~$1, 2, 3, \ldots$ is a
transfinite set. Its cardinal number is Alef$_0$. This is the least
cardinal number being larger than any finite cardinal number.
Leibniz's terminology implies actual infinity though he rejects the
existence of an infinite number, etc. (Knobloch \cite{Kn18}, 2018,
pp.\;13--14)
\end{quote}
The assumption that the only way to formalize infinity is by means of
Cantorian infinite cardinalities creates tensions with what Leibniz
wrote. Specifically, \emph{infinita terminata} can be understood
without Cantorian infinite cardinalities; see Section~\ref{s43}.
Some Leibniz scholars work under the related assumption that
`Archi\-medean' is the only natural way of thinking of the continuum.
Thus Arthur and Rabouin endeavor to clear Leibniz of any suspicion of
entertaining unnatural thoughts such as infinitesimals. They would
rather declare Leibniz to be mired in contradictions (see Section
\ref{s31b}) than admit that he dealt with non-Archimedean phenomena.
Such ``conceptually repugnant'' attitudes are illustrated in our
second epigraph taken from Levey \cite[p.\;55, note\;9]{Le98}. Such
scholars fail to take into account the contingency of the historical
development of mathematics emphasized by Hacking (\cite{Ha14}, 2014,
pp.\;72--75, 119).
Hacking contrasts a model of a deterministic (genetically determined)
biological development of animals like butterflies (the
egg--larva--cocoon--butterfly sequence), with a model of a contingent
historical evolution of languages like Latin. Emphasizing determinism
over contingency in the historical evolution of mathematics can easily
lead to anachronism.%
\footnote{For a case study in Cauchy scholarship see Bair et
al.\;(\cite{19a}, 2019). Opposition to Marburg neo-Kantians' interest
in infinitesimals is documented in (\cite{13h}, 2013).}
With reference to infinitesimal calculus, the Latin model challenges
the assumption that the so-called search for rigor inevitably led to
the arithmetisation of analysis, accompanied by the banning of
infinitesimals and the establishment of Weierstrassian foundations
ultimately formalized in Zermelo--Fraenkel set theory (ZF) in
the~$\in$-language (formalizing the membership relation). The
development towards the Weierstrassian limit concept seemed inevitable
to Carnap who wrote:
\begin{quote}
Leibniz and Newton {\ldots} thought that they had a definition which
allowed them to have a conceptual understanding of ``derivative".
However, their formulations for this definition used such expressions
as ``infinitesimally small magnitudes'' and quotions [sic] of such,
which, upon more precise analysis, turn out to be pseudo concepts
(empty words). It took more than a century before an unobjectionable
definition of the general concept of a limit and thus of a derivative
was given. Only then all those mathematical results which had long
since been used in mathematics were given their actual meaning.
\cite[p.\;306--307]{Ca03}
\end{quote}
Carnap's assumption is that the ``actual meaning'' of a mathematical
concept like the derivative could not possibly involve ``empty words''
like infinitesimals. In 2020 one finds a historian who claims that
``Euler was not entirely successful in achieving his aim since he
introduced infinitesimal considerations in various proofs''
\cite[p.\;11]{Fe20}. Such assumptions obscure the possibility that
the so-called arithmetisation of analysis could have occurred while
retaining infinitesimals. Hacking's Latin model enables scholars to
contemplate alternative possibilities of historical development of
mathematics. \emph{Pace} Carnap, set theories in the more versatile
$\textbf{st}$-$\in$-language (formalizing both the Leibnizian
assignable/inassignable distinction and the membership relation)
provide more faithful conceptualisations of the procedures of LC than
the theory ZF; see Section~\ref{s24} for further details.
\subsection{Grafting of {\law} on the calculus of Leibniz}
\label{s17}
Richard Arthur compared LC to a modern theory of infinitesimals,
namely Smooth Infinitesimal Analysis ({\law}). Arthur claims to find
``many points in common'' (in addition to differences) between LC and
{\law}:
\begin{quote}
I then turn to a comparison of Leibniz's approach with the recent
theory of infinitesimals championed by John Bell, Smooth Infinitesimal
Analysis ({\law}), of which I give a brief synopsis in Sect.\;3. As we
shall see, this has many points in common with Leibniz's approach: the
non-punctiform nature of infinitesimals, their acting as parts of the
continuum, the dependence on variables (as opposed to the static
quantities of both Standard and Non-standard Analysis), the resolution
of curves into \emph{infinite-sided polygons}, and the finessing of a
commitment to the existence of infinitesimals.%
\footnote{Arthur's finessing comment is analyzed in
Section~\ref{s31}.}
(Arthur \cite{Ar13}, 2013, p.\;554; emphasis added)
\end{quote}
The claimed similarities including the following issues:
\begin{enumerate}
[label={~(AR\theenumi)}]
\item
\label{ra1}
\hskip36pt non-punctiform nature of the continuum;
\item
\label{ra2}
\hskip36pt
variables;
\item
\label{ra3}
\hskip36pt
infi\-nite-sided polygons;
\item
\label{ra4}
\hskip36pt
fictionality of infinitesimals.
\end{enumerate}
We will argue that issue \ref{ra1} is largely irrelevant to
interpreting the procedures of LC, while Arthur's case for \ref{ra2}
is based on equivocation. Furthermore, Robinson's framework is more
successful than {\law} on issues \ref{ra3} and \ref{ra4}.
We present a detailed analysis of Arthur's comparison of LC to {\law}
in Section~\ref{s2}. The position of Rabouin and Arthur is analyzed
in Section~\ref{s22}. We propose a formalisation of the procedures of
the Leibnizian calculus in modern mathematics in Section~\ref{s24}.
Some technical details on {\law} are reviewed in Section~\ref{s3}. In
Section~\ref{s6} we focus on interpretations of the seminal text
\emph{Cum Prodiisset}.
\section{Leibniz and Smooth Infinitesimal Analysis}
\label{s2}
Arthur developed a comparison of LC with {\law} in (\cite{Ar13},
2013). In this section we will analyze Arthur's comparison. Any
discussion of {\law} should mention the foundational work of Lawvere
starting in 1967 (see e.g., \cite{La80}, 1980) and the books by
Moerdijk and Reyes (\cite{Mo91}, 1991) and by Kock (\cite{Ko06},
2006), among other authors.
\subsection{Knobloch on Arthur and {\law}}
\label{s21}
Knobloch analyzed Arthur's comparison of LC and {\law} in a
\emph{Zentralblatt} review:
\begin{quote}
[Richard Arthur] compares Leibniz's infinitesimals with those of
Bell's smooth infinitesimal analysis ({\law}) published in
1998. Hence, in Section\;3, he gives a brief synopsis of {\law}.\,
Both notions of infinitesimals use non-punctiform infinitesimals and
the \emph{resolution of curves into infinite-sided polygons}. The
Leibnizian polygonal representation of curves is closely related to
Bell's principle of microstraightness. Yet, there are crucial
differences. (Knobloch \cite{Kn13}, 2013; emphasis added)
\end{quote}
Note that {\law} depends on a category-theoretic foundational
framework and on intuitionistic logic to enable nilpotency of
infinitesimals (see Section~\ref{s31}). Thus Arthur seeks to rely on
the resources of modern mathematics, including non-classical logics,
in a comparison with LC.\, While we welcome such a display of
pluralism on Arthur's part, we also agree with both John L. Bell and
Arthur that {\law} is closer to Nieuwentijt's approach to calculus
than to Leibniz's (see further in Section~\ref{s25}). All {\law}
nilpotent infinitesimals~$\epsilon$ have the property that
both~$\epsilon$ and~$-\epsilon$ are smaller than~$\frac{1}{n}$:
\[
\text{for all\;} \epsilon \text{\;in\;} \Delta,%
\footnote{The definition of the part~$\Delta$ appears in
Section~\ref{s33}.}
\text{\ one has\ } \epsilon <\frac1n,
\]
signifying non-Archimedean behavior; see (Bell \cite{Be08}, 2008,
Exercise\;8.2, p.\;110).
Leibniz endorsed what is known today as the law of excluded middle in
a passage written around 1680 in the following terms:
\begin{quote}
Every judgment is either true or false. No judgment is simultaneously
true and false. Either the affirmation or the negation is true.
Either the affirmation or the negation is false. For every truth a
reason can be provided, excepting those first truths in which the same
thing is affirmed of the thing itself or is denied of its
opposite. ~$A$ is~$A$. \mbox{$A$ is not not-$A$}. (Leibniz as
translated by Arthur in \cite[pp.\;237--239]{Ar01})
\end{quote}
The assumption that proposition~$A$ is equivalent to~$\neg\neg A$ is
the law of excluded middle, rejected by intuitionists. Arthur
translated and edited this Leibnizian passage in 2001 but did not
report it in his text (\cite{Ar13}, 2013) comparing LC to the theory
SIA based on intuitionistic logic. The following question therefore
arises.
\begin{quote}
\emph{Question.} Why does Arthur's voluminous output on the
Leibnizian calculus systematically eschew readings based on Robinson's
framework \cite{Ro66} or the foundational approaches of Hrbacek
\cite{Hr78} and Nelson \cite{Ne77},
based as they are on classical logic, and enabling straightforward
transcription (see Section~\ref{s24}) of both Leibniz's
assignable/inassignable dichotomy and his infinitely many orders of
infinitesimal and infinite numbers?
\end{quote}
An attempt by Rabouin and Arthur to address this question is analyzed
in Section~\ref{s22}.
Meanwhile, Arthur appears to avoid Robinsonian infinitesimals as
zealously as Leibniz avoided atoms and material indivisibles (for an
analysis of Leibniz on atoms and indivisibles see Bair et al.\
\cite{18a}, 2018, Section\;2.6).
\subsection{\emph{Infinita terminata}}
\label{s23}
A key Leibnizian distinction between bounded and unbounded infinity is
sometimes insufficiently appreciated by commentators (including
Rabouin and Arthur). In DQA, Leibniz contrasts bounded infinity and
unbounded infinity in the following passages:
\begin{quote}
But as far as the activity of the mind with which we measure infinite
areas is concerned, it contains nothing unusual because it is based on
a certain fiction and proceeds effortlessly on the assumption of a
certain, though \emph{bounded, but infinite line}; therefore it has no
greater difficulty than if we were to measure an area that is finite
in length. (Leibniz, DQA \cite{Le04b}, Scholium following
Propositio\;XI; translation ours; emphasis added)
\end{quote}
Leibniz elaborates as follows:
\begin{quote}
Just as points, even of infinite numbers, are unsuccessfully added to
and subtracted from a bounded line, so a bounded line can neither form
nor exhaust an unbounded one, however many times it has been repeated.
This is different with a \emph{bounded but infinite line} thought to
be created by some multitude of finite lines, although this multitude
exceeds any number. And just as a \emph{bounded infinite line} is
made up of finite ones, so a finite line is made up of infinitely
small ones, yet divisible.%
\footnote{It is worth noting that bounded/unbounded is not the same
distinction as potential/actual infinity. Bounded infinity is a term
Leibniz reserves mainly to characterize the quantities used in his
infinitesimal calculus, namely the infinitely small and infinitely
large.}
(ibid.)
\end{quote}
The importance of the distinction is stressed by Mancosu (\cite{Ma96},
1996, p.\;144). RA appear to be aware of the distinction and even
mention the term \emph{terminata} three times in their article, but
don't fully appreciate its significance.%
\footnote{Furthermore, RA misinterpret Leibnizian bounded infinities
when they compare them to compactifications in modern mathematics; see
Section~\ref{s38}.}
We propose a possible formalisation of the bounded/unbounded
distiction in modern mathematics in Section~\ref{s43}.
\subsection{Infinite-sided polygons}
\label{s25}
Arthur claims that a common point between LC and {\law} consists in
viewing a curve as a polygon with infinitely many sides (see
Section~\ref{s17}). Knobloch takes note of such alleged similarity in
his review of Arthur quoted in Section~\ref{s21}. Are infinite-sided
polygons a point in common between LC and {\law}, as Arthur claims? A
comparison of LC and {\law} based on infinite-sided polygons would
apparently require both sides of the comparison to envision such
polygons. Arthur goes on to mention
\begin{quote}
the quotation Bertoloni Meli gives from Leibniz's letter to Claude
Perrault {\ldots} written in 1676: `I take it as certain that
everything moving along a curved line endeavours to escape along the
tangent of this curve; the true cause of this is that \emph{curves are
polygons with an infinite number of sides}, and these sides are
portions of the tangents\ldots' (quoted from Bertoloni Meli
1993,\;75). (Arthur \cite{Ar13}, 2013, note\;17, pp.\;568--569;
emphasis added).
\end{quote}
Thus far, we have sourced Leibnizian infinite-sided polygons. What
about the {\law} side of Arthur's comparison? Arthur's source Bell
does mention \emph{infinilateral polygons} in his article ``Continuity
and infinitesimals" (Bell \cite{Be05}, 2005--2013). However, Bell
attributes such polygons to Leibniz and Nieuwentijt rather than to
{\law}. We give three examples:
\begin{enumerate}
\item
``The idea of considering a curve as an infinilateral polygon was
employed by a number of \ldots\;thinkers, for instance, Kepler,
Galileo and Leibniz.'' (Bell \cite{Be05})
\item
``Leibniz's definition of tangent employs both infinitely small
distances and the conception of a curve as an infinilateral polygon.''
(ibid.)
\item
``Nieuwentijdt's infinitesimals have the property that the product of
any pair of them vanishes; in particular each infinitesimal is
`nilsquare' in that its square and all higher powers are zero. This
fact enables Nieuwentijdt to show that, for any curve given by an
algebraic equation, the hypotenuse of the differential triangle
generated by an infinitesimal abscissal increment~$e$ coincides with
the segment of the curve between~$x$ and~$x + e$. That is, a curve
truly \emph{is} an infinilateral polygon.'' (ibid.; emphasis in the
original)
\end{enumerate}
While Bell speaks of Leibniz and Nieuwentijt as using infinilateral
polygons, Bell's article is silent on infinilateral polygons in
connection with {\law}.
Similarly, Bell's book on {\law} (\cite{Be08}, 2008) makes no mention
of infinilateral polygons. There is a good reason for Bell's silence.
Nilsquare infinitesimals, say~$\epsilon$, are by definition not
invertible. Therefore in {\law} one cannot view a curve as made up
of, say,~$\frac{1}{\epsilon}$ sides or something of that order.
Rather, in {\law}, a curve microlocally ``looks like'' a straight
infinitesimal segment in the sense that, microlocally, a function
coincides with its first Taylor polynomial; see formula~\eqref{e32} in
Section~\ref{s33}. Therefore infinite-sided polygons can hardly be
said to be a point in common between LC and {\law}. Arthur's claim to
the contrary is dubious.
\subsection{Bell's microquantities}
\label{s26}
In his more recent book (\cite{Be19}, 2019) published six years after
Arthur's article \cite{Ar13}, Bell mentions infinilateral polygons in
the context of his discussion of Stevin, Kepler, Galileo, Barrow,
Leibniz, l'H\^opital, and Nieuwentijt in his historical Chapter\;2.
In Chapter\;10, Bell gives his definition of \emph{microstraightness}
in terms of the set (part) of microquantities~$\Delta$%
\footnote{The definition of the part~$\Delta$ appears in
Section~\ref{s33} below.}
as follows:
\begin{quote}
If we think of a function~$y = f(x)$ as defining a curve, then, for
any~$a$, the image under~$f$ of the ``microinterval''~$\Delta+a$
obtained by translating~$\Delta$ to~$a$ is straight and coincides with
the tangent to the curve at~$x = a$ {\ldots} In this sense {\ldots}
each curve is ``microstraight''. \cite[p.\;241]{Be19} (emphasis in
the original)
\end{quote}
Bell goes on to claim that
\begin{quote}
closed curves can be treated as infinilateral polygons, as they were
by Galileo and Leibniz (op. cit., note\;18, p.\;241)
\end{quote}
However, he provides no further elaboration. The implied assumption
that Leibnizian infinilateral polygons were akin to {\law}'s seems
dubious; to justify such an assumption one would have to stretch the
meaning of the term ``infinilateral'' beyond its apparent meaning of
``possessing infinitely many sides.'' This is because the
\emph{microquantities} in question are not invertible, as already
mentioned in Section~\ref{s25}. The matter is analyzed further in
Section~\ref{s27}.
\subsection{Infinilateral or infinitangular?}
\label{s27}
In his seminal 1684 text \emph{Nova Methodus}, Leibniz refers to a
curve with infinitely many \emph{angles}, rather than infinitely many
sides.
While curves in {\law} are microstraight, enabling many elegant
calculations, they don't fit the Leibnizian description. Having an
angle requires having a vertex, but from the {\law} viewpoint, curves
not only do not have infinitely many vertices but they have no
vertices (where one could speak of an \emph{angle} not\;not different
from~$\pi$) at all. Perhaps it is for this reason that Bell can only
speak of infini\emph{lateral} polygons rather than
infinit\emph{angular} polygons. How does Bell handle the issue? Bell
writes:
\begin{quote}
Leibniz's definition of tangent employs both infinitely small
distances and the conception of a curve as an \emph{infinilateral}
polygon:
\begin{quote}
We have to keep in mind that to find a tangent means to draw a line
that connects two points of a curve at an infinitely small distance,
or the continued side of a polygon with an \emph{infinite number of
angles}, which for us takes the place of a curve.
\end{quote}
In thinking of a curve as an \emph{infinilateral} polygon {\ldots} the
abscissae~$x_0, x_1, \ldots$ and the ordinates~$y_0, y_1$, are to be
regarded as lying infinitesimally close to one another; {\ldots} (Bell
\cite{Be19}, 2019, p.\;70; emphasis added)
\end{quote}
The indented Leibnizian passage is from (Leibniz \cite{Le84}, 1684,
p.\;223).
Leibniz speaks of infinit\emph{angular} polygons, whereas Bell speaks
of infini\emph{lateral} polygons both before and following the
Leibnizian passage, without commenting on the discrepancy. Leibnizian
infinitangular polygons are arguably modeled less faithfully in {\law}
than in Robinson's framework, as we argue in Section~\ref{s28}.
\subsection
{Infinitangular and infinilateral polygons in Robinson}
\label{s28}
We saw in Section~\ref{s26} that infinite-sided polygons are not a
feature of the {\law} framework in the context of nilsquare
microquantities. Meanwhile, in Robinson's framework, an
infinite-sided polygon%
\footnote{More precisely, an internal polygon with an infinite
hyperinteger number of vertices. In Nelson's framework or in the
theory SPOT one considers a polygon with~$\mu$ sides for a
nonstandard~$\mu\in\N$; see Section~\ref{s46}.}
can easily be chosen to approximate a given curve. This enables one
to determine the usual geometric entities, such as the tangent line
from a pair of adjacent vertices or the curvature from a triple of
adjacent vertices of the polygon.
To provide a modern interpretation, consider the problem of
determining the tangent line to a curve. Take a pair of infinitely
close distinct points~$D,E$ on the curve, and consider the line~$DE$.
One can normalize the equation of the line~$DE$ as~$ax+by=c$
where~$a^2+b^2=1$. Then one can take the standard part (see
Section~\ref{s35}) of the coefficients of the equation of the
line~$DE$ to obtain the equation~$a_o x+b_o y=c_o$ of a true tangent
line to the curve at the standard point~$D_o=E_o$, where~$r_o$ is the
standard part of~$r$ for each of~$r=a,b,c,D,E$. In this sense, the
line~$DE$ is an approximation to the true tangent line, meaning that
they coincide \emph{up to negligible terms}. For more advanced
applications see e.g., Albeverio et al.\;(\cite{Al86}, 1986).
Approximation procedures are not unusual for Leibniz. Leibniz often
mentioned his use of a generalized notion of equality. Thus, in his
response to Nieuwentijt Leibniz wrote:
\begin{quote}
Furthermore I think that not only those things are equal whose
difference is absolutely zero, but also those whose difference is
incomparably small. And although this [difference] need not
absolutely be called Nothing, neither is it a quantity comparable to
those whose difference it is. (Leibniz \cite{Le95b}, 1695, p.\;322)
\end{quote}
Bell makes the following claims:
\begin{quote}
In {\law}, [1] all curves are microstraight, and [2] closed curves
[are] infinilateral polygons. [3] Nothing resembling this is present
in NSA [Nonstandard Analysis]. (Bell \cite{Be19}, 2019, p.\;259;
numerals [1], [2], [3] added)
\end{quote}
Bell's claim [1] is beyond dispute. However, both of Bell's
claims\;[2] and~[3] are dubious. Claim\;[2] was already analyzed in
Section~\ref{s26}. Claim\;[3] may be literally true in the sense that
in Robinson's framework, the infinite-sided polygon does not literally
coincide with the closed curve but is only an approximation to the
curve. However, the approximation is good enough to compute all the
usual entities such as tangent line and curvature, as noted above.
Leibniz defined the curvature via (the reciprocal of) the radius of
the osculating circle (see Bos \cite{Bo74}, 1974, p.\;36). The
osculating circle can be defined via the circle passing through a
triple of infinitely close points on the curve (alternatively, the
center of the osculating circle to the curve at a point~$p$ can be
defined via the intersection of two ``consecutive'' normals to the
curve near~$p$). Johann Bernoulli's approach to osculating circles is
analyzed by Bl{\aa}sj\"o (\cite{Bl17}, 2017, pp.\;89--93). The
calculation of curvature from a triple of infinitely close points on
the curve is straightforward in Robinson's framework (or its axiomatic
formulations; see Section~\ref{s24}).
\subsection
{Leibniz to Wallis on Archimedes}
In connection with Leibniz's reference to Archimedes in a letter to
Wallis, Arthur comments as follows:
\begin{quote}
The strict proof operating only with assignable quantities justifies
proceeding by simply appealing to the fact that~$dv$ is incomparable
with respect to~$v$: in keeping with the \emph{Archimedean axiom}, it
can be made so small as to render any error in neglecting it smaller
than any given.
(Arthur \cite{Ar13}, 2013, pp.\;567--568; emphasis added)
\end{quote}
Here Arthur is assuming the~$dv$ is a \emph{common} incomparable and
therefore assignable.%
\footnote{See Section~\ref{s14} and note~\ref{f24} on the distinction
between incomparables and common incomparables.}
Is the Leibnizian~$dv$ an assignable quantity, as Arthur claims?
Arthur goes on to quote Leibniz as follows:
\begin{quote}
Thus, in a letter to Wallis in 1699, Leibniz justifies the rule
for~$d(xy) = xdy + ydx$ as follows[:] \vskip6pt
\begin{quote}
\ldots there remains~$xdy + ydx + dxdy$. But this [term]~$dxdy$
should be rejected, as it is incomparably smaller than
\mbox{$xdy+ydx$}, and this becomes~$d(xy) = xdy + ydx$, inasmuch as,
if someone wished to \emph{translate} the calculation into the style
of \emph{Archimedes}, it is evident that, when the thing is done using
assignable qualities, the error that could accrue from this would
always be smaller that any given.
\end{quote}
(ibid.; emphasis on ``translate'' added)
\end{quote}
When Leibniz speaks of the possibility of using assignable quantities
only, he explicitly refers to the possibility of a \emph{translation}
of the calculation into the style of Archimedes, rather than to the
original infinitesimal calculation itself.%
\footnote{\label{f35}The Leibnizian passage is also quoted by RA
\cite[p.\;437]{Ra20} who similarly fail to account for the fact that
talking about a \emph{translation} into the style of Archimedes
entails the existence of a separate method exploiting infinitesimals
\emph{\`a la rigueur}.}
Arthur's inference of alleged Archimedean nature of Leibnizian~$dv$ is
dubious.%
\footnote{Furthermore, Arthur's attempt to account for the Leibnizian
derivation of the law~$d(xy)=xdy+y dx$ in Archimedean terms, by means
of quantified variables representing~$dx$,~$dy$,~$d(xy)$ taking
assignable values and tending to zero, would run into technical
difficulties. Since all three tend to zero, the statement to the
effect that ``the error that could accrue from this would always be
smaller than any given'' understood literally is true but vacuous:
$0=0+0$. To assign non-vacuous meaning to such an Archimedean
translation of Leibniz, one would have to rewrite the formula, for
instance, in the form~$\frac{d(xy)}{dx}=x\frac{dy}{dx}+ y$. While
such a paraphrase works in the relatively simple case of the product
rule, it becomes more problematic for calculations involving, e.g.,
transcendental functions.}
In a letter to Wallis two years earlier, Leibniz already emphasized
the distinction between Archimedean and non-Archimedean techniques:
\begin{quote}
Leibniz's response [to Wallis] was first to distinguish between two
kinds of tetragonistic methods, both of which could be traced back to
Archi\-medes, and then to distinguish these from recent infinitesimal
techniques. Of the older established methods one, he writes, considers
geometrical figures and bodies to be collections of an infinite number
of quantities each of which is incomparably smaller than the whole,
while in the other,%
\footnote{We added a comma for clarity.}
quantities remain comparable to the whole and are taken successively
in infinite number so as eventually to exhaust that whole. {\dots}
Effectively, the concept of analysis with \emph{the infinite as its
object} became the distinguishing factor between the old and the new.
(Beeley \cite{Be13}, 2013, p.\;57; emphasis added)
\end{quote}
\section{Rabouin--Arthur indictment of infinitesimals}
\label{s22}
Rabouin and Arthur (RA) address the \emph{Question} posed at the end
of Section~\ref{s21} by purporting to identify a factor that
``distinguishes Leibniz's position from Robinson's'' (\cite{Ra20},
2020, p.\;407):
\begin{quote}
For what Robinson demonstrated with his non-standard analysis was
precisely that one can introduce infinite numbers and infinitesimals
\emph{without contradiction}. The whole point of any `non-standard'
approach is the building of a non-standard model in which what is said
about entities such as `infinite numbers' or `infinitely small
quantities' has to be literally and rigorously true. By contrast,
Leibniz repeatedly claims that what is said about infinitesimals is
\emph{not true} `\`a la rigueur' and entails a paradoxical way of
speaking.$^{18}$\, (ibid.; emphasis added)
\end{quote}
(More on RA's footnote 18 in Section~\ref{s33c} below.) Here RA seek
to identify a discrepancy between the approaches of Leibniz and
Robinson. They claim to find one in terms of the presence of a
contradiction (in the notion of infinitesimal) in Leibniz but not in
Robinson. Such an indictment of Leibnizian infinitesimals entails the
claim that allegedly only Robinson ``can introduce infinite numbers
and infinitesimals without contradiction'' according to RA.\, Note,
however, the following eight items.
\subsection{Do infinitesimals contradict the part-whole axiom?}
\label{s31b}
RA's underlying assumption is that Leibniz views infinitesimals as
being contradictory, just as unbounded infinite collections (taken as
a whole) are. In fact, RA's purported discrepancy between Leibnizian
and Robinsonian infinitesimals depends crucially on such an assumption
(Leibnizian infinitesimals are contradictory; Robinson's
aren't;\;QED).\, However, what Leibniz repeatedly described as
contradictory is only \emph{unbounded infinity} seen as a whole (and
contradicting the part-whole axiom), not \emph{bounded infinity}
(\emph{infinita terminata}, such as the reciprocal of an
infinitesimal), which he treated as a fiction because it does not
exist in nature (see Section~\ref{s23}). Since the issue is not the
existence or otherwise of Leibnizian infinitesimals but rather their
being contradictory or not, RA have failed to show that Leibniz viewed
infinitesimals as contradicting the part-whole axiom.
\subsection{Did Leibniz envision infinity \emph{\`a la rigueur}?}
\label{s32b}
RA allege that Leibniz claimed that ``what is said about
infinitesimals is not true `\`a la rigueur.'\,'' However, Leibniz did
allow for the possibility of infinities \emph{\`a la rigueur} as for
instance in the following passage: ``Et c'est pour cet effect que
j'ay%
\footnote{Here and in the following we preserved the original
spelling.}
donn\'e un jour des lemmes des incomparables dans les Actes de
Leipzic, qu'on peut entendre comme on vent [i.e., `veut'], soit des
infinis \emph{\`a\;la\;rigueur}, soit des grandeurs seulement, qui
n'entrent point en ligne de compte les unes au prix des autres. Mais
il faut considerer en m\^eme temps, que ces incomparables communs%
\footnote{\label{f24}Such \emph{common} incomparables are not to be
confused with the inassignable ones; see Section~\ref{s14}. Loemker
gives the following translation of this sentence: ``[T]hese
incomparable magnitudes themselves, as commonly understood, are not at
all fixed or determined but can be taken to be as small as we wish in
our geometrical reasoning and so have the effect of the infinitely
small in the rigorous sense'' \cite[p.\;543]{Le89}. The translation
is not successful as it obscures the fact that \emph{communs} modifies
\emph{incomparables}. Leibniz is not speaking of common understanding
of incomparable quantities, but rather of common incomparables as
opposed to bona fide ones. Horv\'ath in \cite[p.\;66]{Ho86} provides
both the original French and an English translation, but omits the
adjective \emph{communs} in his translation.}
m\^emes n'estant nullement fixes ou determin\'es, et pouvant estre
pris aussi petits qu'on veut dans nos raisonnemens Geometriques, font
l'effect des infiniment petits rigoureux'' (Leibniz \cite{Le02}, 1702,
p.\;92; emphasis added). Leibniz' ``soit {\ldots} soit {\ldots}''
construction clearly indicates that infinity \emph{\`a la rigueur} is
one of the possibilities. The precise meaning Leibniz attached to
such \emph{infinis \`a la rigueur} is fictional quantities (lacking
instantiation in nature) greater than any assignables (see
Section~\ref{s14}).
\subsection{Leibniz to Wolff on fictions}
\label{s33c}
Concerning RA's footnote 18 (attached to the passage reproduced at the
beginning of the current Section~\ref{s22}), we note the following.
Here RA seek to source their claim that when Leibniz referred to
infinitesimals as fictional, he meant that they involve a
contradiction. To this end, they quote a lengthy passage from a 1713
letter from Leibniz to Wolff. Here Leibniz writes: ``[E]ven though in
my opinion [the infinitely small] encompass something of the
\emph{fictive and imaginary}, this can nevertheless be rectified by a
reduction to ordinary expressions so readily that no error can
intervene'' (GM\;V\;385) (Leibniz as translated by RA in \cite{Ra20},
note\;18). In the passage quoted, Leibniz makes no mention of
contradictions, and merely describes infinitesimals as \emph{fictive
and imaginary.} If RA wish to demonstrate by this that Leibniz viewed
\emph{fictions} (such as infinitesimals) as contradictory then their
demonstration is circular. Thus, the passage does not substantiate
RA's claim.
\subsection{What kind of definition?}
\label{s34}
RA claim that the Leibnizian definition of incomparables is
\emph{nominal} rather than \emph{semantic}. While they acknowledge
that it is ``clear and distinct'' \cite[p.\;406]{Ra20}, they claim
that it does not assert existence or even possible existence.
According to RA, Leibniz' theory of knowledge enables one to derive
truths using contradictory concepts,%
\footnote{To buttress such a claim, RA offer what they describe as ``a
short digression on Leibniz's theory of knowledge''
\cite[p.\;406]{Ra20}. The evidence they provide is the following
Leibnizian passage: ``For we often understand the individual words in
one way or another, or remember having understood them before, but
since we are content with this blind thought and do not pursue the
resolution of notions far enough, it happens that a contradiction
involved in a very complex notion is concealed from us'' (Leibniz as
translated by RA in \cite[note\;13]{Ra20}). The readers can judge for
themselves how compelling this evidence is for RA's claim.}
but only non-contradictory concepts can refer to possibly existing
things; i.e., only non-contradictory concepts can be regarded as
defined semantically.
RA claim that Leibniz considers infinitely large or infinitely small
quantities as contradictory. They write:
\begin{quote}
But, as we have shown, Leibniz always claimed that infinite entities,
be they infinitely large or infinitely small, could not be considered
as genuine quantities without violating a constitutive property of
quantities given by the part-whole axiom. Hence, they cannot be
introduced into the system without contradiction.
\cite[pp.\;433--434]{Ra20}
\end{quote}
RA go on to conclude that Leibniz could not have understood
incomparables in non-Archi\-medean terms.
However, as we noted in connection with the \emph{infinita terminata},
RA provide no evidence that Leibniz considered all infinities
(including bounded ones) as contradictory. Therefore, RA's conclusion
is based on an erroneous premise and a conflation of the notions of
bounded and unbounded infinity; see Section~\ref{s23} for details on
the distinction. Section~\ref{s24} proposes an interpretation of the
distinction in modern mathematics.
While RA base their claims concerning the nature of Leibnizian
infinitesimals on their perception of alleged contradictions therein,
it is important to note that they furnish no corroborating evidence
whatsoever based on any textual analysis of Leibniz's actual
definitions of infinitesimals and infinite magnitudes; instead, they
rely on their claim of alleged contradictions. In a passage we quoted
in our epigraph, RA even seem to admit that no such textual evidence
exists.
RA assert that Leibniz did not provide a semantic definition of
infinitesimals. Could one expect him to provide such a definition?
Modern mathematical logic makes a clear distinction between syntactic
and semantic notions and between theory and model. Modern philosophy
makes a distinction between procedures and ontology. Such insights
are not easily attributable to Leibniz, though he did emphasize that
applying infinitesimals in geometry and physics should be independent
of metaphysical investigations. Leibniz only specified the properties
he expected his inassignables to have, rather than providing models
that would allow him to ``have'' them in any semantic sense.
As far as his ``theory of knowledge'' is concerned, Leibniz
specifically stated that one needn't get involved in metaphysical
questions as to the reality of such entities, and that the geometer's
task is limited to exploring the consequences of assuming the
existence of such mental constructs. When he asserts that
infinitesimals ``have their proof with them'' what he seems to mean is
that their fruitful application
justifies their use, but not that they are metaphysically real (in a
few instances Leibniz specifically denies that material infinitesimals
exist, as in a letter to des Bosses). The way Leibniz \emph{employs}
his inassignables is our only aid in interpreting LC. The evidence
that he views them as consistent comes from the fact that he exploits
them in his mathematics. Leibniz insisted many times on the
rigorousness of his calculus, and couldn't afford to exploit
inconsistent notions.
\subsection{RA \emph{vs} Knobloch}
RA repeatedly cite Knobloch's article (\cite{Kn02}, 2002) (without
providing either quotation or page number), as when they claim that
``the nub of the proof is an exploitation of the Archime\-dean
property to prove that quantities whose difference can be reduced to a
quantity smaller than any given quantity are equal''
\cite[p.\;414]{Ra20}. In his earlier papers, Knobloch set out his
position clearly as follows (see e.g., \cite{Kn90}, 1990, p.\;42;
\cite{Kn94}, 1994, p.\;266--267). Leibniz contrasts bounded infinity
and unbounded infinity. Bounded infinity is fictional. Unbounded
infinity exists in the physical world (and is even described by
Leibniz as ``actual''), but contradicts the part-whole axiom if taken
as a whole. No claim concerning the presence of contradictions is
made with regard to bounded infinity, of which infinitesimals are one
of the manifestations.%
\footnote{Similarly, Jesseph notes that ``a central task for Leibniz's
fictionalism about infinitesimal magnitudes is to show that their
introduction is essentially harmless in the sense that it \emph{does
not yield a contradiction}'' (\cite[p.\;196]{Je15}; emphasis added).}
Knobloch's position in his early papers is in stark contrast with what
RA claim already in their abstract, namely that \emph{both} (i)
infinitesimals and (ii) unbounded infinity taken as a whole, lead to
contradictions.
\subsection
{RA's case against Bernoullian continua}
RA criticize the use of the term
\emph{Bernoullian continuum} by their opponents. RA quote Leibniz as
follows:
\begin{quote}
``We can conceive an infinite series consisting merely of finite
terms, or terms ordered in a decreasing geometric progression. I
concede the infinite multiplicity of terms, but this multiplicity
forms neither a number nor one whole'' (To Johann Bernoulli, Feb. 24,
1699, GM III 575; A III 8, 66). (Leibniz as translated by RA in
\cite[p.\;410]{Ra20})
\end{quote}
Here Leibniz clearly rejects infinite wholes. RA then claim the
following:
\begin{quote}
So we can see that the idea that Leibniz subscribed to a `Bernoullian
continuum', containing actual infinitesimals as its elements, is
emphatically rejected by Leibniz himself, writing to the same
Bernoulli. \cite[p.\;411]{Ra20}
\end{quote}
However, RA provide no evidence that their opponents asserted that
Leibniz believed in infinite wholes. Furthermore, the articles where
the Archimedean \emph{vs} Bernoullian distinction was introduced state
explicitly that they use Bernoulli's name merely because Bernoulli
exploited only B-track methods whereas Leibniz used both A-track and
B-track methods. RA provide no evidence that infinitesimals violate
the part-whole axiom.
\subsection{What about Archimedean continua?}
The choice of target of RA's criticism is significant. RA criticize
the use only of the term \emph{Bernoullian continuum} but not of the
term \emph{Archimedean continuum}. Such an attitude may be related to
their undergraduate mathematical training resulting in a presentist
belief that `Archimedean' is the only natural way of thinking about
the continuum, and is symptomatic of butterfly-model commitments (see
Section~\ref{s17b}). Meanwhile, Leibniz himself viewed any type of
infinite whole as contradicting the part-whole axiom.%
\footnote{\label{f26}Levey claims that ``For Leibniz there is no
genuine infinite \emph{magnitude}, great or small: no infinite line,
no infinite quantity, no infinite number'' (Levey \cite{Le21}, 2021,
p.\;147). He seeks support for his claim in the following Leibnizian
passage from \cite{Le04}: ``It is perfectly correct to say that there
is an infinity of things, i.e. that there are always more of them
than one can specify. But it is easy to demonstrate that there is no
infinite number, nor any infinite line or other infinite quantity,
\emph{if} these are taken to be genuine wholes'' (emphasis added).
Levey appears not to have noticed that the quoted claim is
\emph{conditional} upon taking infinity to be a whole. Unbounded
infinity taken as a whole contradicts the part-whole axiom; bounded
infinity doesn't (see Section~\ref{s23}).}
\subsection{Compactifications}
\label{s38}
RA misinterpret Leibnizian bounded infinities when they compare them
to compactifications \cite[p.\;421]{Ra20} in modern mathematics (such
as adding a point at infinity to an open infinite space). Leibnizian
bounded infinities are an arithmetical extension rather than a
topological compactification. Just as infinitesimals can be further
divided, according to Leibniz, \emph{infinita terminata} can be
expanded further. For an infinite line from~$0$ to~$\mu$ there is
also a line from~$0$ to~$2\mu$, and so on. While this would not make
any sense with compactifications, it fits well with the arithmetic
employing a nonstandard~$\mu$ (cf.\;Section~\ref{s24}). Leibnizian
comparisons of infinitesimals to imaginaries and to ideal points of
intersection of parallel lines only refer to their status as fictions
possessing no instantiation in \emph{rerum natura}.
\subsection{RA on Kunen and paradoxes}
RA pursue a puzzling venture into modern set theory and the paradox of
``the set of all sets.'' They provide a lengthy quotation from
Kunen's textbook \cite{Ku80}, and propose the following comparison:
\begin{quote}
The standard set theorist can {\ldots} claim at the same time that
proper classes do not exist (in her axiomatic system), and that her
surface language remains neutral as regard this question of existence,
since there are other ways of interpreting it {\ldots} As we will see,
this is \emph{exactly the position endorsed by Leibniz} in his public
declarations regarding infinitesimals. (\cite[note\;19]{Ra20};
emphasis added)
\end{quote}
Here RA appear to be comparing the fictionality of Leibnizian
infinitesimals with the fictionality of the set of all sets in modern
set theories. However, such set-theoretic paradoxes involve entities
more similar to Leibnizian unbounded infinities than to his
infinitesimals%
\footnote{Arthur's conjured-up Leibniz specifically compares the
violation of the part-whole axiom by unbounded infinities, to the
set-theoretic paradox of the set of all ordinals, in
\cite[p.\;104]{Ar19b}.}
(see Section~\ref{s23}). We therefore question the exactness of RA's
claim that ``this is exactly the position endorsed by Leibniz''
regarding infinitesimals.
See also Bl{\aa}sj\"o's analysis of the RA text in \cite{Bl20}.
\section
{Leibnizian calculus via modern infinitesimals}
\label{s24}
Recall that the canonical Zermelo--Fraenkel set theory (ZF) is a set
theory in the~$\in$-language. Here~$\in$ is the two-place membership
relation. Since the emergence of axiomatic nonstandard set theories
in the work of Hrbacek (\cite{Hr78}, 1978) and Nelson (\cite{Ne77},
1977), it became clear that it is possible to develop analysis in set
theories exploiting the more versatile~\textbf{st}-$\in$-language. Here {\textbf{st}}
is a one-place predicate;~$\textbf{st}(x)$ means ``$x$ is standard.'' A
recently developed theory SPOT (\cite{Hr20}, 2020) in the
~\textbf{st}-$\in$-language is a conservative extension of ZF. The theory
SPOT is a subtheory of theories developed by Hrbacek and Nelson. For
a comprehensive treatment see Kanovei--Reeken (\cite{Ka04}, 2004) and
the references therein), as well as the survey by Fletcher et
al.\;(\cite{17f}, 2017).
Objections have been raised in the literature based on the assumption
that modern infinitesimal analysis allegedly depends on non-effective
foundational material such as the Axiom of Choice. Thus, Ehrlich
comments:
\begin{quote}
The aforementioned ultrapower construction of hyperreal number systems
is another source of nonuniqueness since the construction depends on
an arbitrary choice of a nonprincipal ultrafilter.
\cite[note\;24, p.\;523]{Eh21}
\end{quote}
In a similar vein, Henle comments:
\begin{quote}
There was hope, when Abraham Robinson developed nonstandard analysis
{\ldots}, that intuition and rigor had at last joined hands. His work
indeed gave infinitesimals a foundation as members of the set of
hyperreal numbers. But it was an awkward foundation, dependent on the
Axiom of Choice. {\ldots} Nonstandard analysis requires a substantial
investment (mathematical logic and the Axiom of Choice) but pays great
dividends. \cite[pp.\;67, 72]{He99}
\end{quote}
There are many such comments in the literature.%
\footnote{Thus, V\"ath comments: ``Without the existence
of~$\delta$-free ultrafilters {\ldots} we were not able to construct
nonstandard embeddings. {\ldots} [I]n the author's opinion {\ldots}
nonstandard analysis is not a good model for `real-world' phenomena''
\cite[p.\;85]{Va07}. Easwaran and Towsner claim to ``point out
serious problems for the use of the hyperreals (and other entities
whose existence is proven only using the Axiom of Choice) in
describing the physical world in a real way'' \cite[p.\;1]{ET19}.
Sanders catalogs many such comments in \cite[p.\;459]{Sa20}. A
rebuttal of the claims by Easwaran--Towsner and V\"ath appears in
\cite{19d}. A rebuttal of related criticisms by Pruss \cite{Pr18b}
appears in \cite{21b}, \cite{21c}. The theories developed in
\cite{Hr20} expose as factually incorrect a claim by Alain Connes to
the effect that ``as soon as you have a non-standard number, you get a
non-measurable set'' \cite[p.\;26]{Co07}.}
Such an assumption turns out to be incorrect. Infinitesimal analysis
can be done in an axiomatic framework conservative over ZF, as shown
in \cite{Hr20}. In particular, it can be developed without assuming
either the existence of nonprincipal ultrafilters or the axiom of
choice.
In this section, we will detail a formalisation of the procedures of
the Leibnizian calculus in SPOT.
\subsection{Assignable \emph{vs} inassignable}
The predicate {\textbf{st}} provides a formalisation of the Leibnizian
distinction between assignable and inassign\-able quantities, as used
in e.g., \cite{Le01c} (for an analysis see Bos \cite{Bo74} as well as
Section~\ref{s6} below). Here \emph{assignable} corresponds to
\emph{standard} whereas \emph{inassignable} corresponds to
\emph{nonstandard}. Leibniz distinguished notationally between the
inassignable~$dx$, $dy$ and the assignable~$(d)x, (d)y$; see
Section~\ref{s42}.
\subsection{Law of continuity and transfer}
\label{s32}
By the transfer principle, if~$\phi$ is an~$\in$-formula with standard
parameters, then the following entailment holds:
\[
\forall^{\textbf{st}} x\; \phi(x) \to \forall x\; \phi(x).
\]
Here~$\forall^{\textbf{st}}$ denotes quantification over standard entities
only. SPOT's transfer principle provides a formalisation of the
Leibnizian law of continuity, to the effect that ``the rules of the
finite are found to succeed in the infinite'' (Robinson \cite{Ro66},
1966, p.\;266). Namely, the rules of arithmetic for standard natural
numbers (finite numbers) extend to the rules of arithmetic of (all)
natural numbers; here the nonstandard ones correspond to the
Leibnizian \emph{infinita terminata} (see Section~\ref{s23}). The
transfer principle can be thought of as a (belated) response to
Rolle's critique of the Leibnizian calculus and the law of continuity;
see \cite[Sections\;2.7--2.11]{18a} for details.%
\footnote{\label{f30}In connection with the law of continuity, Levey
observes: ``It is not hard to think of counterexamples to the law
[``the rules of the finite are found to succeed in the infinite''] and
at a minimum the law of continuity requires additional sharpening and
guidance to be used correctly in specific cases''
\cite[pp.\;153]{Le21}. However, Levey fails to point out that such
sharpening and guidance are indeed provided in Robinson's classic
framework for infinitesimal analysis and its modern axiomatic versions
(see the beginning of the current Section~\ref{s24}). Unlike Probst
\cite{Pr18}, Levey provides no hint of the existence of an alternative
to the syncategorematic reading.}
\subsection{Infinitesimals and Euclid V\!.4}
\label{s43b}
A real number~$\epsilon$ is \emph{infinitesimal} if it satisfies the
formula
\[
\forall{n}\in\N\left[\textbf{st}(n)\to|\epsilon|<\tfrac1n\right].
\]
Such a number necessarily satisfies~$\neg\textbf{st}(\epsilon)$ if
$\epsilon\not=0$. The formula above formalizes the violation of
Euclid Definition\;V.4 (see Section~\ref{V4}).
A real number smaller in absolute value than some standard real number
is called \emph{finite}, and otherwise \emph{infinite}. Every
nonstandard natural number is infinite.
\subsection{Bounded \emph{vs} unbounded infinity: a formalisation}
\label{s43}
The theory SPOT enables a formalisation of the Leibnizian distinction
between bounded infinity and unbounded infinity (see
Section~\ref{s23}) as follows. Unbounded infinity is exemplified by
the natural numbers~$\N$, whereas bounded infinity is exemplified
by~$\mu$ for a nonstandard (in Leibnizian terminology,
\emph{inassignable}) element~$\mu\in\N$ (thus we have
$\neg\textbf{st}(\mu)$).%
\footnote{Bassler claims the following: ``while it is difficult if not
impossible to imagine a line starting at a particular point, going on
forever, and then terminating at another point, the idea that two
points on a line could be infinitely close to each other seems
considerably more palatable. {\ldots} At any rate, this is much
different from Leibniz's conception that the model for the
mathematical infinite is the sequence of natural numbers, which has a
beginning but no end'' \cite[p.\;145]{Ba08}. Arguably the two
conceptions are not ``much different'' since the interval
$[0,\mu]\subseteq\R$ would formalize Leibniz's bounded infinite line.
It is therefore not difficult to imagine a line starting at a
particular point, terminating at another point, and having infinite
length.}
In modern mathematics, the existence of~$\N$ as a whole depends on
infinitary axioms of set theory, which certainly contradict the
part-whole principle (viewed as axiomatic by Leibniz). Meanwhile,
using~$\mu$ itself in the context of Skolem's model \cite{Sk33},
\cite{Sk34} of Peano Arithmetic entails no such foundational woes,
since Peano Arithmetic and the extended Zermelo-like theory of finite
sets are definitionally equivalent \cite[p.\;225]{Ta87}.%
\footnote{Fragments of nonstandard arithmetic are studied by Avigad
\cite{Av05}, Sommer and Suppes \cite{SS}, Nelson \cite{N}, Sanders
\cite{Sa20}, van den Berg and Sanders \cite{Va19}, Yokoyama
\cite{Yo10}, and others.}
\subsection{Discarding negligible terms}
\label{s35}
Leibniz often exploited the technique of discarding negligible terms
(see note~\ref{f21b}). His \emph{transcendental law of homogeneity}
in \cite{Le10b} is a codification of the procedure; see \cite{12e} for
an analysis. The technique is formalized in terms of the standard
part principle, to the effect that if~$|x|<r$ for some standard~$r$,
then there exists a standard~$x_0$ such that~$x-x_0$ is infinitesimal.
\subsection{Curves as infinilateral polygons}
\label{s46}
A curve~$\alpha(t)$,~$t\in[0,1]$ can be approximated by a polygon with
a nonstandard (inassignable) number~$\mu$ of sides, with vertices at
the points~$\alpha(\frac{i}{\mu})$ as~$i$ runs from~$0$ to~$\mu$.
Such approximations are sufficient for calculating the usual geometric
entities such as the tangent line and the osculating circle; see
Section~\ref{s28}. For the corresponding treatment in SIA, see
Sections~\ref{s25} and \ref{s31}.
\subsection{Parabola as \emph{status transitus} of ellipses}
\label{s37}
Leibniz notes that a parabola can be obtained as \emph{status
transitus} from a family of ellipses (see Section~\ref{s51}).
Consider a family of ellipses~$(E_t)$ such that every ellipse passes
through the origin and has one focus at~$(0,1)$ and the other at
$(0,t+1)$. The family is parametrized by the distance~$t$ between the
foci. Then the family includes an internal ellipse~$E_\mu$ for an
infinite value~$t=\mu$. Taking standard part of the coefficients of a
normalized equation of $E_\mu$, we obtain the equation of a standard
parabola.
Other ways of formalizing Leibnizian principles are explored by Forti
(\cite{Fo18}, 2018).
\section{Infinitesimals of Smooth Infinitesimal Analysis}
\label{s3}
In this section we will analyze more closely the details of the
foundational approach adopted in {\law}, and their ramifications for
Arthur's comparison of Leibnizian calculus with {\law}.
\subsection
{Fictions and equivocations}
\label{s31}
The intuitionistic logic relied upon in {\law} enables an infinitesimal
$\epsilon$ to satisfy
\begin{equation}
\label{e16}
\neg\neg(\epsilon=0),
\end{equation}
or in words: ``$\epsilon$\;is not nonzero'' (see e.g., Bell
\cite{Be08}, 2008, formula\;(8.1), p.\;105). On the other hand, one
can prove neither~$(\epsilon=0)$ nor\,~$\neg(\epsilon=0)$.
In this sense it could perhaps be said that the nilpotent
infinitesimals of {\law} hover at the boundary of existence. Such a
mode of existence could be loosely described as fictional (or
``finessing of a commitment to the existence of infinitesimals'' as
Arthur puts it; see Section~\ref{s25}). Even if one does use the term
\emph{fiction} to describe them, are such SIA fictions related to the
logical fictions (see Section~\ref{s13}) as posited by the
Ishiguro--Arthur (IA) syncategorematic reading of \emph{Leibnizian}
infinitesimals?
On the IA reading, an infinitesimal~$\epsilon$ is understood as
generated by ordinary real values, say~$\epsilon_n$, chosen small
enough to defeat a pre-assigned error bound.%
\footnote{Thus, speaking of Leibnizian infinite-sided polygons, Arthur
claims that ``this means that a curve can be construed as an ideal
limit of a sequence of such polygons, so that its length~$L$ will be
the limit of a sequence of sums~$ns$ of their sides~$s$ as their
number~$n\to\infty$'' (\cite[note 4, p.\;393]{Ar01}).}
But then the quantity~$H$ generated by~$H_n=\frac{1}{\epsilon_n}$ will
surely represent the inverse of the infinitesimal quantity~$\epsilon$,
so that we have a nonzero product \mbox{$\epsilon{H}=1$}. Thus such
an~$\epsilon$ would necessarily be invertible and therefore provably
nonzero: \mbox{$\neg(\epsilon=0)$}, contradicting the {\law}
assumption \eqref{e16} that~$\neg\neg(\epsilon=0)$; cf.\;(Bell
\cite{Be08}, 2008, formula\;(8.2), p.\;105). Similar reasoning
applies if Leibnizian~$\epsilon$ is taken to be a variable quantity
taking ordinary real values, inevitably leading to invertibility.
Thus Leibnizian infinitesimals, especially on the IA reading, are
unlike {\law} infinitesimals. Arthur's claim of similarity between
them (see Section~\ref{s25}) is largely rhetorical, and amounts to
thinly veiled equivocation on the meaning of the qualifier
\emph{fictional}.
\subsection{The punctiform issue}
An important issue in the history of analysis concerns the nature of
the \emph{continuum} as being punctiform or nonpunctiform; Leibniz
endorsed the latter view. In an interesting twist, Arthur (following
Bell \cite{Be08}, 2008, p.\;3) speaks of \emph{infinitesimals} as
being nonpunctiform, as noted by Knobloch; see Section\;\ref{s25}.
This tends to obscure the possibility that the exact nature of any
continuum Leibniz may have envisioned may be irrelevant to the actual
\emph{procedures} of his infinitesimal calculus. Whether points
merely mark locations on the continuum (as was the case for Leibniz)
or are more fundamental to the actual make-up of the continuum (as in
modern set-theoretic approaches whether of Archimedean or
non-Archimedean type) is an issue mainly of foundational ontology that
is transverse to Leibniz's mathematical practice.%
\footnote{For an analysis of the procedures/ontology distinction see
B{\l}aszczyk et al.\;\cite{17d}.}
Leibniz may never have envisioned a punctiform continuum, but
infinitesimals that are \emph{not nonzero but not provably zero} (see
Section~\ref{s31}) have no known source in Leibniz's writings, either.%
\footnote{See Section~\ref{s21} for Arthur's translation of Leibniz's
endorsement of the law of excluded middle.}
\subsection{Variables and static quantities}
\label{s33}
One of Arthur's claimed similarities between LC and {\law} is ``the
dependence on variables (as opposed to the static quantities of both
Standard and Non-standard Analysis)'' (see Section~\ref{s17} for the
full quotation). Let us examine Arthur's static claim.
The analog of the real line $\R$ of traditional analysis is the {\law}
line $R$. Bell defines a part~$\Delta$ of the {\law} line~$R$ by the
formula~$\Delta=\{x\colon x^2=0\}$; see \cite[p.\;20]{Be08}. The
part~$\Delta$ does not reduce to~$\{0\}$ as discussed in our
Section~\ref{s31}. The principle of microaffineness asserts the
following:
\begin{equation}
\label{e32}
\forall g\colon\Delta\to R \;\; \exists!\,b\in R \;\; \forall \epsilon
\in \Delta, \quad g(\epsilon) = g(0) + b.\epsilon
\end{equation}
(see \cite[p.\;21]{Be08}). The fact that the equality is required
\emph{for\;all}~$\epsilon$ in~$\Delta$ is crucial for the uniqueness
of $b$.
Arthur notes that ``[t]he letter~$\epsilon$ then denotes a variable
ranging over~$\Delta$'' \cite[p.\;537]{Ar13}. This is the only
mention of \emph{variables} in Arthur's discussion of the {\law} approach
to the derivative. Concerning {\law} infinitesimals, Arthur writes:
\begin{quote}
The sense in which they are fictions in {\law}, however, is that
although it is denied that an infinitesimal neighbourhood of a given
point, such as~$0$, reduces to zero, it cannot be inferred from this
that there exists any point in the infinitesimal neighbourhood
distinct from~$0$. (Arthur \cite{Ar13}, 2013, pp.\;572--573)
\end{quote}
Apparently the claimed similarity between LC and {\law} based on
`variables' amounts to the fact that the existence of a unique~$b$ as
in formula~\eqref{e32} depends crucially on universal
quantification~$\forall \epsilon$ over the part~$\Delta$.
What are we to make of Arthur's claimed contrast between such
variables and what he describes as ``the static quantities of both
Standard and Non-standard Analysis''? It is true that in the
classical setting, if a function~$f$ is differentiable, the
derivative~$L=f'(x)$ can be computed from a \emph{single}
infinitesimal~$\epsilon\not=0$ by taking the standard part.
Namely,~$L$ is the standard part of
$\frac{f(x+\epsilon)-f(x)}{\epsilon}$; see Section~\ref{s28} and
Keisler (\cite{Ke86}, 1986). Here universal quantification
over~$\epsilon$ is not needed. Such an~$\epsilon$ could possibly be
described as ``static'' (or more precisely \emph{fixed}).
On the other hand, \emph{defining} differentiability in the classical
setting does require universal quantification over the
infinitesimal~$\epsilon$. Namely, denoting by~$\forall^{\text{in}}$
universal quantification over nonzero infinitesimals and
by~$\exists_0^{\text{in}}$ existential quantification over (possibly
zero) infinitesimals, we have the following:
\[
f'(x)=L \text{\; if and only if \;}
\forall^{\text{in}}\epsilon\;\exists^{\text{in}}_0\ell
\left[\frac{f(x+\epsilon)-f(x)}{\epsilon}=L+\ell\right].
\]
In this sense, Robinsonian infinitesimals are no more ``static'' (in
an Arthurian sense) than the Lawvere--Kock--Bell ones. Arthur's
rhetorical claim of similarity between Leibniz and {\law} on account
of ``variables'' and statics hinges on equivocation on the meaning of
the term \emph{variable}.
\section
{Law of continuity and \emph{status transitus} in \emph{Cum
Prodiisset}}
\label{s6}
Leibniz's unpublished text \emph{Cum Prodiisset} dates from around
1701. The most adequate translation of Leibniz's \emph{law of
continuity} as it appeared in \emph{Cum Prodiisset} was given by
Child:
\begin{quote}
In any supposed [continuous] transition, ending in any terminus, it is
permissible to institute a general reasoning, in which the final
terminus may also be included.%
\footnote{In the original: ``Proposito quocunque transitu continuo in
aliquem terminum desinente, liceat raciocinationem communem
instituere, qua ultimus terminus comprehendatur'' (Leibniz
\cite{Le01c}, 1701, p.\;40).}
(Leibniz as translated in Child \cite[p.\;147]{Ch})
\end{quote}
Child used the noncommittal term \emph{terminus}. Meanwhile, both Bos
\cite[p.\;56]{Bo74} and Arthur \cite[p.\;562]{Ar13} use the term
\emph{limit} (or \emph{limiting case}) in their translations. Such a
translation risks being presentist in that it is suggestive of the
modern notion of limit, confirming Cajori's \emph{grafting} diagnosis
(see Section~\ref{s11}).%
\footnote{Spalt uses the German term \emph{Grenze}
\cite[p.\;111]{Sp15} which is more successful because it differs from
the technical term \emph{Grenzwert} for limit.}
\subsection{\emph{Status transitus}}
\label{s51}
In the formulation cited above, Leibniz used the expression
\emph{status terminus}. However, what Leibniz is really getting at
here is clear from his development that follows the formulation of the
law in \emph{Cum Prodiisset}. Namely, the key issue is actually what
Leibniz refers to as the \emph{status transitus}:
\begin{quote}
\ldots{} a state of transition [\emph{status transitus} in the
original] may be imagined, or one of \emph{evanescence}, in which
indeed there has not yet arisen exact equality or rest or parallelism,
but in which it is passing into such a state, that the difference is
less than any assignable quantity; (Leibniz as translated by Child in
\cite[p.\;149]{Ch}; emphasis on `evanescence' added)
\end{quote}
Leibniz goes on to provide some examples:
\begin{quote}
{\ldots} also that in this state there will still remain some
difference, some velocity, some angle, but in each case one that is
infinitely small; and the distance of the point of intersection, or
the variable focus, from the fixed focus will be infinitely great, and
the parabola may be included under the heading of an ellipse, etc.%
\footnote{Leibniz goes on to write: ``Truly it is very likely that
Archimedes, and one who seems so have surpassed him, Conon, found out
their wonderfully elegant theorems by the help of such ideas; these
theorems they completed with \emph{reductio ad absurdum} proofs, by
which they at the same time provided rigorous demonstrations and also
concealed their methods'' (ibid.). Leibniz's reference to the
concealment of the direct methods (similar to Leibniz's own) by
Archimedes indicates the existence of an alternative (infinitesimal)
method to be concealed, contrary to the IA thesis. See related
comments on translation into Archimedean terms in note~\ref{f35}.}
(ibid.)
\end{quote}
The \emph{status transitus} is essentially the evanescent stage, as
when, for example, one evaluates an equation of an ellipse at an
infinite value of the parameter to produce an ellipse with infinite
distance between the foci. The law of continuity asserts the
legitimacy of such a procedure. The law as stated here is closely
related to Leibniz's formulation of the law of continuity in
\cite[p.\;93--94]{Le02} as quoted by Robinson:
\begin{quote}
The rules of the finite are found to succeed in the infinite
(\cite{Ro66}, 1966, p.\;266)
\end{quote}
(see Section~\ref{s32} for a modern formalisation). Namely,
substituting an infinite value of the parameter produces a
\emph{status transitus} given by a legitimate conic/ellipse. Then the
finite part of the conic/ellipse is indistinguishable from a parabola
(see Section~\ref{s37}).
\subsection{Which things are taken to be equal?}
\label{s42}
How does Arthur handle the Leibnizian law of continuity? Immediately
following his translation of Leibniz's law of continuity using the
presentist ``limiting case,'' Arthur quotes \emph{Cum Prodiisset} as
follows:
\begin{quote}
Hence it may be seen that in all our differential calculus there is no
need to call equal those things that have an infinitely small
difference, but those things are taken as equal that have no
difference at all, \ldots{} (Leibniz as translated by Arthur in
\cite[p.\;563]{Ar13})
\end{quote}
Here we deliberately interrupted the Leibnizian passage at a comma,
for reasons that will become clear presently. At first glance, it may
appear that Leibniz is contradicting what he wrote in many texts
including his published response to Nieuwentijt (Leibniz \cite{Le95b},
1695) as well as (Leibniz \cite{Le10b}, 1710), to the effect that he
is working with a generalized notion of equality up to a negligible
term (see e.g., Section~\ref{s28}).
Note however that the unusually long sentence in \emph{Cum Prodiisset}
does not stop with the apparent endorsement of exact equality, but
rather continues to list a number of conditions and qualifications.
One of the qualifications is that exact equality results only after
one performs suitable algebraic simplifications and omissions (such as
omitting~$dx$ where appropriate):
\begin{quote}
\ldots provided that the calculation is supposed to have been rendered
general, applying equally to the case where the difference is
something and to where it is zero; and only when \emph{the calculation
has been purged as far as possible through legitimate omissions} and
ratios of non-vanishing quantities until at last application is made
to the ultimate case, is the difference assumed to be zero.%
\footnote{Arthur's translation is rather unsatisfactory. Child
translated this passage as follows: ``Hence, it may be seen that there
is no need in the whole of our differential calculus to say that those
things are equal which have a difference that is infinitely small, but
that those things can be taken as equal that have not any difference
at all, provided that the calculation is supposed to be general,
including both the cases in which there is a difference and in which
the difference is zero; and provided that the difference is not
assumed to be zero until the calculation is purged as far as is
possible by legitimate omissions, and reduced to ratios of
non-evanescent quantities, and we finally come to the point where we
apply our result to the ultimate case'' (Leibniz as translated by
Child in \cite[pp.\;151--152]{Ch}).}
(Leibniz as translated by Arthur in \cite[pp.\;563--564]{Ar13};
emphasis added)
\end{quote}
Thus, while the simplification of the differential ratio in the case
of the parabola~$x^2=ay$ results in~$\frac{2x+dx}{a}$, subsequently
discarding the term~$dx$ does result in an exact
equality~$\frac{(d)y}{(d)x}=\frac{2x}{a}$.%
\footnote{See note \ref{f21b} on discarding terms.}
The Leibnizian~$(d)x$ and~$(d)y$ were rendered~$\underline d x$
and~$\underline dy$ in Bos \cite{Bo74}. The notation~$(d)x$ and
$(d)y$ refers to assignable quantities whose ratio is the modern
derivative.%
\footnote{\label{f44}Levey's page-and-a-half discussion of this
Leibnizian derivation manages to avoid mentioning the crucial
Leibnizian distinction between~$dx$ and~$(d)x$. He concludes that
``in fact~$dx$ stands for a variable finite quantity, and its behavior
reflects precisely the fact---ensured by the continuity of the curve
AY---that the difference between the abscissas can be taken as small
as one wishes, all the way to zero'' \cite[p.\;152]{Le21}. However,
the conclusion applies only to the~$(d)x$, not the~$dx$ as per Levey.}
RA quote the following Leibnizian passage:
\begin{quote}
But if we want to retain~$dx$ and~$dy$ in the calculation in such a
way that they denote non-vanishing quantities even in the ultimate
case, let~$(d)x$ be assumed to be any assignable straight line
whatever; and let the straight line which is to~$(d)x$ as~$y$
or~$\Xlone{}_1\!Y$ is to~$\Xlone T$ be called~$(d)y${\ldots}
\end{quote}
What has Leibniz accomplished here? Denoting the assignable value of
the differential quotient by~$L$, we note that Leibniz chooses an
assignable~$(d)x$ and then \emph{defines} a new quantity~$(d)y$ to be
the product~$L\,(d)x$. RA claim that the method using~$(d)x$
and~$(d)y$ ``differs from the first one in the sense that it does not
rely on vanishing quantities'' \cite[p.\;439]{Ra20}. However, the
method most decidedly does depend on vanishing quantities. The
Leibnizian~$(d)x$ and~$(d)y$ may all be assignable but that is not
where the substantive part of infinitesimal calculus is. The
nontrivial work goes into the evaluation of~$L$ using the appropriate
``legitimate omissions'', whereas introducing a new quantity by
setting~$(d)y=L\,(d)x$ is of lesser mathematical import. RA's claim
to the contrary stems from paying exaggerated attention to the
rhetorical content of the surface language of the Leibnizian text, at
the expense of the mathematical content. Their claim that ``the
introduction of the Law of Continuity as a postulate {\ldots} is fully
compatible with the `syncategorematic' view'' \cite[p.\;404]{Ra20}
remains unsubstantiated.
\subsection
{Are inassignable quantities dispensable?}
RA claim to provide a ``new reading'' \cite[p.\;404]{Ra20} of the
mature texts by Leibniz on the foundations of the calculus, in
particular the famous text \emph{Cum Prodiisset}. They claim that
Leibniz presents his strategy based on the Law of Continuity as being
provably rigorous according to the accepted standards in keeping with
the Archimedean axiom and that a recourse to inassignable quantities
is therefore avoidable. They base their claim on the Leibnizian
statement that one can switch to assignable quantities~$(d)x$,~$(d)y$
that keep the same ratio as~$dx$,~$dy$.
However, as noted in Section~\ref{s42}, the nontrivial part of the
calculus consists in determining the assignable value of the
differential ratio, involving omission of negligible terms. Therefore
we cannot agree with RA's assertion that the Leibnizian strategy based
on the Law of Continuity is independent of inassignable quantities.
Both in his discussion of the example of the parabola and in the
passage quoted by Arthur, Leibniz speaks of \emph{omitting} terms. To
elaborate, Leibniz specifically speaks of a stage where ``the
calculation has been purged as far as possible through legitimate
omissions.'' Namely, these are the stages in the calculation where
negligible terms are omitted. Only afterwards does one attain a stage
where ``those things are taken as equal that have no difference at
all.''
This important feature of the calculations found in Leibniz does not
occur in a modern epsilon-delta definition of the concept of limit,
where~$\lim_{x\to c} f(x)=L$ is defined by the quantifier formula
\[
(\forall\epsilon>0)(\exists\delta>0)(\forall
x)\big[0<|x-c|<\delta\Longrightarrow |f(x)-f(c)|<\epsilon\big].
\]
No omission ever takes place here. A freshman who attempts,
Leibniz-style, to omit terms on a test in a course following the
\emph{Epsilontik} approach will surely lose part of the credit.
Discarding terms is not only \emph{not} a feature of the modern
definition in terms of limits, but is on the contrary seen as a
typical freshman calculus error. On the other hand, from the
viewpoint of Robinson's framework, Leibniz's procedure admits of
straightforward formalisation in terms of taking the standard part
(see Sections~\ref{s28} and~\ref{s35}). Thus we cannot agree with
Arthur's appreciation:
\begin{quote}
It can be appreciated, I think, how close [Leibniz's approach] is to a
\emph{modern} justification of differentiation in terms of
\emph{limits}. (Arthur \cite{Ar13}, 2013, p.\;564; emphasis added)
\end{quote}
Arthur's appreciation is yet another case of the grafting of the
modern theory of limits, in a mandatory Archimedean context
(symptomatic of butterfly-model thinking; see Section~\ref{s17b}), on
the calculus of Leibniz.
\section{Conclusion}
We have examined three interpretations of the procedures of the
Leibnizian calculus in the current literature, related respectively to
frameworks developed by Weierstrass, Lawvere, and Robinson. Arthur
pursued comparisons of the Leibnizian procedures to the first two
frameworks. We have argued that both of Arthur's readings of the
procedures of the Leibnizian calculus are less successful than the
interpretation in terms of the procedures of Robinson's framework for
analysis with infinitesimals.
Rabouin and Arthur claim to ``show that by 1676 Leibniz had already
developed an interpretation from which he never wavered, according to
which infinitesimals, like infinite wholes, cannot be regarded as
existing because their concepts entail contradictions.'' Their
position is at odds with that elaborated by Eberhard Knobloch in a
number of early texts, concerning the distinction between bounded
infinity and unbounded infinity in Leibniz. While it is true, as RA
claim, that Leibniz's fictionalist view as elaborated in \emph{De
Quadratura Arithmetica} is consistent with later views (e.g., those
expressed in the february 1702 letter to Varignon), not only did RA
not show that Leibniz held infinitesimals to be contradictory but in
fact RA appear to admit (in the passage quoted in our first epigraph)
that Leibniz never expressed such an alleged conviction.
Leibniz held that infinitesimals are \emph{unlike} infinite wholes, in
that infinitesimals pertain to bounded infinity (\emph{infinita
terminata}) whereas infinite wholes pertain to unbounded infinity and
contradict the part-whole principle.
RA appear to base their conclusions on an analysis of the Leibnizian
texts that dwells excessively on the rhetorical content of the surface
language, and takes insufficient note of the mathematical content.
This is apparent in their claim that the Leibnizian method exploiting
the law of continuity was independent of the use of infinitesimals.
As we have shown, the claim does not hold up mathematically. The same
is true of Arthur's comparison of Leibnizian infinitangular polygons
with curves in Smooth Infinitesimal Analysis. To answer Probst's
question (see Section~\ref{one}), the reading based on Robinson's
framework (or its axiomatic conceptualisations such as SPOT
\cite{Hr20}) is arguably more successful on a number of issues,
including infinitangular polygons and fictionality of infinitesimals.
\section*{Acknowledgments}
We are grateful to Viktor Bl{\aa}sj\"o, El\'{\i}as Fuentes Guill\'en,
Karel Hrbacek, Vladimir Kanovei, Eberhard Knobloch, Sam Sanders, David
Schaps, and David Sherry for helpful comments. The influence of
Hilton Kramer (1928--2012) is obvious.
|
\section*{Introduction}
The inseparability of groups of particles into products of their individual states underpins the most counter-intuitive predictions of quantum mechanics. In condensed matter physics, recent focus has been placed on finding and understanding quantum materials -- systems in which a delicate balance between the crystal lattice and strong electronic interactions lead to new inseparable, collective behaviors with exotic properties. Encompassing rich phenomenologies ranging from superconductivity at high temperatures to topologically-ordered states of matter with fractionalized excitations, numerous materials have recently come under intense scrutiny for the realization of quantum phases on demand \cite{Basov2017}.
A major impediment to the systematic study of correlated electron physics is the comparative lack of tunability of conventional chemical compounds. The main means of control are pressure, strain and doping. This limited range of control knobs severely limits experimental exploration of the wider phase diagram, essential to guide the discovery of novel quantum phases and to controlled studies of quantum criticality, unconventional phase transitions, or realizations of exotic topological states of matter that are both of fundamental interest and could have applications in emerging quantum technologies such as quantum computing and simulation.
Another impediment lies in the difficulty of solving these paradigmatic quantum Hamiltonians via present computational approaches. As an alternative, in the early 80's Feynman proposed quantum simulation as a paradigm to turning the problem upside down \cite{feynman1982}: implementing clean models using real physical systems, to ``simulate'' the ground state, thermodynamic behavior or non-equilibrium dynamics of such models. If the implementation is well-controlled, the results can be used to disentangle the more complex material's phenomena for which the original model was set up, as well as to guide the way towards stabilizing and controlling new and exotic phases of matter in real quantum materials.
{
Much progress has been achieved via studying ultracold gases of bosonic and fermionic atoms, which can be confined in optical lattices to realize lattice models of condensed matter physics in a controlled manner \cite{bloch2012quantum}. While these systems are highly controllable and can faithfully realize certain quantum Hamiltonians, it remains an experimental challenge to engineer Hamiltonians with tunable long-range interactions and especially to access low temperature emergent long-range ordered phases, such as e.g. the intriguing d-wave state of the t-t' repulsive Hubbard model \cite{Zheng1155}.
This article identifies Moir\'e heterostructures of van der Waals materials as an alternative and complementary condensed matter approach to realize a large set of highly controllable quantum Hamiltonians. While such systems do not typically afford the high level of isolation and precise tunability that cold atomic systems do, the large degree of tunability control available through readily accessible experimental knobs allows for the exploration of phase diagrams of vast and novel sets of many-body Hamiltonians in and out of equilibrium and at very low temperatures. In particular, we will review how different choices of two-dimensional (2D) heterostructure compositions at different twist angles realize a wide range of effective low-energy electronic tight-binding Hamiltonians with various geometries, dimensionality, frustration, spin-orbit coupling as well as interactions beyond the Hubbard limit, including partially screened and unscreened Coulomb interactions. This allows for flexible interaction-engineering as well as control of band structure and topology.
}
\section*{Realizing Model Quantum Hamiltonians in van der Waals Heterostructures}
Moir\'e heterostructures of van der Waals materials exploit quantum interference to quench the effective kinetic energy scales, which permits both driving the system at low energies to an interaction-dominated regime, and drastically enhancing anisotropies or reducing symmetries of the monolayer. Conceptually, the physical mechanism can be understood straightforwardly in analogy to classical Moir\'e interference patterns (see Fig. 1, central inset): if two identical patterns with a discrete translation symmetry in two dimensions are superimposed at an angle, the combined motif retains a periodicity at much longer wave lengths for an infinite set of small rational angles.
Similarly, a heterostructure of two or more monolayers with commensurate lattice constants stacked at a twist retains spatial periodicity for small commensurate angles, albeit with a much larger Moir\'e unit cell. This Moir\'e superlattice can span many unit cells and defines a new crystal structure with a mini Brillouin zone. Within this Moir\'e Brillouin zone, the folded bands lead to a multitude of crossings, which are subsequently split via interlayer hybridization \cite{bistritzer2011}. Crucially, lattice relaxation enhances these avoided crossings and typically segregates sets of almost-dispersionless bands on meV energy scales \cite{yoo2019atomic}, which can be addressed individually via gate-tuning the chemical potential.
A complementary view of the physics of a Moir\'e band follows from considering its real space description. A localized electron in a Moir\'e band can be viewed as occupying a virtual ``Moir\'e orbital'' that can extend over hundreds of atoms, effectively spreading over the entire Moir\'e unit cell.
Importantly, the shape of Moir\'e orbitals changes with the size of the Moir\'e unit cell so that the electronic interactions become a function of the twist angle as well, decreasing at a slower rate than the kinetic energy scales for decreasing angle. This permits tuning \textit{a priori} weakly-interacting electronic systems into regimes dominated by electronic correlations in a controlled fashion.
A first demonstration of the above phenomenology was realized in materials with hexagonal structure and multiple atomic orbitals. The Moir\'e band width for twisted bilayers of graphene does not behave monotonically as a function of twist angle but exhibits a series of ``magic'' angles \cite{bistritzer2011} at which the Moir\'e bands near charge neutrality become almost dispersionless over a large fraction of the Moir\'e Brillouin zone.
More broadly, as reductions of the electronic band width equivalently enhance the role of competing energy scales, this microscopic structural knob to selectively quench the kinetic energy scales in 2D materials opens up possibilities to selectively engineer heterostructures with properties that are dominated via many-body electronic interactions, ultra-strong spin-orbit interactions from heavier elements, electron-lattice interactions or electron-photon interactions, permitting realization of a wide range of novel correlated or topological phenomena. { Here, we provide a perspective on how different universal classes of quantum many-body Hamiltonians can be engineered and controlled using \moire heterostructures}
\section*{ The Moir\'e Quantum Simulator: Interacting Electrons in Tailored Lattices}
Table~I summarizes some of the realizable lattice structures, associated model Hamiltonians and featured quantum phases that can be achieved within a 2D twisted van der Waals heterostructure framework. In our discussion, we will concentrate first on those systems realized or proposed in the literature, summarized in the innermost circle of Fig.\ref{fig1}. Then, we will provide a perspective on future potential control and simulation possibilities, shown in the outer circle of Fig.\ref{fig1}.
\subsection*{Honeycomb Lattice -- Twisted Bilayer Graphene, MoS$_2$ and others}
So far, most experimental and theoretical research has concentrated on twisted bilayer graphene (TBG)
(see \cite{cao2018a,cao2018b}, and the review \cite{CoryP} for an overview on TBG), with extensions to triple- and quadruple-layer generalizations \cite{chen2019signatures,chen2019evidence,liu19,shen19,cao2019electric,tutuc2019,he2020tunable}.
TBG realizes a Moir\'e superstructure with the relevant low-energy degrees of freedom effectively again forming a honeycomb lattice, although at meV energy scales and imbued with an additional orbital degree of freedom reflecting the two layers of the original system\cite{Yuan18,Koshino18}.
{
\begin{table*}[t!]
{\scriptsize
\begin{tabular}{|c|c|c|c|}
\hline
\multicolumn{4}{|l|}{\cellcolor[HTML]{c9f6ff} Twisted heterostructures of weakly-correlated van-der-Waals monolayers } \\ \hline
\textbf{\textit{Lattice}} & \textbf{\textit{Model}} & \textbf{\textit{Possible materials realizations}} & \textbf{\textit{Correlated phases}} \\ \hline
honeycomb & \makecell{two-orbital extended Hubbard model \cite{Koshino18} \\ fragile topological insulator \cite{po18a} } & \makecell{twisted bilayer graphene \\ (BN substrate, with/without twist)} & \makecell{Mott insulation \cite{cao2018b} \\ superconductivity \cite{cao2018a} \\ correlated QAH insulator \cite{sharpe19,serlin19} } \\ \cline{2-4}
& two-orbital extended Hubbard model & twisted double bilayer graphene & \makecell{ferromagnetic insulator \\ superconductivity \cite{liu19,shen19} \\ triplet pairing \cite{lee19} } \\ \cline{2-4}
& asymmetric $p_x,p_y$ Hubbard model {\cite{xian20,2008.01735}} & twisted bilayer MoS$_2$, MoSe$_2$ & {nematic (anti)ferromagnets \cite{xian20}} \\ \cline{2-4}
& domain wall networks & \makecell{small-angle twisted bilayer graphene \\ with domain reconstruction \cite{huang18b,efimkin18,kerelsky19,mcgilly19}} & \\ \hline
triangular & \makecell{Hubbard model \\ (with/without strong SOC)} & \makecell{twisted bilayer WS$_2$, WSe$_2$ \cite{wang19} \\ twisted WS$_2$/WSe$_2$ heterostructures \cite{regan2020,tang2020} \\ twisted double bilayers of WSe$_2$ \cite{an19}} & \makecell{correlated insulator \cite{wang19} \\ superconductivity{?} \\ Wigner crystals \cite{regan2020}} \\ \cline{2-4}
& doped multi-orbital Hubbard models & \makecell{twisted heterostructures of \\ MoS$_2$, WS$_2$, WSe$_2$} & \makecell{Moir\'e excitons {\cite{Jin2019,wang20,shimazaki2020strongly}}}
\\ \cline{2-4}
& multi-orbital Kanamori models & twisted bilayer boron nitride & \makecell{spin density wave \\ $d$-wave superconductivity \cite{Xian18} } \\ \hline
rectangular & \makecell{1D ionic Hubbard model \\ 1D--2D crossover} & twisted bilayer GeSe & \makecell{Luttinger liquid \\ Mott insulator \\ bond density waves \cite{kennes19} } \\ \cline{2-4}
& \makecell{inverted band insulator, strong SOC} & twisted bilayer WTe$_2$ & \makecell{ quantum spin Hall insulator, \\ fractional Chern/topological insulator} \\ \hline
any & Hofstaedter models & \makecell{twisted bilayer graphene or transition-metal \\ dichalcogenides in strong magnetic fields} & fractional Chern insulator \cite{spanton17} \\ \hline
Kagome & Kagome Heisenberg model & ?? & \makecell{Z$_2$ QSL \\ U(1) QSL \\ quantum chiral spin liquid \\ valence bond crystal} \\ \hline
\makecell{decorated\\Kagome} & Hubbard model (putative??) & twisted bilayer MoS$_2$, MoSe$_2$ & ?? \\ \hline
3D & flat-band Hubbard-Kanamori models & twisted multilayer ``staircase'' & ?? \\ \hline
\multicolumn{4}{|l|}{\cellcolor[HTML]{c9f6ff} Proximity Effects } \\ \hline
\textbf{\textit{Lattice}} & \textbf{\textit{Model}} & \textbf{\textit{Possible materials realizations}} & \textbf{\textit{Correlated phases}} \\ \hline
\makecell{honeycomb,\\triangular} & proximity-induced Rashba SOC & \makecell{twisted bilayer graphene on \\ WS$_2$, WSe$_2$ substrate {\cite{arora2020superconductivity}}} & correlated QSH insulator \\ \hline
\makecell{rectangular} & proximity-induced superconductivity & \makecell{superconductor, twisted bilayer GeSe, \\ TMDC ``sandwich'' heterostructure} & \makecell{1D Kitaev superconductor \\ Majorana bound states} \\ \hline
\multicolumn{4}{|l|}{\cellcolor[HTML]{c9f6ff} Twisted heterostructures of correlated monolayers } \\ \hline
\textbf{\textit{Lattice}} & \textbf{\textit{Model}} & \textbf{\textit{Possible materials realizations}} & \textbf{\textit{Correlated phases}} \\ \hline
& Moire ferromagnet {\cite{hejazi2020noncollinear}} & twisted odd-multilayer CrI$_3$ & \makecell{Moire domain wall \\ ferromagnets} \\ \hline
& Moire Kitaev model & twisted multilayer $\alpha$-RuCl$_3$ & \makecell{Kitaev QSL \\ stripe order \\ Majorana fermions} \\ \hline
& ?? & twisted bilayer TaSe$_2$ & ?? \\ \hline
& ?? & twisted bilayer NbSe$_2$ & ?? \\ \hline
\end{tabular}}
\caption{Overview of possible quantum Hamiltonians, materials realizations and phases in twisted Moir\'e heterostructures.}
\label{tab:over}
\end{table*}
}
\begin{figure*}[t!]
\includegraphics[width=0.95\linewidth,clip]{main8.png}
\caption{{\bf Moir\'e Quantum Simulator:} Stacking sheets of van der Waals heterostructures with a twist gives rise to a plethora of effective low-energy Hamiltonians. Some of these realizations that were studied in the literature are given in the inner circle of the figure with the corresponding lattice, band structure and potential phases of matter that can be realized. For the red band structure the dashed lines indicate the flat bands additionally present in the case of twised bilayer MoS$_2$ compared to twisted bilayer graphene. In the outer circle we outline a perspective on possible future directions of Moir\'e quantum simulators with many intriguing developments to be expected.
\label{fig1}
\end{figure*}
With superconductivity \cite{cao2018a,Yankowitz18,lu2019superconductors,stepanov2019interplay}, correlated insulators \cite{cao2018b,lu2019superconductors,stepanov2019interplay} and the quantum anomalous Hall effect \cite{sharpe19,serlin19} already realized experimentally, an intriguing possibility indicated by recent theoretical analyses is that
repulsive interactions favor topological $d+id$ instead of nodal $d$-wave pairing \cite{Xu18,Liu18,Kennes2018d0}. Such topological superconducting states are potentially relevant to topological quantum computing \cite{nayak07}, and can be harnessed and controlled via tailored laser pulses \cite{claassen18}.
Expanding the catalog of engineered lattice structures, we next consider twisting two monolayers of MoS$_2$ \cite{Naik18,xian20,2008.01735}. In these structures families of flat bands emerge at the band edges, the first two of which realizes a single orbital Hubbard model while the second realizes a more exotic strongly asymmetric $p_x$-$p_y$ Hubbard model {\cite{xian20,2008.01735}} both on the Honeycomb lattice, see inner circle of Fig.~\ref{fig1}. The latter emerges at small twist angle, where the overall band width of these families of flat bands is tuned into the meV regime. Due to destructive interference within the strongly asymmetric $p_x$-$p_y$ Hubbard model itself ({ meaning that the two-orbitals have very different hopping amplitudes}), attached at the bottom and top of these flat bands one can find bands with even much lower dispersion.
The asymmetric $p_x$-$p_y$ Hubbard model is therefore another lattice Hamiltonian that can effectively be engineered in this solid-state framework, and also controlled by external parameters, such as strain or fields. This could provide interesting insights into highly degenerate systems and the interplay of magnetism with these type of band structures. Similar phenomena are expected to emerge in other twisted TMDs homo-bilayers, such as twisted bilayer MoSe$_2$ and WS$_2$.
\subsection*{Triangular lattices -- BN, WSe$_2$}
A natural extension of TBG involves two twisted sheets of boron nitride (BN), which is often called white graphene for its structural similarity and large band gap.
When twisting two BN sheets, the consequences are even more dramatic; while in graphene the quenching of the kinetic energy scales relies on being closed to a set of magic angles, in BN three families of flat band emerge, where the flattening of the bands is a monotonous function of twist angle. The effective lattice structure that is engineered at low enough twist angle is effectively triangular \cite{Xian18,Ni2019}.
A similar engineered lattice structure is obtained by twisting two sheets of tungsten diselenide WSe$_2$ \cite{wang19} or other transition metal dichalcogenide (TMD) heterostructures \cite{Wu17,regan2020,tang2020}. In all these cases a superstructure emerges which effectively confines the low energy physics onto a {\it triangular} lattice. In addition, the heavier transition metal elements in such TMD systems impose substantial spin-orbit coupling onto the low-energy degrees of freedom, { which can in turn induce interesting topological properties.}
Fundamentally, triangular lattices are prototypical model systems to study the role of geometric frustration on electronic and magnetic orders. Using twisted materials one might thus simulate effectively the properties of these theoretically challenging models, relevant also for understanding many other condensed matter systems, such as BEDT-TTF organic compounds and their rich phase diagrams \cite{Shimizu03,Kagawa2005,Tajima06}.
Debated correlated states of matter that can be realized this way range from 120$^\circ$ Neel ordered states to exotic, topological forms of superconductivity and quantum chiral spin liquids \cite{Szasz20}.
{
Indeed, in the case of TMD homobilayers, {features consistent with} superconducting phases {(with further experimental evidence for a truly superconducting state still highly desirable)} have already been seen in close proximity to the insulating phase \cite{wang19}. An advantage of these materials is that the angular precision needed in order for the emergence of new quantum phases is not as stringent as in graphene, so samples are easier to produce. However,
the quality of the constituent materials tends to be poorer, and might need to be improved to allow a well-controlled realization of the model Hamiltonians and phenomena described in Table~\ref{tab:over} and Fig.~\ref{fig1}.
}
\subsection*{Rectangular lattices -- 2D to 1D crossover in GeSe or GeS}
While all of the examples above build on stacking monolayers with a three-fold (120$^\circ$) rotational symmetric lattice structure, this is certainly not the only interesting scenario that one can consider \cite{Kariyado19}. To illustrate this we next turn our attention to twisted bilayer germanium selenide (GeSe) \cite{kennes19} or similarly germanium sulfide (GeS). Monolayer GeSe has a rectangular unit cell with a 180$^\circ$ rotational symmetry. When two sheets of GeSe are twisted, a similar quenching of the kinetic energy scales can be found as in the above discussed cases, however the effective lattice structure realized by such a system is a square lattice at small angles of 8$^\circ$-15$^\circ$ while at lower angles the hopping in one of the principal directions is reduced much more strongly than the corresponding hopping along the second principal direction. At about 6$^\circ$ the effective lattice system realized is entirely dispersion-less along one direction while it has a residual (though small due to the band narrowing at small angles) dispersion along the second one; see inner circle of Fig.~\ref{fig1}. Thus twist angle provides a control knob to tune the system from effectively two-dimensional to effectively one-dimensional low energy physics, providing new insights into this fundamental and poorly understood problem.
One-dimensional quantum systems exhibit strong collective effects. Bilayer GeSe at small twist angle should thus provide an experimental example to study this emergent quantum regime, where Luttinger liquid, Mott insulating and bond ordered wave states dominate the stage. Furthermore, sizable spin-orbit coupling of the low-energy bands emerges at larger twist angles, suggesting that interesting spin-momentum locked states with possibly nematic properties could be engineered \cite{Harter17,Harter18}.
\section*{Experimental realizations and readout of the Moir\'e quantum simulator}
\subsection*{Experimental Realizations}
\Moire structures on layered materials have been observed by microscopy for at least the past three decades. In 3D crystals they can appear naturally during growth due to the presence of screw dislocations, or can be produced by mechanical damage of the crystal structure. These structures remained mostly curiosities until the advent of graphene, when it was realized that \moire structures are an effective way of tuning bandstructure (strong peaks in the local density of states were observed when twisting graphene on bulk graphite) \cite{jiang2019charge}. Such \moire patterns are commonly seen in chemical vapor deposition based grown multilayer graphene and TMD films, and many experiments to understand the properties of these patterns were performed in the past decade \cite{Li2010, Crommie2015} . In these samples, the twist angles generated were largely uncontrolled, and often showed disorder on sub-micron lengthscales, making the general applicability of these samples to other experiments limited.
The first steps on the road to making \moire heterostructures was established by mechanically stacking two monolayers \cite{Dean2010} of graphene and hBN to make high quality graphene layers for transport measurements. Due to the natural lattice mismatch between graphene and hBN, such structures naturally featured \moire textures \cite{Li2010}.
The most successful technique to realize twisted bilayer systems is the "tear and stack" method and its variants \cite{Tutuc2017} . This technique essentially separates a single monolayer into two pieces, which are then naturally aligned with each other. One of the pieces is picked up, rotated by the desired angle and stacked with the second piece to create the desired \moire structure. This simple and elegant technique has so far proved to be the most productive method, but has its limitations in reproducibility and uniformity of the \moire patterns produced (other techniques such as pushing with an atomic force microscopy tip \cite{Hone2019a} or introducing heteorostrain \cite{edelberg2019tunable} have been developed). The development of techniques to measure the wavelength and uniformity of the \moire patterns in-situ are promising developments in the search to create the high-quality and precise \moire structures that we are discussing here.
{
The in-plane bonding in two dimensional materials can arise dominantly from covalent bonding or alternatively from an ionic one. For the former, exfoliation and twisting sheets of materials should work well, while for the latter it will be difficult to do the same. In addition, there is a large class whose bonding is intermediate between ionic and covalent. For those exfoliation and twisting techniques need to be tested experimentally.
}
\subsection*{Read-Out of the Ground State Properties}
Electrical transport has been the technique of choice to probe the ground state quantum properties of \moire structures. The first experiments in this direction were the measurements of quantum Hall effects in graphene on hBN, which revealed the influence of the \moire potential via the formation of Hofstadter butterfly patterns in the magnetotransport \cite{dean2013hofstadter}.
A dramatic development was the discovery of collective quantum phases in twisted bilayer graphene near the so-called magic angle \cite{bistritzer2011}. After the original discovery of insulating \cite{cao2018b} and superconducting phases \cite{cao2018a}, new orbitally magnetized phases with a quantized Hall effect, indicating the development of topological phases that spontaneously break time reversal symmetry, have also been observed \cite{sharpe19,lu2019superconductors}. Similar collective and topological phases have been seen in the case of ABC graphene on hBN \cite{chen2019evidence}, in which case the \moire pattern between the ABC graphene and hBN provides additional flattening of the bandstructure which already displays a peak in the density of states at charge neutrality.
More recently, the methods applied to graphene have also been applied to TMD-based heterostructures. The first experiments indicating the development of interaction-driven insulating phases have been performed in both TMD heterobilayers and homobilayers \cite{wang19,tang2020}.
\subsection*{Spectroscopic Read-Out}
\Moire structures present two great advantages for experiments in comparison to traditional solid state materials. The first is that the size of the "lattice" is expanded from the atomic scale to several nanometers, allowing optical and near-field techniques to directly probe the local spectroscopic properties of the system, in close analogy with the quantum gas microscope invented in the case of cold atomic gases. The second advantage is in their intrinsic two-dimensional nature, which makes it possible to measure the properties of the entire sample with surface-sensitive spectroscopic probes such as scanning tunneling microscopy (STM) or angle-resolved photoemission. This does come with its disadvantages however, since many traditional spectroscopic probes applied to solid state systems (neutron spectroscopy for example) produce signals that are proportional to the volume of the sample being measured, and are thus not easily applicable to these materials.
STM has been applied extensively to study the bandstructure in twisted graphene structures \cite{Li2010,Kerelsky18,xie2019spectroscopic,jiang2019charge,Choi19}, to visualize internal edge states that exist at domain boundaries in small angle twisted bilayer and four-layer graphene systems, and to relate these states to the topological properties of the individual domains \cite{huang18b,kerelsky19}. Touching upon many-body correlation effects, prominent results obtained so far are a measurement of the insulating gap at half-filling, evidence that this insulating state does not break transnational symmetry but does break rotational symmetry near half-filling \cite{Kerelsky18,jiang2019charge,Choi19} and the discovery of an insulating phase at charge neutrality in four-layer rhombohedral graphene produced by twisting two bilayers \cite{kerelsky19}.
Furthermore, van der Waals heterostructures display nearly all optical phenomena found in solids, including plasmonic oscillations of free electrons characteristic of metals, light emission/lasing and excitons encountered in semiconductors, and intense phonon resonances typical of insulators \cite{Sunku1153,Low2017}. Therefore, optical spectroscopies allow one to reconstruct the role of \moire superlattice potentials in the electronic structure of twisted multi-layers as well as in their electron and lattice dynamics. For example infrared spectroscopy on a graphene/boron nitride heterostructure shows that the \moire superlattice potential is dominated by a pseudospin-mixing component analogous to a spatially varying pseudomagnetic field \cite{Shi2014}, and photo-luminescence have uncovered the systematic evolution of light-emitting properties associated with interlayer excitons in TMD hetero-bilayers \cite{Seyler2019}.
Conventional diffraction-limited optics suffers from the spatial resolution restricted by the wave-length of light and therefore provides only area-averaged information on the electromagnetic response of vdW heterostructures. Modern nano-optical methods {\cite{Liu_2016,1910.07893}} allow one to overcome this limitation and enable optical inquiry at the length scale commensurate with \moire periodicities. Additionally, nano-optical methods give access to spectroscopy and imaging of hybrid light-matter modes known as polaritons \cite{Sunku1153}. {Moir\'e structures also allow to set up a highly accurate tool enabling Moir\'e metrology of energy landscapes in 2d van der Waals structures \cite{2008.04835}}.
We conclude this subsection* by noting that functionalized AFM-tips enable multiple nano-scale contrasts in addition to nano-infrared studies including: nano-Raman, magnetic force microscopy, Kelvin probe and piezo force microscopy \cite{mcgilly19}. All these different methods provide complimentary insight carrying separate message about the studied phenomena \cite{2008.04835}. Co-located visualization of contrasts obtained with multiple functionalized scanning probes offers an opportunity for multi-messenger imaging of the interplay between electronic, magnetic and lattice effect at the lengths scale of moire domains \cite{McLeod2020}.
\section*{What Comes Next?}
\label{sec:next}
An important question is which lattice structure might be realizable using Moir\'e physics in the future. Some promising future avenues of research are illustrated in Table \ref{tab:over} and in the outer circle of Fig.~\ref{fig1} -- while extensive, these lists are not exhaustive and we are confident that other low-energy model realizations will emerge as more heterostructure ``building blocks'' become experimentally viable. We concentrate on a few highly sought after candidates next.
\subsection*{Quantum Lego with Correlated or Topological Monolayers}
Beyond utilizing \textit{a priori} weakly correlated monolayers as overviewed above, a promising approach concerns constructing twisted heterostructures out of monolayers that by themselves already exhibit correlation-driven quantum phases.
We present a short perspective of prototype 2D materials that should be studied in the future.
\begin{enumerate}
\item In niobium diselenide (NbSe$_2$) superconducting behavior can be found even when exfoliated down to the monolayer (at temperatures of the order of 3 Kelvin) {\cite{xi2016ising}}. Two such sheets might provide a solid-state-based inroad into the question of how the superconducting state emerges within a conventional BCS picture and how this state crosses over to a strong coupling regime.
\item In the two-dimensional van der Waals material Chromium(III)iodide (CrI$_3$), quantum magnetic properties can be realized that depend on the number of layers and relative stacking order {\cite{soriano2020magnetic}}. Twisted heterostructures made of CrI$_3$ could permit accessing antiferromagnetically and ferromagnetically aligned domains in a flexible fashion using Moir\'e lattice engineering {\cite{hejazi2020noncollinear,wang2020stacking}}.
\item {RuCl$_3$ realizes a Kitaev-Heisenberg magnet with stripe order {\cite{banerjee2016proximate}}. Layering on a substrate at a twist, or twisting layers of RuCl$_3$, can provide a method to tune the magnetic interactions and putatively tune the system towards a quantum spin liquid, as well as study the effects of doping a proximal spin liquid in a controlled manner.}
\item TaSe$_2$ realizes a correlation-driven insulating state that is characterized by a star of David charge density wave configuration at low temperatures which yields a rather large unit cell [Fig. 1, outer circle] {\cite{chen2020strong}}. Again this correlation-driven phase is present even in the untwisted case. Twisting two of these structure atop each other raises the interesting questions of if and how superstructures made of these larger star of David charge density waves can be realized and what are their manifestation in the electronic properties of the material.
\item Beyond van der Waals materials the \moire approach to modify electronic structures is also at play in correlated oxides. These are epitaxial structures and therefore cannot be rotated easily. However a \moire pattern in films of the prototypical magnetoresistive oxide, La$_{0.67}$Sr$_{0.33}$MnO$_3$ can be epitaxially grown on LaAlO$_3$ substrates. The net effect is that both the electronic conductivity and ferromagnetism are modulated by this \moire engineering over mesoscopic scales \cite{McLeod2020}. This opens up yet another route in the combinatory space of chemical compositions to use in \moire systems.
\item { 1T' WTe$_2$ monolayers realize a two-dimensional topological insulator due to a spin-orbit driven topological band inversion \cite{qian2014quantum}. While layering two WTe$_2$ monolayers would naively lead to a Z$_2$ trivial insulating state, the superlattice potential at finite twist angles can in principle induce a series of stacking-controlled topological transitions. A remarkable consequence of such a device would be the possibility to study the combination of non-trivial band topology and electronic correlations in Moir\'e bands with quenched dispersion, potentially giving rise to experimentally-realizable manifestations of fractional Chern insulators or fractional topological insulator phases.}
\end{enumerate}
\subsection*{Highly Controllable Geometrically Frustrated Lattices: Kagome/Kitaev and spin liquids }
One long-sought research goal regards the controlled realization of Kagome or Kitaev quantum magnets {\cite{balents2010spin}}.
In conventional candidate systems such as herbertsmithite, RuCl$_3$, iridates or metal-organic complexes, disorder-free realizations of the low-energy magnetic Hamiltonian or suppression of unwanted and longer-ranged spin exchange interactions are major challenges.
A Moir\'e realization of the Kagome lattice or of strongly spin-orbit-coupled multi-orbital Moir\'e models in the strong-interaction limit would permit tuning magnetic interactions in a controlled manner, possibly allowing a realization of a quantum spin liquid state. { This would elevate \moire heterostructures as a platform to simulate an experimentally elusive phase of matter in a highly controllable setting, with a potentially worthwhile starting candidate being twisted layers of RuCl$_3$.}
{Another direction recently put forward in the realization of an effective Kagome lattice, is twisted MoS$_2$, which was discussed above in the context of the asymmetric $p_x,p_y$ Hubbard model. Beyond this at very small angle, the next family of bands, which can be accessed by further doping the system, would effectively realize a multi-orbital generalization of a Kagome lattice \cite{xian20,2008.01735}. Future studies need to address whether such small angles and large degree of doping can be realized experimentally. }
\subsection*{ Proximity effects and spin orbit coupling}
{One key advantage of two-dimensional systems is the possibility to induce effects via proximity to an engineered substrate. To avoid chemical modifications of the \moire system by the interface through strong chemical bonds, which would destroy the low-energy \moire bands of the original heterostructure, one can employ 2D heterostacking. }
Many interesting effects are expected in flat band systems, when superconducting or strongly spin-orbit coupled substrates are used to imprint some of their properties on the two-dimensional system under scrutiny. For instance, large induced spin-orbit coupling {\cite{island2019spin}} might reveal novel topological superconducting states with applications to quantum computing. Similarly, proximitization with superconducting substrates could permit a controlled study of Majorana wires and lattices {\cite{liangfu08,lutchyn10,yuval10}}, e.g., via using a quasi one-dimensional Moir\'e material such as twisted GeSe. An important corrollary of exploiting a Moir\'e superstructure would be the delocalization of bound Majorana states on scales larger than the Moir\'e unit cell, promoting their length scale from Angstr\"oms to nanometers. Potential topological phenomena include the demonstration of a high-temperature quantum anomalous Hall effect and Majorana modes as well as antiferromagnetic topological insulators which open a route towards topological spintronics.
\subsection*{From 2D to 3D}
Another intriguing future research direction concerns extending the idea of simulating quantum models from the one- or two-dimensional (discussed so far) to the three-dimensional realm using Moir\'e systems. To this end, a new exfoliation technique was recently demonstrated, to yield large-area atomically thin layers that can be stacked in any desired order and orientation to generate a whole new class of artificial materials, including stacking thick twisted materials \cite{liu2020disassembling}. We next discuss explicitly two examples, with obvious intriguing extensions possible.
\begin{enumerate}
\item Alternating twist:
When stacking many layers atop each other we want to define the twist angle of each layer to be measured with respect to the bottom one. Stacking two-dimensional materials at alternating twist then means that the twist angle alternates between two values: zero and $\alpha$. If $\alpha$ is small, in-plane localized sites will emerge by the Moir\'e interference physics, and these sites will lie directly atop each other in the out-of-plane direction. The in-plane flat band states will become dispersive along the out-of-plane direction. Upon slight doping, the system thus becomes dominantly a one-dimensional metal with small residual in-plane coupling by the residual dispersion of the flat bands, similar to what has been discussed for bulk TaS$_2$ \cite{darancet14}. Such a one-dimensional metal is susceptible to instabilities (such as CDW, SDW or excitonic instabilities) as a one-dimensional system is always perfectly nested. This will gap out the system along the out-of-plane direction and elevate the relevance of the small dispersion along the in-plane direction. A similar mechanism was recently observed to give rise to the 3D quantum Hall effect in bulk ZrTe$_5$ \cite{tang2019three} and similar fascinating surprises might be expected in the alternating twist configuration we propose here.
\item Continuous twist:
Another intriguing idea is to stack layer by layer with constant twist angle $\alpha_0$ between adjacent layers, such that the above defined twist angle with respect to the bottom layer increases linearly $\alpha= \alpha_0 \cdot i {\;\rm{mod}\;}360^\circ$, where $i$ is the layer index. Calculations to characterize such a system are challenging as the unit cell w.r.t. the in-plane direction grows huge or a quasi-crystal structure with no unit cell emerges when more and more layers are added. Here the generalized Bloch band theory developed in \cite{wu2020three} might be useful. However, the general physics of emerging flat bands should transfer to the third direction, providing an inroad to realize 3D quantum models with tunable ratio of potential and kinetic energy scales as discussed above for the 2D case.
\end{enumerate}
\subsection*{Moir\'e Heterostructures out of Equilibrium}
So far we addressed equilibrium properties of twisted systems and we illustrated the rich phenomena that one can realize via engineering a variety of low-energy quantum many-body Hamiltonians. With increasingly sensitive pump-probe experiments available, another enticing possibility is to drive such systems out of equilibrium via short laser pulses or via embedding the material in a quantum cavity \cite{Ruggenthaler18,powerOfChirality,Giacomo19,sentef2018cavity,curtis18}. As the Moir\'e potential lowers the relevant kinetic energy scales to meV, these lie within reach of the typical energy scales of light-matter interactions, permitting outsized transient modifications of the electronic dynamics. Combining control of the twist angle with non-equilibrium perturbations thus holds great promise to offer a new platform with opportunities to realize novel correlated non-equilibrium states of matter:
\begin{enumerate}
\item {Floquet engineering: in TBG, the sensitivity of correlated phases to meV changes of the dispersion of the Moire bands as a function of deviation from the magic angle suggests that rich effects can be achieved already via dressing the electronic bands by weak light fields. In the presence of an optical pump, a photon-mediated renormalization of the hopping matrix elements between Moir\'e unit cells can selectively modify the low-energy band structure and flatten its dispersion.}
\item {Cavity engineering: analogously, cavity engineering recently attracted great interest as a means to exploit strong light-matter coupling to change electronic phases. The comparatively low energy scales of Moir\'e bands and correlated phases in twisted bilayer graphene suggests that coupling to a cavity photon mode can induce an outsized effect on the interacting electronic state. One such application is in photo-induced and cavity-induced superconductivity. New predictions for quantum phenomena in these cavities include the enhancement of superconductivity using the coupling between the vacuum fluctuations of the cavity and plasmonic modes of the environment \cite{sentef2018cavity,curtis18,schlawin2019,thomas19}, the study of strongly correlated Bose–Fermi mixtures of degenerate electrons and dipolar excitons \cite{shimazaki19,paravicinibagliani18,Li794,sun17,latini18}. }
\item Optically generated synthetic magnetic fields: The strong spin-orbit coupling in TMDs offers new possibilities to generate opto-magnetic quantum properties using dynamic fields. For instance, one can optically generate real magnetic fields from spin-valley polarization in TMD heterobilayers. Under circularly polarized excitation at the bandgap of one of the TMD monolayers
in a heterobilayer, the initially large spin-orbit splitting can be further increased, leading to a high degree of spin-valley polarization of the hole. This, along with the lack of spin-valley polarization of the electron, will result in a net spin polarization, and thus, a real magnetic moment with the potential to induce novel non-equilibrium quantum phases.
\end{enumerate}
\subsection*{ Excitons at will}
Moir\'e platforms also provide a basic infrastructure for achieving different interlayer exciton phases and excitonic lattices [see Fig. 1]. In particular, bilayers of TMDs were identified (even without twist) as intriguing candidates because the long lifetime of these charge-separated interlayer excitons \cite{Hong2014,Zhu2017,Jauregui870} should facilitate their condensation \cite{Wang2019}. Adding twist angle allows to realize Moir\'e exciton lattices { \cite{Seyler2019,Tran2019,Jin2019,Alexeev2019,shimazaki2020strongly}} which can feature topological exciton bands that support chiral excitonic edge states \cite{PhysRevLett.118.147401}.
The high degree of control permits study of the study the localized-delocalized crossover of excitons in Moir\'e lattices as well as a strain induced crossover from 2D to 1D exciton physics \cite{Bai19}. Minimizing the kinetic energy to increase interactions is key to achieving robust condensation. E.g. twisted WSe$_2$ homobilayers have tunable flat electronic bands over a range of twist angles (see above), with alternatives including experimentally accessible heterobilayers as well as strain and pressure engineering. Two such band-engineered TMDs separated by a uniform spacer layer (hBN) {\cite{shimazaki2020strongly}} will likely provide the best avenue to achieve exciton condensation in zero applied field and to then tune the properties of the condensate by gating, field, pressure and strain. Future strategies to enhance the tendencies of excitons to condensate beyond the use of twist angle to achieve flat bands and thus more prominent interactions could also include the use of cavity structures to enhance light-matter interaction (see Fig. 1). Here, pump-probe nano-optical methods can both address and interrogate distinct regions in \moire heterostructures \cite{McLeod2020}.
\subsection*{Skyrmions}
Skyrmions -- vortex-like magnetic configurations -- can arise as a spontaneously formed
hexagonal lattice in the ground state of chiral magnets, or as quasi-particle excitations on top of
a ferromagnetic ground state. The energetic stability of skyrmions is a consequence of an anti-symmetric exchange (also called Dzyaloshinskii-
Moriya) interaction and they are interesting due to their non-trivial topological structure protecting them
against perturbations and rendering them highly attractive as potential memory devices. One candidate systems for which skyrmions have been predicted is monolayer CrI$_3$ {\cite{tong2018skyrmions}}. In the realm of twisted magnetic van der Waals heterostructures Moir\'e skyrmion lattices are favored due to the long-period Moir\'e pattern, which can be used to tune the periodicity and shape of the magnetization texture. In addition, an external magnetic field can be used to switch the vorticity and location of skyrmions.
\section*{Conclusion}
Here, we identified future directions of research into the blossoming fields of twisted van der Waals heterostructures with a particular emphasis on the high-degree of control achievable in these materials. Controlled engineering of quantum Hamiltonians as tunable low-energy theories of these structures is at the forefront of this fascinating research field. This idea might be viewed as a condensed matter realization of a quantum simulator in the future, which allows to directly access fundamental properties of quantum many-body systems, such as the delicate emergent physics of novel collective phases of matter, which have been experimentally elusive so far. In this sense twisted van der Waals heterostructures might be the long-sought after remedy to access the wider phase space, which should include all kinds of fundamentally and technologically relevant phases of matter. { One of the major experimental challenges to be overcome next is to devise read-out techniques of the magnetic properties in these systems as well as to push the precision of angle resolved photoemission spectroscopy into the regime where it can resolve the physics within the small Brillouin zone of twisted heterostructures reliably. Both of these advances would provide cornerstones allowing to interrogate the low-energy physics of the system with regards to its interacting properties more completely. }
Considering the tremendous combinatorial space of van der Waals materials to chose from, extensions to higher dimensions and the vibrant field of non-equilibrium control, including Floquet engineering and twist-tronics applied to these novel platforms, it is likely that only a small fraction of the potential phenomena achievable in twisted van der Waals heterostructures have been experimentally realized so far. This newly emerging research field is likely to yield many more exciting development.
\\
\noindent \textbf{Acknowledgements:}
This work is supported by the European Research Council (ERC-2015-AdG-694097) and Grupos Consolidados (IT1249-19). MC, AM, AG and AR are supported by the Flatiron Institute, a division of the Simons Foundation. We acknowledge funding
by the Deutsche Forschungsgemeinschaft (DFG) under Germany's Excellence Strategy - Cluster of Excellence Matter and Light for Quantum Computing (ML4Q) EXC 2004/1 - 390534769, within the Priority Program SPP 2244 “2DMP” and Advanced Imaging of Matter (AIM) EXC 2056 - 390715994 and funding by the Deutsche Forschungsgemeinschaft (DFG) through RTG 1995 and RTG 2247. Support by the Max Planck Institute - New York City Center for Non-Equilibrium Quantum Phenomena is acknowledged.
Work at Columbia is supported as part of Programmable Quantum Materials, an Energy Frontier Research Center funded by the U.S. Department of Energy (DOE), Office of Science, Basic Energy Sciences (BES), under award DE-SC0019443. DNB is the Vannevar Bush Faculty Fellow ONR-VB: N00014-19-1-2630.
\noindent \textbf{Competing interests:}
The authors declare no competing interests.
|
\section{Introduction}
Let $\ensuremath{\mathbf{X}}_1,\ldots,\ensuremath{\mathbf{X}}_n$ denote a sample of $n$ i.i.d.~$d$-dimensional observations. A $d$-dimensional random vector $\ensuremath{\mathbf{X}}$ is said to be elliptically symmetric about some location parameter $\ensuremath{\pmb{\theta}}\in\mathbb{R}^d$ if its density~$\underline{f}$ is of the form
\begin{equation}\label{def1}
\xb\mapsto{\underline{f}(\xb;\ensuremath{\pmb{\theta}},\ensuremath{\pmb{\Sigma}},f)}=c_{d,f}|\ensuremath{\pmb{\Sigma}}|^{-1/2}f\left(\|\ensuremath{\pmb{\Sigma}}^{-1/2}(\xb-\ensuremath{\pmb{\theta}})\|\right),\qquad\mathbf{x}\in\mathbb{R}^d,
\end{equation}
where $\ensuremath{\pmb{\Sigma}}\in\mathcal{S}_d$ (the class of symmetric positive definite real $d\times d$ matrices) is a {\it scatter} parameter, $f:\mathbb{R}^+_0\to\mathbb{R}^+$ is an a.e.\ strictly positive function called {\it radial density}, and $c_{d,f}$ is a normalizing constant depending on~$f$ and the dimension~$d$. Many well-known and widely used multivariate distributions are elliptical. The multivariate normal, multivariate Student $t$, multivariate power-exponential, symmetric multivariate stable, symmetric multivariate Laplace, multivariate logistic, multivariate Cauchy, and multivariate symmetric general hyperbolic distribution are all examples of elliptical distributions. The family of elliptical distributions has several appealing properties. For instance, it has a simple stochastic representation, clear parameter interpretation, it is closed under affine transformations, and its marginal and conditional distributions are also elliptically symmetric: see \cite{paindaveine2014elliptical} for details. Thanks to its mathematical tractability and nice properties, it became a fundamental assumption in multivariate analysis and many applications. Numerous statistical procedures therefore rest on the assumption of elliptical symmetry: one- and $K$-sample location and shape problems \citep{UmRandles98, hallin2002optimal, hallin2006semiparametrically1, hallin2006semiparametrically2},
serial dependence and time series \citep{HPd2004AoS},
one- and $K$-sample principal component problems \citep{hallin2010optimal, HPdV2014JASA}, multivariate tail estimation \citep{dominicy2017multivariate}, to cite but a few. Elliptical densities are also considered in portfolio theory \citep{OR83}, capital asset pricing models \citep{hodgson2002testing}, semiparametric density estimation \citep{liebscher2005semiparametric}, graphical models \citep{vogel2011elliptical}, and many other areas.
\noindent
Given the omnipresence of the assumption of elliptical symmetry, it is essential to be able to test whether that assumption actually holds true or not for the data at hand. Numerous tests have been proposed in the literature, including \citet{beran1979testing}, \citet{baringhaus1991testing}, \citet{koltchinskii2000testing}, \citet{manzotti2002statistic}, \citet{schott2002testing}, \citet{huffer2007test}, \citet{Cassart07} and \citet{BGHL19}. Tests for elliptical symmetry based on Monte Carlo simulations can be found in \citet{diks1999test} and \citet{zhu2000nonparametric}; \citet{li1997some} recur to graphical methods and \citet{zhu2004} build conditional tests. We refer the reader to \citet{serfling2004multivariate} and \citet{sakhanenko2008testing} for extensive reviews and performance comparisons. To the best of our knowledge, none of these tests is available in the open software \textbf{R}. The focus of this paper is to close this gap by implementing several well-known tests for elliptical symmetry together with some recent tests.
The test of \cite{beran1979testing} is
neither distribution-free nor affine-invariant; moreover, there are no practical guidelines to the choice of the basis functions involved in the test
statistic. Therefore, we opt not to include it in the package. \citet{baringhaus1991testing} proposes a Cram\'er-von Mises type test for spherical symmetry based on the independence between norm and direction. \citet{dyckerhoff2015depth} have shown by simulations that this test can be used as a test for elliptical symmetry in dimension 2. This test assumes the location parameter to be known and its asymptotic distribution is not simple to use (plus no proven validity in dimensions higher than 2), hence we decided not to include it in the package. Thus, the tests suggested by \citet{koltchinskii2000testing}, \citet{manzotti2002statistic}, \citet{schott2002testing}, \citet{huffer2007test}, \citet{Cassart07} and \citet{BGHL19} are implemented in the package \pkg{ellipticalsymmetry}.
\noindent
This paper describes the tests for elliptical symmetry that have been implemented in the \pkg{ellipticalsymmetry} package, together with a detailed description of the functions that are available in the package. The use of the implemented functions is illustrated using financial data.
\section{Testing for elliptical symmetry}
In this section, we focus on tests for elliptical symmetry that have been implemented in our new \pkg{ellipticalsymmetry} package. Besides formal definitions of test statistics and limiting distributions, we also explain the details on computing.
\subsection{Test by Koltchinskii and Sakhanenko}
\cite{koltchinskii2000testing} develop a class of omnibus bootstrap tests for unspecified location that are affine invariant and consistent against any fixed alternative. The estimators of the unknown parameters are as follows:
$\hat{\ensuremath{\pmb{\theta}}} = n^{-1}\sum_{i=1}^{n}\ensuremath{\mathbf{X}}_i$ and $\hat{\ensuremath{\pmb{\Sigma}}} = n^{-1}\sum_{i=1}^{n}(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})'$. Define $\Yb_i = \Sigmanb^{-1/2}(\ensuremath{\mathbf{X}}_i-\hat{\ensuremath{\pmb{\theta}}})$ and let~$\mathcal{F}_B$ be a class of Borel functions from $\Rd$ to $\mathbb{R}$. Their test statistics are functionals (for example, sup-norms) of the stochastic process\vspace{-1mm}
$$
n^{-1/2}\sum_{i=1}^{n}\left(f(\Yb_i) - m_{f}(||\Yb_i||)\right), \vspace{-1mm}
$$
where $f \in \mathcal{F}_B$ and $m_f(\rho)$ is the average value of $f$ on the sphere with radius~$\rho>0$. Several examples of classes $\mathcal{F}_B$ and test statistics based on the sup-norm of the above process are considered in~\cite{koltchinskii2000testing}. Here, we restrict our attention to~$\mathcal{F}_B:=\left\{I_{0<||\xb||\leq t}\psi\left(\frac{\xb}{||\xb||}\right):\psi\in G_l,||\psi||_2\leq1,t>0\right\}$ where $I_{A}$ stands for the indicator function of $A$, $G_l$ for the linear space of spherical harmonics of degree less than or equal to $l$ in $\mathbb{R}^d$, and~$||\cdot||_2$ is the~$L^2$-norm on the unit sphere $\mathcal{S}^{d-1}$ in $\mathbb{R}^d$. With these quantities in hand, the test statistic becomes
$$
Q_{{KS}}^{(n)} := n^{-1/2}\max_{1\leq j \leq n}\left(\sum_{s=1}^{\text{dim}(G_l)}\left(\sum_{k=1}^{j}\psi_s\left(\frac{\Yb_{[k]}}{||\Yb_{[k]}||}\right) - \delta_{s1}\right)^2 \right)^{1/2},
$$
where $\Yb_{[i]}$ denotes the $i$th order statistic from the sample {$\Yb_1, \dots, \Yb_n$ ordered according to their $L^2$-norm}, $\{\psi_s, \ s =1, \dots,\, \text{dim}(G_l)\}$ denotes an orthonormal basis of $G_l,\ \psi_1 = 1$, and $\delta_{ij} = 1$ for $i=j$ and $0$ otherwise. The test statistic is relatively simple to construct if we have formulas for spherical harmonics.
In dimension $2$ spherical harmonics coincide with sines and cosines on the unit circle. The detailed construction of the test statistic $Q_{{KS}}^{(n)}$ for dimensions $2$ and $3$ can be found in
\citet{sakhanenko2008testing}. In order to be able to use $Q_{{KS}}^{(n)}$ in higher dimensions, we need corresponding formulas for spherical harmonics. Using recursive formulas from \citet{muller1966lecture} and equations given in \citet{manzotti2001spherical} we obtained spherical harmonics of degree one to four in arbitrary dimension. The reader should bare in mind that larger degree leads to better power performance of this test. A drawback of this test is that it requires bootstrap procedures to obtain critical values.
\noindent
In our \textbf{R} package, this test can be run using a function called \verb+KoltchinskiiSakhanenko()+. The syntax for this function is very simple:
\begin{verbatim}
KoltchinskiiSakhanenko(X, R=1000, nJobs = -1),
\end{verbatim}
where \code{X} is an input to this function consisting of a data set which must be a matrix and \code{R} stands for the number of bootstrap replicates. The default number of replicates is set to $1000$. The \code{nJobs} argument represents the number of CPU cores to use for the calculation. This is a purely technical option which is used to speed up the computation of bootstrap based tests. The default value $-1$ indicates that all cores except one are used.
\subsection{The MPQ test}
\citet{manzotti2002statistic} develop a test based on spherical harmonics. The estimators of the unknown parameters are the sample mean denoted as $\hat{\ensuremath{\pmb{\theta}}}$ and the unbiased sample covariance matrix given by $\hat{\ensuremath{\pmb{\Sigma}}} = \frac{1}{n-1}\sum_{i=1}^{n}(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})'$. Define again $\Yb_i = \Sigmanb^{-1/2}(\ensuremath{\mathbf{X}}_i-\hat{\ensuremath{\pmb{\theta}}})$.
When the $\ensuremath{\mathbf{X}}_{i}'s$ are elliptically symmetric, then $\Yb_i/||\Yb_i||$ should be uniformly distributed on the unit sphere, and \citet{manzotti2002statistic} chose this property as the basis of their test. The uniformity of the standardized vectors $\Yb_i/||\Yb_i||$ can be checked in different ways. \cite{manzotti2002statistic} opt to verify this uniformity using spherical harmonics.
For a fixed $\varepsilon > 0$, let $\rho_n$ be the $\varepsilon$ sample quantile of $||\Yb_1||, \dots, ||\Yb_n||$. Then, the test statistic is
$$
Q_{{MPQ}}^{(n)} = n \mathop{\Scale[2]{\sum}}_{h \in \mathcal{S}_{jl}}\bigg( \frac{1}{n} \mathop{\Scale[2]{\sum}}_{i=1}^n h\bigg(\frac{\Yb_i}{||\Yb_i||}\bigg)I(||\Yb_i|| > \rho_{n})\bigg)^2
$$
for $l\geq j \geq 3$, where $\mathcal{S}_{jl} = \bigcup_{j\leq i\leq l} \mathcal{H}_i$
and $\mathcal{H}_i$ is the set of spherical harmonics of degree $i$.
In the implementation of this test we used spherical harmonics of degree $3$ and $4$.
The asymptotic distribution of the test statistic $Q_{{MPQ}}^{(n)}$ is $(1 - \varepsilon) \chi$, where $\chi$ is a variable with a chi-squared distribution with $\nu_{jl}$ degrees of freedom, where $\nu_{jl}$ denotes the total number of functions in $\mathcal{S}_{jl}$.
Note that $Q_{{MPQ}}^{(n)}$ is only a necessary condition statistic for the null hypothesis of elliptical symmetry and therefore this test does not have asymptotic power against all alternatives.
In the \pkg{ellipticalsymmetry} package, this test is implemented as the \verb+MPQ+ function with the following syntax
\begin{verbatim}
MPQ(X, epsilon = 0.05)
\end{verbatim}
As before, \code{X} is a numeric matrix that represents the data while \code{epsilon} is an option that allows the user to indicate the proportion of points $\Yb_i$ close to the origin which will not be used in the calculation. By doing this, extra assumptions on the radial density in \eqref{def1} are avoided.
The default value of \code{epsilon} is set to 0.05.
\subsection{Schott's test}
\citet{schott2002testing} develops a Wald-type test for elliptical symmetry based on the analysis of covariance matrices. The test compares the sample fourth moments with the expected theoretical ones under ellipticity.
Given that the test statistic involves consistent estimates of the covariance matrix of the sample fourth moments, the existence of eight-order moments is required. Furthermore, the test has very low power against several alternatives. The final test statistic is of a simple form, even though it requires lengthy notations.
\noindent
For an elliptical distribution with mean $\ensuremath{\pmb{\theta}}$ and covariance matrix $\ensuremath{\pmb{\Sigma}}$, the fourth moment defined as ${\pmb M_4} = E\{(\ensuremath{\mathbf{X}}- \ensuremath{\pmb{\theta}})(\ensuremath{\mathbf{X}}- \ensuremath{\pmb{\theta}})'\otimes (\ensuremath{\mathbf{X}}- \ensuremath{\pmb{\theta}})(\ensuremath{\mathbf{X}}- \ensuremath{\pmb{\theta}})'\}$, with $\otimes$ the Kronecker product, has the form
\begin{align}
\label{eq:M4}
{\pmb M_4} = (1 + \kappa)((\ensuremath{\mathbf{I}}_{d^2} + K_{dd})(\ensuremath{\pmb{\Sigma}} \otimes \ensuremath{\pmb{\Sigma}}) + vec(\ensuremath{\pmb{\Sigma}})vec(\ensuremath{\pmb{\Sigma}})')
\end{align}
where $K_{dd}$ is a commutation matrix \citep{magnus1988linear}, $\ensuremath{\mathbf{I}}_d$ is the $d\times d$ identity matrix, and $\kappa$ is a scalar which can be expressed using the characteristic function of the elliptical distribution. Here the $vec$ operator stacks all components of a $d\times d$ matrix $\pmb M$ on top of each other to yield the $d^2$ vector ${\rm vec}(\pmb M)$.
Let $\hat{\ensuremath{\pmb{\Sigma}}}$ denote the usual unbiased sample covariance matrix and $\hat{\ensuremath{\pmb{\theta}}}$ the sample mean.
A simple estimator of ${\pmb M_4}$ is given by
$
\hat{\pmb M}_4 = \frac{1}{n}\sum_{i=1}^n(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})'\otimes (\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})'
$
and its standardized version is given by
$$
{ \hat{\pmb M}_{4*}}= (\hat{\ensuremath{\pmb{\Sigma}}}^{-1/2'}\otimes \hat{\ensuremath{\pmb{\Sigma}}}^{-1/2'}){\hat{\pmb M}_4} (\hat{\ensuremath{\pmb{\Sigma}}}^{-1/2}\otimes \hat{\ensuremath{\pmb{\Sigma}}}^{-1/2}).
$$
Then, an estimator of $vec({\pmb M}_4)$ is constructed
as $ {\pmb G} = vec({\pmb N}_4)vec({\pmb N}_4)'vec(\hat{\pmb M}_{4*})/(3d(d+2))$, and it is consistent if and only if ${\pmb M}_4$ is of the form (\ref{eq:M4}); here ${\pmb N}_4$ represents the value of ${\pmb M}_4$ under the multivariate standard normal distribution. Note that the asymptotic mean of $ \pmb{v} = n^{1/2}( vec(\hat{\pmb M}_{4*}) - {\pmb G})$ is $0$ if and only if (\ref{eq:M4}) holds and this expression is used to construct the test statistic. Denote the estimate of the asymptotic covariance matrix of $n^{1/2}\pmb{v}$ as $\hat{\pmb \Phi}$. The Wald test statistic is then formalized as $ T = \pmb{v}' \hat{\pmb \Phi}^{-} \pmb{v}$, where $\hat{\pmb \Phi}^{-}$ is a generalized inverse of $\hat{\pmb \Phi}$. For more technical details we refer the reader to Section 2 in \citet{schott2002testing}.
In order to define Schott's test statistic, we further have to define the following quantities:
$$
(1 + \hat{\kappa}) = \frac{1}{nd(d+2)} \sum_{i=1}^n\{(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})'\hat{\ensuremath{\pmb{\Sigma}}}^{-1}(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})\}^2
$$
$$
(1 + \hat{\eta}) = \frac{1}{nd(d+2)(d+4)}\sum_{i=1}^n\{(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})'\hat{\ensuremath{\pmb{\Sigma}}}^{-1}(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})\}^3
$$
$$
(1 + \hat{\omega}) = \frac{1}{nd(d+2)(d+4)(d+6)}\sum_{i=1}^n\{(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})'\hat{\ensuremath{\pmb{\Sigma}}}^{-1}(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})\}^4.
$$
\noindent
Moreover, let $\hat{\beta}_1 = (1 + \hat{\omega})^{-1}/24,\enspace \hat{\beta}_2 = -3a\{ 24 (1 + \hat{\omega})^2 +12(d+4)a(1 + \hat{\omega})\}^{-1} $, $a = (1 + \hat{\omega}) + (1 + \hat{\kappa})^3 - 2(1 + \hat{\kappa})(1 + \hat{\eta})$. Finally, the test statistic becomes
$$
T = n\left[ \hat{\beta}_1 \text{tr}(\hat{\pmb M}_{4*}^{2}) + \hat{\beta}_2\text{vec}(\ensuremath{\mathbf{I}}_d)' \hat{\pmb M}_{4*}^{2}\text{vec}(\ensuremath{\mathbf{I}}_d) - \{3\hat{\beta}_1 + (d+2)\hat{\beta}_2\}d(d+2)(1+\hat{\kappa})^2 \right].
$$
It has an asymptotic chi-squared distribution with degrees of freedom
$\displaystyle \nu_d = d^2 + \frac{d(d-1)(d^2 + 7d - 6)}{24} - 1.$
\noindent
The Schott test can be performed in our package by using the function \verb+Schott+ with the very simple syntax \verb+Schott(X)+, where \code{X} is a numeric matrix of data values.
\subsection{Test by Huffer and Park}
\citet{huffer2007test} propose a Pearson chi-square type test with multi-dimensional cells. Under the null hypothesis of ellipticity the cells have asymptotically equal expected cell counts and after determining the observed cell counts, the test statistic is easily computed. Let $\hat{\ensuremath{\pmb{\theta}}}$ be the sample mean and $\hat{\ensuremath{\pmb{\Sigma}}} = n^{-1}\sum_{i=1}^{n}(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}})'$ the sample covariance matrix. Define $\Yb_i = \ensuremath{\mathbf{R}}(\ensuremath{\mathbf{X}}_i - \hat{\ensuremath{\pmb{\theta}}}),$
where the matrix $\ensuremath{\mathbf{R}}=\ensuremath{\mathbf{R}}(\hat{\ensuremath{\pmb{\Sigma}}})$ is a function of $\hat{\ensuremath{\pmb{\Sigma}}}$ such that $\ensuremath{\mathbf{R}}\hat{\ensuremath{\pmb{\Sigma}}} \ensuremath{\mathbf{R}} = \ensuremath{\mathbf{I}}_d$. Typically $\ensuremath{\mathbf{R}} = \hat{\ensuremath{\pmb{\Sigma}}}^{-1/2}$ as for the previous tests. However, Huffer and Park suggest to use the Gram-Schmidt transformation because that will lead to standardized data whose joint distribution does not depend on $\ensuremath{\pmb{\theta}}$ or $\ensuremath{\pmb{\Sigma}}$. In order to compute the test statistic, the space $\Rd$ should be divided into $c$ spherical shells centered at the origin such that each shell contains an equal number of the scaled residuals $\Yb_i$.
The next step is to divide $\Rd$ into $g$ sectors such that for any pair of sectors there is an orthogonal transformation mapping one onto the other. Therefore, the $c$ shells and $g$ sectors divide $\Rd$ into $gc$ cells which, under elliptical symmetry, should contain $n/(gc)$ of the vectors $\Yb_i$. The test statistic then has the simple form
$$
HP_n = \sum_{\pi}(U_{\pi} - np)^2/(np),
$$
where $U_{\pi}$ are cell counts for $\pi = (i,j)$ with $1\leq i\leq g$ and $1\leq j \leq c$ and $p=1/(gc)$.
\noindent
In the \textbf{R} package we are considering three particular ways to partition the space: using (i) the $2^d$ orthants, (ii) permutation matrices and (iii) a cyclic group consisting of rotations by angles which are multiples of $2\pi/g$. The first two options can be used for any dimension, while the angles are supported only for dimension 2.
Huffer and Park's test can be run using a function called \verb+HufferPark+. The syntax, including all options, for the function \verb+HufferPark+ is for instance
\begin{verbatim}
HufferPark(X, c, R = NA, sector = "orthants", g = NA, nJobs = -1).
\end{verbatim}
We will now provide a detailed description of its arguments.
\code{X} is an input to this function consisting of a data set.
\code{sector} is an option that allows the user to specify the type of sectors used to divide the space. Currently supported options are \code{"orthants"}, \code{"permutations"}
and \code{"bivariateangles"}, the last one being available only in dimension $2$. The \code{g} argument indicates the number of sectors.
The user has to choose \code{g} only if \code{sector = "bivariateangles"} and it denotes the number of regions used to divide the plane. In this case, regions consist of points whose angle in polar coordinates is between $2(m-1)\pi/g$ and $2m\pi/g$ for $m \in \{1 \dots g\}$.
If \code{sector} is set to \code{"orthants"}, then \code{g} is fixed and equal to $2^d$, while for \code{sector = "permutations"} \code{g} is $d!$.
No matter what type of sectors is chosen, the user has to specify the number of spherical shells that are used to divide the space, which is \code{c}.
The value of \code{c} should be such that the average cell counts $\displaystyle n/(gc)$ are not too small. Several settings with different sample size,
and different values of $g$ and $c$ can be found in the simulation studies presented in Sections 4 and 5 of \citet{huffer2007test}. As before, \code{nJobs} represents the number of CPU cores to use for the calculation. The default value \code{-1} indicates that all cores except one are used.
\noindent
The asymptotic distribution is available only under \code{sector = "orthants"} when the underlying distribution is close to normal. It is a linear combination of chi-squared random variables and it depends on eigenvalues of congruent sectors used to divide the space $\Rd$.
Otherwise, bootstrap procedures are required and the user can freely choose the number of bootstrap replicates, denoted as \code{R}.
Note that by default \code{sector} is set to \code{"orthants"} and \code{R = NA}.
\subsection{Pseudo-Gaussian test}
\citet{Cassart07} and \cite{CHPd2008JSPI} construct Pseudo-Gaussian tests for specified and unspecified location that are most efficient against a multivariate form of Fechner-type asymmetry (defined in \citet{Cassart07}, Chapter 3).
These tests are based on Le Cam's asymptotic theory of statistical experiments.
We start by describing the specified-location Pseudo-Gaussian test. The unknown parameter $\ensuremath{\pmb{\Sigma}}$ is estimated by using \citet{tyler1987distribution}'s estimator of scatter which we simply denote by $\hat{\ensuremath{\pmb{\Sigma}}}$.
Let $m_{k}(\ensuremath{\pmb{\theta}},\ensuremath{\pmb{\Sigma}}) := n^{-1}\sum_{i=1}^{n}(\|\ensuremath{\pmb{\Sigma}}^{-1/2}(\ensuremath{\mathbf{X}}_i-\ensuremath{\pmb{\theta}})\|)^k$, $U_i(\ensuremath{\pmb{\theta}},\ensuremath{\pmb{\Sigma}}) := \frac{\ensuremath{\pmb{\Sigma}}^{-1/2}(\ensuremath{\mathbf{X}}_i-\ensuremath{\pmb{\theta}})}{\|\ensuremath{\pmb{\Sigma}}^{-1/2}(\ensuremath{\mathbf{X}}_i-\ensuremath{\pmb{\theta}})\|}$ and \vspace{-1mm}
\begin{align*}\nonumber\ensuremath{\mathbf{S}}^{\Ub}_i(\ensuremath{\pmb{\theta}},\ensuremath{\pmb{\Sigma}}) := ((\Ub_{i1}(\ensuremath{\pmb{\theta}},\ensuremath{\pmb{\Sigma}}))^2 \text{sign}&(\Ub_{i1}(\ensuremath{\pmb{\theta}},\ensuremath{\pmb{\Sigma}})), \dots, (\Ub_{id}(\ensuremath{\pmb{\theta}},\ensuremath{\pmb{\Sigma}}))^2 \text{sign}(\Ub_{id}(\ensuremath{\pmb{\theta}},\ensuremath{\pmb{\Sigma}})))^\prime . \vspace{-1mm}
\end{align*}
The test statistic then has the simple form
\vspace{-1mm}
$$Q_{{p{\cal G},\ensuremath{\pmb{\theta}}}}^{(n)} = \frac{d(d+2)}{3n{m_4}(\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}})}\sum_{i,j=1}^n (\|\hat\ensuremath{\pmb{\Sigma}}^{-1/2}(\ensuremath{\mathbf{X}}_i-\ensuremath{\pmb{\theta}})\|)^2 (\|\hat\ensuremath{\pmb{\Sigma}}^{-1/2}(\ensuremath{\mathbf{X}}_j-\ensuremath{\pmb{\theta}})\|)^2\ensuremath{\mathbf{S}}'^{\Ub}_i(\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}})\ensuremath{\mathbf{S}}^{\Ub}_j(\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}})
\vspace{-1mm}$$
and follows asymptotically a chi-squared distribution $\chi^2_d$ with $d$ degrees of freedom. Finite moments of order four are required.
\noindent
In most cases the assumption of a specified center is however unrealistic. \citet{Cassart07} therefore proposes also a test for the scenario when location is not specified.
The estimator of the unknown $\ensuremath{\pmb{\theta}}$ is the sample mean denoted by $\hat{\ensuremath{\pmb{\theta}}}$. Let $\Yb_i = \hat\ensuremath{\pmb{\Sigma}}^{-1/2} (\ensuremath{\mathbf{X}}_i - \hat\ensuremath{\pmb{\theta}})$. The test statistic takes on the guise
$$
Q_{{p{\cal G}}}^{(n)} := (\ensuremath{\pmb{\Delta}}_{{{\cal G}}}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}}))'(\Gammab_{{{\cal G}}}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}}))^{-1}\ensuremath{\pmb{\Delta}}_{{{\cal G}}}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}}),
$$ where
$$
\ensuremath{\pmb{\Delta}}_{{{\cal G}}}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}})= n^{-1/2}\sum_{i=1}^{n}\|\Yb_i\|\left(c_d(d+1)m_{1}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}})\Ub_i(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}})-\|\Yb_i\|\ensuremath{\mathbf{S}}^{\Ub}_i(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}})\right)
$$
and
\begin{align*}
&\Gammab_{{{\cal G}}}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}}) :=\\ &\left(\frac{3}{d(d+2)}m_{4}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}}) - 2c_{d}^2(d+1)m_{1}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}})m_{3}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}}) + c_{d}^{2}\frac{(d+1)^2}{d}(m_{1}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}}))^2m_{2}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}})\right)\Ik
\end{align*}
with $c_d = 4\Gamma(d/2)/((d^2-1)\sqrt{\pi}\Gamma(\frac{d-1}{2}))$, $\Gamma(\cdot)$ being the Gamma function.
The test rejects the null hypothesis of elliptical symmetry at asymptotic level $\alpha$ whenever the test statistic
$
Q_{{p{\cal G}}}^{(n)}
$
exceeds $\chi^2_{d;1-\alpha}$, the upper $\alpha$-quantile of a $\chi^2_d$ distribution. We refer to Chapter 3 of \cite{Cassart07} for formal details.
\noindent
This test can be run in our package by calling the function \verb+pseudoGaussian+ with the simple syntax
\begin{verbatim}
pseudoGaussian(X, location = NA).
\end{verbatim}
Besides \code{X} which is a numeric matrix of data values, now we have an extra argument \code{location} which allows the user to specify the known location. The default is set to \code{NA} which means that the unspecified location test will be performed unless the user specifies location.
\subsection{SkewOptimal test}
Recently, \citet{BGHL19} proposed a new test for elliptical symmetry both for specified and unspecified location. These tests are based on Le Cam's asymptotic theory of statistical experiments and are optimal against generalized skew-elliptical alternatives (defined in Section 2 of said paper) but they remain quite powerful under a much broader class of non-elliptical distributions.
\noindent
The test statistic for the specified location scenario has a very simple form and an asymptotic chi-squared distribution. The test rejects the null hypothesis whenever
$
Q_{\ensuremath{\pmb{\theta}}}^{(n)}=n (\bar{\ensuremath{\mathbf{X}}}-\ensuremath{\pmb{\theta}})'\hat\ensuremath{\pmb{\Sigma}}^{-1}(\bar{\ensuremath{\mathbf{X}}}-\ensuremath{\pmb{\theta}})
$
exceeds the $\alpha$-upper quantile $\chi^2_{d;1-\alpha}$. Here, $\hat{\ensuremath{\pmb{\Sigma}}}$ is \citet{tyler1987distribution}'s estimator of scatter and $\bar{\pmb X}$ is the sample mean.
\noindent
When the location is not specified, \citet{BGHL19} propose tests that have a simple asymptotic chi-squared distribution under the null hypothesis of ellipticity, are affine-invariant, computationally fast, have a simple and intuitive form,
only require finite moments of order 2, and offer much flexibility in the choice of the radial density $f$ at which optimality (in the maximin sense) is achieved. Note that the Gaussian $f$ is excluded, though, due to a singular information matrix; see \citet{BGHL19}. We implemented in our package the test statistic based on the radial density $f$ of the multivariate $t$ distribution, multivariate power-exponential and multivariate logistic, though in principle any non-Gaussian choice for $f$ is possible. The test requires lengthy notations, but its implementation is straightforward. For the sake of generality, we will derive the test statistic for a general (but fixed) $f$, and later on provide the expressions of $f$ for the three special cases implemented in our package. Let $\varphi_f(x) = -\frac{f'(x)}{f(x)}$ and $\Yb_i = \hat\ensuremath{\pmb{\Sigma}}^{-1/2} (\ensuremath{\mathbf{X}}_i - \hat\ensuremath{\pmb{\theta}})$ where $\hat\ensuremath{\pmb{\theta}}$ is the sample mean. In order to construct the test statistic, we first have to define the quantities \begin{align*}
\displaystyle {\ensuremath{\pmb{\Delta}}}_{f}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}}) = 2n^{-1/2}\dot{\Pi}(0)\sum_{i=1}^n\left[\|\Yb_i\|-\frac{d}{ \widehat{\mathcal{K}}_{d,f}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}})}\varphi_f(\|\Yb_i\|)\right]\frac{\Yb_i}{\|\Yb_i\|}
\end{align*} and
$$\widehat{\Gammab}_{f}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}}):=\frac{{4(\dot{\Pi}(0))^2}}{nd}\sum_{i=1}^n\left[\|\Yb_i\|-\frac{d}{ \widehat{\mathcal{K}}_{d,f}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}})}\varphi_f(\|\Yb_i\|)\right]^2\Ik$$
where
$
\widehat{\mathcal{K}}_{d,f}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}}) := \frac{1}{n}\sum_{i=1}^n \left[ \displaystyle \varphi_f'(\|\Yb_i\|) + \frac{d-1}{\|\Yb_i\|}\varphi_f(\|\Yb_i\|) \right]
$ and $\Pi$ is the cdf of the standard normal distribution (we use $\dot{\Pi}(\cdot)$ for the derivative).
Finally, the test statistic is of the form
$ Q^{(n)}_f:= ({\ensuremath{\pmb{\Delta}}}_{f}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}}))' (\widehat{\Gammab}_{f}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}}))^{-1}{\ensuremath{\pmb{\Delta}}}_{f}(\hat\ensuremath{\pmb{\theta}},\hat\ensuremath{\pmb{\Sigma}})$ and it has a chi-squared distribution with~$d$ degrees of freedom. The test is valid under the entire semiparametric hypothesis of elliptical symmetry with unspecified center and uniformly optimal against any type of generalized skew-$f$ alternative.
\noindent
From this general expression, one can readily derive the test statistics for specific choices of $f$. In our case, the radial density of the multivariate Student $t$ distribution corresponds to $f(x) = (1 + \frac{1}{\nu}x^2)^{-(\nu + d)^2}$, where $\nu \in (0,\infty)$ represents the degrees of freedom, while that of the multivariate logistic distribution is given by $\displaystyle f(x)= \frac{\exp{(-x^2)}}{[1+\exp{(-x^2})]^2}$ and of the multivariate power-exponential by $\displaystyle f(x)= \exp{\left(-\frac{1}{2}x^{2\beta}\right)}$, where $\beta \in (0,\infty)$ is a parameter related to kurtosis.
\noindent
These tests can be run in \textbf{R} using a function called \verb+SkewOptimal+ with the syntax
\begin{verbatim}
SkewOptimal(X, location = NA, f = "t", param = NA)
\end{verbatim}
\noindent
Depending on the type of the test some of the input arguments are not required. \code{X} and \code{location} are the only input arguments for the specified location test, and have the same role as for the Pseudo-Gaussian test. As before, the default value for \code{location} is set to \code{NA} which implies that the unspecified location test will be performed unless the user specifies location. For the unspecified location test, besides the data matrix \code{X}, the input arguments are \code{f} and \code{param}. The \code{f} argument is a string that specifies the type of the radial density based on which the test is built. Currently supported options are \code{"t"}, \code{"logistic"} and \code{"powerExp"}. Note that the default is set to \code{"t"}. The role of the \code{param} argument is as follows. If \code{f = "t"} then \code{param} denotes the degrees of freedom of the multivariate $t$ distribution. Given that the default radial density is \code{"t"}, it follows that the default value of \code{param} represents the degrees of freedom of the multivariate $t$ distribution and it is set to $4$. Note also that the degrees of freedom have to be greater than $2$.
If \code{f = "powerExp"} then \code{param} denotes the kurtosis parameter $\beta$, in which case the value of \code{param} has to be different from $1$ because $\beta = 1$ corresponds to the multivariate normal distribution. The default value is set to $0.5$.
\subsection{Time complexity}
We conclude the description of tests for elliptical symmetry by comparing their time complexity in terms of the big O notation \citep{cormen2009introduction}. More concretely, we are comparing the number of simple operations that are required to evaluate the test statistics and the p-values. Table~\ref{time} summarizes the time complexity of the implemented tests.
\noindent
The test of Koltchinskii and Sakhanenko is computationally more demanding than the bootstrap version of the test of Huffer and Park. Among unspecified location tests that do not require bootstrap procedures, the most computationally expensive test is the MPQ test under the realistic assumption that $n > d$. Regarding the specified location tests we can conclude that the Pseudo-Gaussian test is more computationally demanding than the SkewOptimal test. Note that both the test of Koltchinskii and Sakhanenko and the MPQ test are based on spherical harmonics up to degree $4$. In case we would use spherical harmonics of higher degrees, the tests would of course become even more computationally demanding.
\noindent
We have seen that several tests require bootstrap procedures and therefore are by default computationally demanding. Such tests require the calculation of the statistic on the resampled data $R$ times in order to get the p-value, where $R$ is the number of bootstrap replicates. Consequently, the time required to obtain the p-value in such cases is $R$ times the time to calculate the test statistic. For the tests that do not involve bootstrap procedures, the p-value is calculated using the inverse of the cdf of the asymptotic distribution under the null hypothesis, which is considered as one simple operation. The exception here is the test of Huffer and Park whose asymptotic distribution is more complicated and includes $O(c)$ operations where $c$ is an integer and represents an input parameter for this test.
\begin{table}[H]
\centering
\caption{Time complexity of the various tests for elliptical symmetry}
\begin{tabular}{lll}
\toprule
& statistics & p-value \\
\midrule
KoltchinskiiSakhanenko &$O(n \log n + nd^5)$&$O(Rn \log n + Rnd^5)$\\
MPQ &$O(n \log n + nd^5)$& $O(1)$ \\
Schott & $O(nd^2 + d^6)$ & $O(1)$ \\
HufferPark & $O(nd^2 + d^3)$ & $O(c)$ \\
HufferPark (bootstrap) & $O(nd^2 + d^3)$ &$O(Rnd^2 + Rd^3)$\\
PseudoGaussian (specified location) &$O(n^2d + nd^2 + d^3)$& $O(1)$ \\
PseudoGaussian & $O(nd^2 + d^3)$ & $O(1)$ \\
SkewOptimal (specified location) & $O(nd + d^3)$ & $O(1)$ \\
SkewOptimal & $O(nd^2 + d^3)$ & $O(1)$ \\
\bottomrule
\end{tabular}
\label{time}
\end{table}
\section{Illustrations using financial data}
Mean-Variance analysis was introduced by \cite{markowitz} as a model for portfolio selection. In this model, the portfolio risk expressed through the historical volatility is minimized for a given expected return, or the expected return is maximized given the risk. The model is widely used for making portfolio decisions, primarily because it can be easily optimized using quadratic programming techniques. However, the model has some shortcomings among which the very important one that it does not consider the prior wealth of the investor that makes decisions. This prior wealth is important since it influences the satisfaction that an investor has from gains. For example, the gain of 50\$ will not bring the same satisfaction to someone whose wealth is 1\$ as to someone whose wealth is 1000\$. This satisfaction further affects the decision-making process in portfolio selection. Because of that and other financial reasons, a more general concept of expected utility maximization is used (see e.g. \cite{schoemaker2013experiments}). However, the expected utility maximization is not an easy optimization problem, and some additional assumptions must be made in order to solve it. Hence, despite the expected utility maximization being more general, the mean-variance approach is still used due to its computational simplicity. \cite{chamberlain1983characterization} showed that the two approaches coincide if the returns are elliptically distributed. In other words, under elliptical symmetry the mean-variance optimization solves the expected utility maximization for any increasing concave utility function.
Therefore, we want to test if the assumption of elliptical symmetry holds or not for financial return data. The data set that we analyze contains daily stock log returns of $3$ major equity market indexes from North America: S\&P 500 (US), TSX (Canada) and IPC (Mexico). The sample consists of 5369 observations, from January 2000 through July 2020. To remove temporal dependencies by filtering, following the suggestion of \cite{lombardi2009indirect}, GARCH(1,1) time series models were fitted to each series of log-returns.
\noindent
We test if the returns are elliptically symmetric in different time periods using a rolling window analysis. The window has a size of one year and it is rolled every month, \mbox{i.e.} we start with the window January 2000 - December 2000 and we test for elliptical symmetry. Then we shift the starting point by one month, that is we consider February 2000 - January 2001 and we test again for elliptical symmetry. We keep doing this until the last possible window. The following tests are used for every window: the test by Koltchinskii and Sakhanenko with \code{R = 100} bootstrap replicates, the MPQ test, Schott's test, the bootstrap test by Huffer and Park based on orthants with \code{c = 3} and with the number of bootstrap replicates \code{R = 100}, the Pseudo-Gaussian test and the SkewOptimal test with the default values of the parameters. For every window we calculate the p-value. The results are presented in Figure ~\ref{rollingwindow}, where the horizontal line present on every plot indicates the 0.05 significance level.
\noindent
Even though all these tests address the null hypothesis of elliptical symmetry, they have different powers for different alternative distributions and some tests may fail to detect certain departures from the null hypothesis. Certain tests are also by nature more conservative than others. We refer the reader to \cite{BGHL19} for a comparative simulation study that includes the majority of the tests available in this package. This diversity in behavior presents nice opportunities. For instance, when all tests agree, we can be pretty sure about the nature of the analyzed data. One could also combine the six tests into a multiple testing setting by using a Bonferroni correction, though this is not what we are doing here.
\noindent
The following general conclusions can be drawn from Figure ~\ref{rollingwindow}.
\begin{itemize}
\item In the past 20 years, the return data do not follow the elliptical distribution at least half of time. In other words, there are many periods between 2000 and 2020 where the data exhibit some form of skewness or other type of symmetry, invalidating thus the mean-variance analysis.
\item The broader periods where the hypothesis of elliptical symmetry cannot be rejected are 2000-2004, 2005-2006, 2012-2013, 2015-2017 (for Schott's test only 2015-2016). In these periods, the tests may have only occasional rejections without a longer time period of rejections. \item In the period around the financial crisis in 2008, almost all tests reject the null hypothesis of ellipticity. This clearly shows that, in the periods of crisis, the assumption of elliptical symmetry is less likely to hold.
\end{itemize}
\begin{figure}[H]
\begin{center} \caption{North America indexes (S\&P, TSX and IPC)}\label{rollingwindow}
\vspace{0.5cm}
\subfloat[SkewOptimal]{\includegraphics[angle=0,width=0.5\linewidth]{Skew.png}}
\subfloat[Pseudo-Gaussian]{\includegraphics[angle=0,width=0.5\linewidth]{PG.png}}\\
\subfloat[KoltchinskiiSakhanenko]{\includegraphics[angle=0,width=0.5\linewidth]{KS.png}}
\subfloat[MPQ]{\includegraphics[angle=0,width=0.5\linewidth]{MPQ.png}}\\
\subfloat[HufferPark]{\includegraphics[angle=0,width=0.5\linewidth]{HP.png}}
\subfloat[Schott]{\includegraphics[angle=0,width=0.5\linewidth]{Schott.png}} \\
\begin{tabular}{p{12.5cm}}
\scriptsize The plots show the p-values of the corresponding tests for all rolling windows that we considered between 2000 and 2020. The years on the x-axis mark the rolling windows for which the starting point is January of that year. The horizontal line present on every plot indicates the 0.05 significance level. \\
\end{tabular}
\end{center}
\label{fig:rolling windows}
\end{figure}
\noindent
With the aim of guiding the reader through the functions that are available in the \pkg{ellipticalsymmetry} package, we now focus on the window January 2008 - December 2008. We start with the test by Koltchinskii and Sakhanenko.
\begin{verbatim}
> KoltchinskiiSakhanenko(data2008, R = 100)
\end{verbatim}
\begin{verbatim}
Test for elliptical symmetry by Koltchinskii and Sakhanenko
data: data2008
statistic = 6.0884, p-value = 0.02
alternative hypothesis: the distribution is not elliptically symmetric
\end{verbatim}
\noindent
The \verb+KoltchinskiiSakhanenko+ output is simple and clear. It reports the value of the test statistic and p-value. For this particular data set the test statistic is equal to $6.0884$ and the p-value is $0.02$. Note that here we specify the number of bootstrap replicates to be \code{R = 100}.
The MPQ test and Schott's test can be performed by running very simple commands:
\begin{verbatim}
> MPQ(data2008)
\end{verbatim}
\begin{verbatim}
Test for elliptical symmetry by Manzotti et al.
data: data2008
statistic = 25.737, p-value = 0.04047
alternative hypothesis: the distribution is not elliptically symmetric
\end{verbatim}
\begin{verbatim}
> Schott(data2008)
\end{verbatim}
\begin{verbatim}
Schott test for elliptical symmetry
data: data2008
statistic = 24.925, p-value = 0.03532
alternative hypothesis: the distribution is not elliptically symmetric
\end{verbatim}
\noindent
Given the number of the input arguments, the function for the test by Huffer and Park deserves some further comments. The non-bootstrap version of the test can be performed by running the command
\begin{verbatim}
> HufferPark(data2008, c = 3)
\end{verbatim}
\begin{verbatim}
Test for elliptical symmetry by Huffer and Park
data: data2008
statistic = 24.168, p-value = 0.109
alternative hypothesis: the distribution is not elliptically symmetric
\end{verbatim}
\noindent
By specifying \code{R} the bootstrap will be applied:
\begin{verbatim}
> HufferPark(data2008, c= 3, R = 100)
\end{verbatim}
\noindent
The p-value for the bootstrap version of the test is equal to $0.11$. Note that in both cases we used the default value for \code{sector}, that is \code{"orthants"}.
\begin{verbatim}
Test for elliptical symmetry by Huffer and Park
data: data2008
statistic = 24.168, p-value = 0.11
alternative hypothesis: the distribution is not elliptically symmetric
\end{verbatim}
\noindent
If we want to change the type of sectors used to divide the space, we can do it by running the command
\begin{verbatim}
HufferPark(data2008, c=3, R = 100, sector = "permutations")
\end{verbatim}
This version yields a p-value equal to $0.16$.
\medskip
\noindent
Another very easy-to-use test is the Pseudo-Gaussian test:
\begin{verbatim}
> PseudoGaussian(data2008)
\end{verbatim}
\begin{verbatim}
Pseudo-Gaussian test for elliptical symmetry
data: data2008
statistic = 9.486, p-value = 0.02348
alternative hypothesis: the distribution is not elliptically symmetric
\end{verbatim}
\noindent
Eventually, the following simple command will run the \code{SkewOptimal} test based on the radial density of the multivariate $t$ distribution with $4$ degrees of freedom (note that the degrees of freedom could be readily changed by specifying the \code{param} argument).
\begin{verbatim}
> SkewOptimal(data2008)
\end{verbatim}
\begin{verbatim}
SkewOptimal test for elliptical symmetry
data: data2008
statistic = 12.209, p-value = 0.006701
alternative hypothesis: the distribution is not elliptically symmetric
\end{verbatim}
\noindent
The test based on the radial density of the multivariate logistic distribution can be performed by simply adding
\code{f = "logistic"}:
\begin{verbatim}
> SkewOptimal(data2008, f = "logistic")
\end{verbatim}
\noindent
This version of the SkewOptimal test yields a p-value equal to $0.0003484$. Finally, if we want to run the test based on the radial density of the multivariate power-exponential distribution, we have to set \code{f} to \code{"powerExp"}. The kurtosis parameter equal to $0.5$ will be used unless specified otherwise.
\begin{verbatim}
> SkewOptimal(data2008, f = "powerExp")
\end{verbatim}
The resulting p-value equals $0.002052$.
The kurtosis parameter can be changed by assigning a different value to \code{param}. For example,
\begin{verbatim}
SkewOptimal(data2008, f = "powerExp", param = 1.2)
\end{verbatim}
\noindent
We can conclude that the null hypothesis is rejected at the $5\%$ level by all tests except by Huffer and Park's tests. Luckily the tests available in the package mostly agree. In general, in situations of discordance between two (or more) tests, a practitioner may compare the essence of the tests as described in this paper and check if, perhaps, one test is more suitable for the data at hand than the other (e.g., if assumptions are not met). The freedom of choice among several tests for elliptical symmetry is an additional feature of our new package.
\section{Conclusion} \label{sec:summary}
In this paper, we have described several existing tests for elliptical symmetry and explained in details their \textbf{R} implementation in our new package \pkg{ellipticalsymmetry}. The implemented functions are simple to use, and we illustrate this via a real data analysis.
The availability of several tests for elliptical symmetry is clearly an appealing strength of our new package.
\section*{Acknowledgments}
Sla\dj ana Babi\' c was supported by a grant (165880) as a PhD Fellow of the Research Foundation-Flanders (FWO). Marko Palangeti\' c was supported by the Odysseus program of the Research Foundation-Flanders.
|
\section{Introduction}
In this paper I treat Maxwell's equations in a curved background that is asymptotically flat in the presence of possibly inhomogeneous media and with metallic boundary conditions imposed on finitely many compact obstacles.
The purpose of this paper is two-fold. I first show that Maxwell's equations in homogeneous matter can still be effectively formulated and treated using the language of differential forms by employing a twisted co-differential. I will then explain how new results on scattering theory on such spacetimes can be physically interpreted and how the topology of the metallic objects as well as the possibly non-trivial topology of space influences the space of solutions.
The second and main purpose is to discuss the quantisation of the electromagnetic field in this setting. Note that for free fields such as the Klein-Gordon field and the electromagnetic field one can still construct the corresponding quantum field in a mathematically rigorous fashion. This process is referred to in the physics literature as canonical quantisation and consists of a collection of recipes that result in the construction a collection of $n$-point functions that can be interpreted as correlation functions of observables on a Hilbert space (see for example \cite{MR1884336,MR1178936}). I will describe in mathematical detail the construction of the quantisation in the current setting and the modifications necessary to deal with non-trivial topology and obstacles. One of the motivations of the careful analysis of the quantisation of the electromagnetic field is that it is a necessary preliminary to any clean mathematical description of the Casimir effect and Casimir interactions within the framework of spectral theory. To this end I will give a formula for the renormalised stress energy tensor in terms of the integral kernel of the square root of the Laplace-Beltrami operator on co-closed one forms satisfying relative boundary conditions. The consequences on the analysis of Casimir interactions will be discussed elsewhere (\cite{YLFASI, YLFASII}). Apart from Casimir interactions these stress energy tensors also play in important role in quantum energy inequalities (see for instance \cite{MR2008930,MR3877092}).
As far as interacting quantum field theory is concerned Quantum electrodynamics (QED) has so-far not been rigorously constructed. It does however exist as a mathematical theory if one works over the ring of formal power series in the coupling parameter, the $n$-point functions being formal power series. This formal power series can be constructed in various essentially equivalent ways. A mathematically appealing method is that of Epstein and Glaser (see \cite{MR1359058}) as it requires no regularisation. The perturbative approach, i.e. using formal power series instead of actual numbers, has been extremely successful and it relies on the quantisation of the electromagnetic field.
When constructing QED perturbatively based on a prior construction of the free photon field there are essentially two possible paths. One is to quantise the electromagnetic field in radiation gauge, and then couple it to the Dirac field. Whereas this approach is very natural it is not Lorentz invariant (the radiation gauge depends on the choice of the time-like Killing field) but more importantly the Coulomb interaction between electrons does not appear naturally but has to be added to the coupled theory. This approach has been used mainly in non-relativistic QED where there are still non-perturbative mathematical results available (see for example \cite{MR1639713,MR1639709,MR2289695} and references therein). The second approach was developed by Gupta and Bleuler (\cite{MR0036166,MR38883}). It has the advantage that it is Lorentz covariant and does not need any superficial introduction of the Coulomb interaction. Whereas one can find vague statements in the physics literature that these two approaches should give the same results, I am not aware of any mathematically rigorous statement reflecting this.
In this article I will favour the Gupta-Bleuler approach.
A large part of this work is devoted to a detailed discussion of the role of zero modes.
To illustrate the difficulty I briefly recall the canonical quantisation of the massless scalar field on a product spacetime $(\mathbb{R} \times \Sigma, g = -\mathrm{d} t^2 + h)$ where $(\Sigma,h)$ is a complete Riemannian manifold.
The space of smooth solutions of the wave equation with spacelike compact support is then isomorphic to the Cauchy data space $C^\infty_0(\Sigma) \oplus C^\infty_0(\Sigma)$, where a solution $\Phi$ is identified with its $t=0$ Cauchy data $(\phi,\dot\phi)$.
Canonical quantization of this field then typically relies on a real-linear map from the real Cauchy data space into a complex Hilbert space. This map is usually chosen to be $(\phi,\dot \phi) \to \Delta^{\frac{1}{4}} \phi + \rmi \Delta^{-\frac{1}{4}} \dot \phi$, where $\Delta$ is a Laplace operator on $\Sigma$ and the complex Hilbert space is $L^2(\Sigma,\mathbb{C})$ (see for example \cite{MR1178936}*{Chapter 6}). For this map to make sense $C^\infty_0(\Sigma)$ needs to be in the domain of the operator $\Delta^{-\frac{1}{4}}$. If the dimension of $\Sigma$ is three and the space is sufficiently close to Euclidean space near infinity then the Sobolev inequality usually implies that this is indeed the case.
The other extreme case is when $\Sigma$ is compact. Then the constant function is not in the domain of $\Delta^{-\frac{1}{4}}$ and therefore the construction needs to be modified to project out the zero-modes, i.e. constant functions. This actually has some serious consequences for the representation theory of the algebra of observables.
Now in the case of the electromagnetic field the construction is somewhat similar to the case of the massless scalar field, but the Laplace operator becomes the Laplace operator on one forms.
In the case of a manifold that is Euclidean near infinity we may still have a non-trivial $L^2$-kernel
essentially given by the reduced $L^2$-cohomology spaces (see for example \cite{carron2003l2,melrosebook}). Since the continuous spectrum in this case is $[0,\infty)$ there is no spectral gap and this makes it more difficult to modify the construction to project out possibly zero modes.
In fact it was shown recently in \cite{OS} that the zero modes still appear in the expansions of generalised eigenfunctions that describe the continuous spectrum, illustrating that there is no clear cut between the continuous and the discrete spectrum. Whereas in the case when $(\Sigma,h)$ is complete (which was essentially the case dealt with in \cite{MR3369318,MR3743763}) one can still use the orthogonal projection onto the $L^2$-kernel, this approach does not work if there is a boundary, i.e. an obstacle. I will describe a modified construction that defines a state on the algebra of observables and in which certain zero modes get naturally interpreted as electrostatic fields associated to charged obstacles.
Once the precise framework is set up one can define the renormalised stress energy tensor $T_{ik}(x)$ as a smooth function on $\Sigma$. The component $T_{00}(x)$, the {\sl renormalised local energy density}, can then be shown (Theorem \ref{main1}) to be equal to the local trace
$$
- \frac{1}{4}\tr_{\Lambda^1 T^*_x \Sigma} \left( (\Delta^{-\frac{1}{2}} - \Delta_\circ^{-\frac{1}{2}}) \tilde \updelta_\Sigma \mathrm{d}_\Sigma \right) -
\frac{1}{4}\tr_{\Lambda^2 T^*_x \Sigma} \left( \mathrm{d}_\Sigma (\Delta^{-\frac{1}{2}} - \Delta_\circ^{-\frac{1}{2}}) \tilde \updelta_\Sigma \right),
$$
where $\Delta$ is the Laplace operator on differential forms with relative boundary conditions and $\Delta_0$ is the Laplace operator on differential forms with no boundary condition on the reference manifold (without obstacle), $\mathrm{d}_\Sigma$ is the exterior differential, and $\tilde \updelta_\Sigma$ the co-differential. The overall sign in the above depends on the sign convention for the metric signature.
Here, in accordance with Mercer's theorem, the local trace of an operator with continuous integral kernel is defined as the pointwise trace of the restriction to the diagonal of its integral kernel. The local traces are well defined as a consequence of our analysis. A natural way to define a total energy is to integrate the local traces and interpret them as traces of the corresponding operators. We note however that the operators in the local traces are not trace-class and the local energy density is not in general an integrable function. Following \cite{RT} one can define a relative stress energy tensor and a relative local energy which is integrable, and therefore a total energy that is finite and equal the trace of a certain operator. The current paper is also providing the necessary setup of a more detailed analysis of these relative traces.
The construction of the field algebra of the quantised electromagnetic field on a closed manifold was constructed by Furlani (\cite{MR1317425}) and further by
Fewster and Pfenning (\cite{MR2008930,MR2515700}), as well as Finster and the author, using the Gupta-Bleuler method in this context. These papers do not consider the effect of a boundary. Maxwell's equations from a spectral point of view on compact manifolds with metallic boundary conditions were studied by Balian and Bloch in \cite{MR284729}. There exists extensive literature on quantum field theory on curved spacetimes and the selection of states that allow for physically meaningful renormalisation procedures (see for example \cite{MR1736329}).
Here the focus is on product spacetimes since the main result focuses on the relation to spectral theory on the spatial part $\Sigma$.
\subsection{The setting}
Throughout the paper the following setting will be used.
We start with a spacetime $$(M_\circ,g)=(\mathbb{R} \times \Sigma_\circ, -\mathrm{d} t^2+h),$$ where $(\Sigma_\circ,h)$ is a complete oriented Riemannian manifold of dimension $d \geq 2$.
In $\Sigma_\circ$ we consider a collection $K = K_1 \cup \ldots K_N$ of finitely many pairwise disjoint compact connected sets with smooth boundary $\partial K= \partial K_1 \cup \ldots \partial K_N$. Then $\Sigma_\circ \setminus \mathrm{int}(K)$ is a Riemannian manifold with boundary. Its interior is $\Sigma = \Sigma_\circ \setminus K$ and we will denote its closure by
$\overline{\Sigma}$. We will assume throughout that $\Sigma$ is connected. The manifold
$\overline{M} = \mathbb{R} \times \overline{\Sigma}$ is then a spacetime with timelike boundary $\mathbb{R} \times \partial \Sigma$.
In this notation a form $f \in C^\infty_0(\overline{M};\Lambda^\bullet T^*\overline{M})$ is compactly supported and smooth up to the boundary $\partial M$, whereas $f \in C^\infty_0(M;T^*\Lambda^\bullet M)$ is compactly supported away from $\partial M$, i.e. the support of $f$ has positive distance to $\partial M$.
\subsection{Conventions}
\subsubsection{Differential forms} It will be convenient to use the language of differential forms and the associated calculus. In our setting where the spacetime is a product
any $p$-form $f \in C^\infty_0(\overline{M};\Lambda^p T^*\overline{M})$ can then be globally written as $f = f_0(t) \mathrm{d} t + f_\Sigma(t)$, where $f_0$ is a $p-1$-form, and $f_\Sigma$ is a time dependent $p$-form on $\overline{\Sigma}$. Since the boundary $\partial \Sigma \subset \Sigma$ is smooth we can pull back a $p$-form $\phi \in C^\infty(\overline{\Sigma};\Lambda^p T^*\overline{\Sigma})$ to a $p$-form
on $\phi_{\mathrm{tan}}$ on $\partial \Sigma$. More precisely, if $U \cong [0,\varepsilon)_y \times \partial \Sigma_x$ is a collar
neighborhood of $\partial \Sigma$ then any $p$-form $\phi$ on $U$ can be decomposed as $\phi = \phi_\mathrm{nor}(y) \wedge \mathrm{d} y + \phi_{\mathrm{tan}}(y)$, where $\phi_\mathrm{nor}$ is a $y$-dependent $p-1$-form on $\partial \Sigma$, and $\phi_{\mathrm{tan}}$ is a $p$-form on $\partial \Sigma$ depending smoothly on $y$. If $x \in \partial \Sigma$ then $\phi_{\mathrm{tan}}(x,0)$ is the pull-back of $\phi$ to $\partial \Sigma$ under the inclusion map. It can also be thought of as the tangential component of the restriction of the $p$-form to $\partial \Sigma$.
\subsubsection{Fourier transform}
The Fourier transform $\hat f$ of $f \in L^1(\mathbb{R}^d)$ will be defined as
$$
\hat f(\xi) = \int f(x) e^{-\rmi x \cdot \xi} \mathrm{d} \xi
$$ where $x \cdot \xi$ is the
Euclidean inner product on $\mathbb{R}^d$. Manifolds are assumed to be paracompact and smooth and we assume that all connected components have the same dimension.
Unless otherwise stated functions are real valued, i.e. $C^\infty(M)=C^\infty(M,\mathbb{R})$ denotes the set of real valued smooth functions on $M$, whereas we use $C^\infty(M,\mathbb{C})$ for the set of complex valued functions.
The bundles $\Lambda^p T^*M$ of $p$-forms are real vector bundles and we will denote their complexification by $\Lambda^p_\mathbb{C} T^* M$.
Sesquilinear forms $\langle \cdot, \cdot \rangle$ are assumed to be linear in the first and conjugate linear in the second argument throughout.
\subsubsection{Metrics and orientation}
For the metric on Lorentzian manifolds I choose the sign convention $(-,+,\ldots,+)$ and the d'Alembert operator $\Box$ has principal part in local coordinates $-\sum\limits_{i,k = 0}^{n-1} g^{ik} \partial_i \partial_k$ and therefore its principal symbol is $\sigma_\Box(\xi)=g(\xi,\xi)$. The time-orientation on product spacetimes $\mathbb{R}_t \times \Sigma_y$ is as follows. A covector $\xi$ will be called future/past directed if its time component $\xi_0$ is negative/positive.
Hence, $\mathrm{d} t$ is a past-directed co-vector. A vector $X$ will be called
future/past directed if its time component $X^0$ is positive/negative. Identifying covectors and vectors using the isomorphism induced by the metric future directed vectors are identified with future directed covectors.
\subsubsection{Distributions}
The set of distributions $\mathcal{D}'(M;E)$ on a Riemannian or Lorentzian manifold $M$ taking values in a real or complex vector-bundle $E$ is the vector space of continuous linear functionals on $C^\infty_0(M;E^*)$, the space of compactly supported smooth sections of $E^*$. We understand $C^\infty(M;E)$ as a subspace of $\mathcal{D}'(M;E)$
using the bilinear pairing $C^\infty(M;E) \times C^\infty_0(M;E^*) \to \mathbb{C}$ induced by integration with respect to the metric volume form. The Schwartz kernel theorem gives an identification of continuous linear maps $C^\infty_0(M;E) \to \mathcal{D}'(M;F)$ with distributions
in $\mathcal{D}'(M \times M;F \boxtimes E^*)$, where $F \boxtimes E^*$ denotes the vector bundle with fibre $F_x \otimes (E_y)^*$ at the point $(x,y) \in M \times M$.
The wavefront set ${\rm{WF}}(u)$ of a distribution $u \in \mathcal{D}'(M;E)$ is naturally a closed conic subset of $\dot T^*M = T^*M \setminus 0$, the cotangent bundle with zero section removed.
For an open subset $\mathcal{U} \subset \mathbb{R}^d$ the standard $L^2$-Sobolev spaces of order $s \in \mathbb{R}$
will be denoted by $W^{s}(\mathcal{U})$ (see for example \cite{MR1742312,MR618463}). It is also common to use $H^s(\mathcal{U})$ but I use the symbol $W$ in this paper to avoid confusion with cohomology groups.
We will write $W^{s}_\mathrm{comp}(\mathcal{U})$ for the space of elements in $W^{s}(\mathcal{U})$ with compact support in $\mathcal{U}$ to distinguish it from its closure $W^{s}_0(\mathcal{U})$
in $W^{s}(\mathcal{U})$.
The local Sobolev spaces $W^{s}_\mathrm{loc}(\mathcal{U})$ are defined, as usual, as the space of distributions $\phi \in \mathcal{D}'(\mathcal{U})$ such that $\chi \phi \in W^{s}(\mathcal{U})$ for any $\chi \in C^\infty_0(\mathcal{U})$. The spaces $W^{s}_\mathrm{comp}(X)$ and $W^{s}_\mathrm{loc}(X)$ are naturally defined for any smooth manifold $X$ without boundary and we have the dualities $(W^{s}_\mathrm{comp}(X))^* = W^{-s}_\mathrm{loc}(X)$,
$(W^{s}_\mathrm{loc}(X))^* = W^{-s}_\mathrm{comp}(X)$ (see \cite{MR1852334}*{\S 7}).
If $X$ is compact without boundary then $W^{s}(X):=W^{s}_\mathrm{comp}(X) = W^{s}_\mathrm{loc}(X)$.
\section{Classical Electrodynamics}
On the spacetime $(M,g)$ Maxwell's equations in the vacuum can be summarised conveniently as follows. As usual the electric field $E$ is a time-dependent one-form on $\Sigma$, the magnetic field $B$ a time-dependent two-form on $\Sigma$.
They can be collected into the space-time two-form $F \in \Omega^2(\overline{M})$ given by
$$
F = E \wedge \mathrm{d} t + B.
$$
The vacuum Maxwell equations can then be written as
$$
\mathrm{d} F =0, \quad \updelta F = J,
$$
where $J$ is a one-form, the current $J = (-\rho,j) = - \rho \mathrm{d} t + j$. Here $\rho$ is the charge density, and $j$ the electrical current.
Indeed,
$$
\mathrm{d} F = \left( \mathrm{d}_\Sigma E + \dot B \right) \wedge \mathrm{d} t + \mathrm{d}_\Sigma B =0 ,\quad \updelta F = \updelta_\Sigma E \wedge \mathrm{d} t - \dot E + \updelta_\Sigma B = J,
$$
which then results in
\begin{gather*}
\mathrm{d}_\Sigma E = - \dot B, \quad \mathrm{d}_\Sigma B =0,\\
\updelta_\Sigma E = -\rho, \quad \updelta_\Sigma B = j + \dot E.
\end{gather*}
Here and in the rest of the paper we use the dot for the $t$-derivative, i.e. $\dot E(t) = \partial_t E$.
In dimension three we can define the one-form $\underline{B}$ as $* B$ and then we have
\begin{gather*}
\mathrm{div} E = -\updelta_\Sigma E,\quad * \mathrm{d}_\Sigma E = \mathrm{curl} E,\quad \updelta_\Sigma B = \mathrm{curl}\underline{B}
\end{gather*}
which gives the usual form of Maxwell's equations.
In this paper I would like to give a more general description that incorporates the effect of matter. We assume here for simplicity that the matter is isotropic, linear, and stationary, but possibly inhomogeneous. In that case, the influence of matter is described by two positive functions $\upepsilon \in C^\infty(\overline{\Sigma})$ and $\upmu \in C^\infty(\overline{\Sigma})$ and we assume throughout that they satisfy the bound
\begin{equation} \label{uplowbound}
c \leq \upepsilon \upmu \leq C,
\end{equation}
for some constants $c,C>0$.
The classical Maxwell equations in matter are
\begin{gather*}
\mathrm{d}_\Sigma E = - \dot B, \quad \mathrm{d}_\Sigma B =0,\\
\updelta_\Sigma D = -\rho, \quad \updelta_\Sigma H = j+ \dot D,\\
D = \upepsilon E, \quad H = \frac{1}{\upmu} B.
\end{gather*}
In order to describe these equations we introduce the linear map
$\tau: \Lambda^\bullet T^*\overline{\Sigma} \to \Lambda^\bullet T^*\overline{\Sigma}$ defined on a form $\omega$ of degree $p$ by
$$
\tau \omega = \upepsilon^2 \upmu \frac{1}{(\upepsilon \upmu)^p} \omega
$$
and then extend it by linearity to the space of all forms. In particular,
$$
\tau \omega = \begin{cases}
\upepsilon \omega & p=1,\\ \frac{1}{\upmu} \omega & p=2.
\end{cases}
$$
On $\Lambda^\bullet T^* \overline{\Sigma}$ we have the usual inner product $\langle \cdot,\cdot \rangle_h$ induced by the metric $h$ on $\overline{\Sigma}$. We now define the inner product
$\langle \cdot,\cdot \rangle$ by
$$
\langle \phi ,\psi \rangle = \langle \tau \phi , \psi \rangle_h.
$$
The formal adjoint $\updelta_\Sigma$ of the usual differential $\mathrm{d}_\Sigma$ on $\Sigma$
with respect to this modified inner product is given by
$$
\tilde \updelta_\Sigma = \tau^{-1} \updelta_\Sigma \tau,
$$
where $\updelta_\Sigma$ is the usual codifferential on $\overline{\Sigma}$.
This induces a modified inner product on $\Lambda^\bullet T^*\overline{M}$ by
$$
\langle f_0 \wedge \mathrm{d} t + f_\Sigma, g_0 \wedge \mathrm{d} t + g_\Sigma \rangle = \langle \tau\left( f_0 \wedge \mathrm{d} t + f_\Sigma \right) , g_0 \wedge \mathrm{d} t + g_\Sigma \rangle_g =
-\langle f_0 , g_0 \rangle + \langle f_\Sigma , g_\Sigma \rangle,
$$
where $\tau$ is defined on $\Lambda^\bullet T^*\overline{M}$ by $\tau(f_0 \wedge \mathrm{d} t + f_\Sigma) = \tau(f_0) \wedge \mathrm{d} t + \tau f_\Sigma$.
The formal adjoint $\tilde \updelta = \tau^{-1} \updelta \tau$ of $\mathrm{d}$ with respect to this inner product can then be used to state Maxwell's equations in matter as
\begin{gather*}
\mathrm{d} F = 0, \quad \tilde \updelta F = \tau^{-1} J,
\end{gather*}
The operator $\tau$ is a convenient way to keep track of the factors of $\upepsilon$ and $\upmu$. For example
$$
\tau^{-1}J = -\frac{1}{\upepsilon^2 \upmu} \rho\; \mathrm{d} t + \frac{1}{\upepsilon} j.
$$
Since $\overline{\Sigma}$ has a boundary we are going to impose boundary conditions for solutions of Maxwell's equations. In this article we take relative boundary conditions
$$
E_{\mathrm{tan}} = 0, \quad B_{\mathrm{tan}} =0, \quad (\tilde \updelta_\Sigma E)_{\mathrm{tan}} =0, \quad (\tilde \updelta_\Sigma B)_{\mathrm{tan}} =0.
$$
For the two form $F$ this simply means that the pull-back of $F$ and $\tilde \updelta F$ to the timelike boundary $\partial M$ vanishes.
Since the Hodge star operator interchanges normal and tangential components the boundary condition $B_{\mathrm{tan}} =0$ for the two form $B$ translates into a vanishing of the normal component of the covector $\underline B$ on the boundary.
These boundary conditions correspond to metallic boundary conditions (see for example \cite{MR0436782}*{Section 8.1}). {\sl This model therefore describes perfectly conducting obstacles placed within an isotropic linear medium.}
\begin{Remark}
In the more general case of non-isotropic media the effect of matter may more generally be described by a positive map $\tau$. The modified inner product, and the operator $\tilde \updelta$ are then still defined as above. For isotropic media we will see below that the operator $\mathrm{d} \tilde \updelta + \tilde \updelta \mathrm{d}$ has scalar principal symbol. This is not the case in general, leading to the phenomenon of different propagation speeds in different bundle-directions, which has well known consequences in optics of non-isotropic media (see e.g. \cite{MR2122579}*{Chapter 4}).
\end{Remark}
The Maxwell equations are consistent only if $J$ is divergence free, i.e. $\updelta J =0$.
The equations are consistent with the boundary conditions only if the pull-back of $J$ to $\partial M$ vanishes. This means $\rho|_{\partial \Sigma}=0$ and $j_{\mathrm{tan}} |_{\partial \Sigma} =0$.
\subsection{The Cauchy problem for the Maxwell system}
In the following we will think of $\langle \cdot,\cdot\rangle$ as the natural inner product on the space of differential forms and therefore the space $L^2$ is defined using this inner product.
We define $\mathrm{d}_{\Sigma}$ as an unbounded operator in the Hilbert space $L^2(\Sigma;\Lambda^\bullet T^*\Sigma)$ as the closure of the exterior differential $\mathrm{d}_{c,\Sigma}$ acting on compactly supported differential forms $\phi \in C^\infty_0(\Sigma;\Lambda^\bullet \Sigma)$. Note that compactly supported forms automatically satisfy the relative boundary condition $\phi_{\mathrm{tan}} |_{\partial \Sigma}=0$. The Hilbert space adjoint $\tilde \updelta_\Sigma = \mathrm{d}^*_{c,\Sigma}$ is then a closed densely defined differential operator. The integration by parts formula
$$
\langle \mathrm{d}_\Sigma \phi , \psi \rangle = \int_\Sigma \mathrm{d}_\Sigma \phi \wedge * \tau \psi = \int_{\partial \Sigma} (\phi \wedge * \tau \psi)_{\mathrm{tan}} + \langle \phi , \tilde \updelta_\Sigma \psi \rangle
$$
which is valid for $\phi, \psi \in C^\infty_0(\overline \Sigma;\Lambda^\bullet T^*\Sigma)$ shows that the adjoint $\tilde \updelta_\Sigma$ has domain
$$
\mathrm{dom}(\tilde \updelta_\Sigma) = \{ \psi \in L^2 \mid \tilde \updelta_\Sigma \psi \in L^2\},
$$
where as usual the derivative is understood in the sense of distributions.
Since $\tilde \updelta_\Sigma$ is densely defined the operator $\mathrm{d}_{c,\Sigma}$
is closable and its closure $\mathrm{d}_\Sigma$ equals the Hilbert space adjoint of $\tilde \updelta_\Sigma$. The domain of $\mathrm{d}_\Sigma$ equals
$$
\mathrm{dom}(\mathrm{d}_\Sigma) = \{ \phi \in L^2 \mid \mathrm{d}_\Sigma \phi \in L^2, \phi_{\mathrm{tan}}|_{\partial \Sigma} =0\}.
$$
Note that there is a well defined continuous pull-back map $\phi \mapsto \phi_{\mathrm{tan}}|_{\partial \Sigma}$ from the space
$$\{ \phi \in L^2(\Sigma;\Lambda^p T^*\Sigma) \mid \ \mathrm{d}_\Sigma \phi \in L^2(\Sigma;\Lambda^{p+1} T^*\Sigma) \}$$
to the Sobolev space $W^{-\frac{1}{2}}(\partial \Sigma; \Lambda^p T^*\partial \Sigma)$ (see for example \cite{MR2463962}).
It follows basically from abstract functional analysis that the operator $\mathrm{d}_\Sigma + \tilde \updelta_\Sigma$ is self-adjoint on its domain $\mathrm{dom}(\mathrm{d}_\Sigma) \cap \mathrm{dom}( \tilde \updelta_\Sigma)$, and so is its square $\Delta = \mathrm{d}_\Sigma \tilde \updelta_\Sigma + \tilde \updelta_\Sigma \mathrm{d}_\Sigma$. This observation is essentially due to Gaffney \cite{MR68888}, but we also refer here to \cite{MR0461588}*{Prop 1.3.8}, and \cite{MR2839867}*{Prop. 2.3} for the explicit statement in this general context.
If $\upmu = \upepsilon = 1$ the operator $\Delta$ is the usual Laplace-Betrami operator on differential forms with relative boundary conditions. In general there are however complicated lower order terms depending on the derivatives of $\upepsilon$ and $\upmu$.
The $L^2$-kernel $\mathcal{H}^p(\Sigma)$ of $\Delta$ in form-degree $p$ is the space of $L^2$-forms $\phi$ satisfying
$$
\phi \in \mathrm{dom}(\mathrm{d}_\Sigma + \tilde \updelta_\Sigma),\quad \mathrm{d}_\Sigma\phi =0, \quad \tilde \updelta_\Sigma \phi=0.
$$
From abstract theory (see for example \cite{lesch}, where this is referred to as the weak Hodge decomposition), we have the orthogonal decomposition
$$
L^2(\Sigma;\Lambda^\bullet T^*\Sigma)= \mathcal{H}^\bullet(\Sigma) \oplus \overline{\mathrm{rg}(\mathrm{d}_\Sigma)} \oplus \overline{\mathrm{rg}(\tilde \updelta_\Sigma)}.
$$
It follows that the space $\mathcal{H}^p(\Sigma)$ is naturally isomorphic to the relative reduced $L^2$-cohomology space
$$
H^p_{(2)}(\Sigma,\partial \Sigma) = \{ \phi \in L^2(\Sigma;\Lambda^p T^*\Sigma) \mid \mathrm{d}_\Sigma \phi =0, \; \phi_{\mathrm{tan}}|_{\partial \Sigma}=0 \} / \overline{\mathrm{rg}(\mathrm{d}_\Sigma)}.
$$
I refer the reader to \cite{MR2796405} for an introduction to $L^2$-cohomology and its applications.
\begin{Prp}\label{Maxwellwellposed}
Assume that $J = \rho \wedge \mathrm{d} t + j$ satisfies $\updelta J =0$, and $\rho \in C^\infty(\mathbb{R}_t, C^\infty_0(\Sigma)), j \in C^\infty(\mathbb{R}_t, C^\infty_0(\Sigma, T^* \Sigma))$.
Let $E_0 \in C^\infty_0(\Sigma;\Lambda^1 T^*\Sigma)$, $B_0 \in C^\infty_0(\Sigma;\Lambda^2 T^*\Sigma)$ such that $\mathrm{d}_\Sigma B_0 =0$ and $\tilde \updelta_\Sigma E_0 = -\frac{1}{\upepsilon^2 \upmu}\rho$.
Then there exists a unique smooth solution $F = E \wedge \mathrm{d} t + B$ of Maxwell's equations with $t=0$ initial data $E(0)=E_0$ and $B(0) = B_0$ such that $F$ satisfies relative boundary conditions. Moreover, $E \in C^\infty(\mathbb{R}_t,C^\infty_0(\overline{\Sigma};\Lambda^1 T^*\overline \Sigma))$, $B \in C^\infty(\mathbb{R}_t, C^\infty_0(\overline\Sigma;\Lambda^2 T^*\overline\Sigma)$.
\end{Prp}
\begin{proof}
For existence we first solve the hyperbolic system
$$
\Box F =\mathrm{d}\tau^{-1} J
$$
with initial conditions
\begin{gather*}
E(0) = E_0, \quad \dot E(0) = \tilde \updelta_\Sigma B_0 - \tau^{-1} j(0), \quad B(0) = B_0, \quad\dot B(0) = - \mathrm{d}_\Sigma E(0),
\end{gather*}
and relative boundary conditions. Here we used as before the notation $F(t) = E(t) \mathrm{d} t + B(t)$. This system has a unique smooth solution given by
\begin{gather*}
E(t) = \cos(t \Delta^{ \frac{1}{2}} ) E_0 + \Delta^{-\frac{1}{2}} \sin(t \Delta^{\frac{1}{2}}) \dot E(0)+\int_0^t \Delta^{-\frac{1}{2}} \sin((t-s)\Delta^{\frac{1}{2}}) \alpha(s) ds.\\
B(t) = \cos(t \Delta^{\frac{1}{2}}) B_0 + \Delta^{-\frac{1}{2}} \sin(t \Delta^{\frac{1}{2}}) \dot B(0)+\int_0^t \Delta^{-\frac{1}{2}} \sin((t-s)\Delta^{\frac{1}{2}}) \beta(s) ds,
\end{gather*}
where
$$
\alpha \wedge \mathrm{d} t + \beta = \mathrm{d}\tau^{-1} J = \left( \mathrm{d}_\Sigma( -\frac{1}{\upepsilon^2 \upmu} \rho ) - \frac{1}{\upepsilon} \partial_t j \right) \wedge \mathrm{d} t + \mathrm{d}_\Sigma ( \frac{1}{\upepsilon} j).
$$
Here $\Delta^{-\frac{1}{2}} \sin(t \Delta^{\frac{1}{2}}) = \mathrm{sinc}(t \Delta^{\frac{1}{2}})$ and $\cos(t \Delta^{ \frac{1}{2}} )$ are defined by functional calculus as a bounded operators on $L^2$. By elliptic (boundary) regularity and finite propagation speed both of them restrict to maps $C^\infty_0(\Sigma)$ to $C^\infty(\mathbb{R}_t,C^\infty_0(\overline{\Sigma}))$.
We now have to check that $\mathrm{d} F=0$ and $\tilde \updelta F = \tau^{-1} J$. To show this consider the mixed degree form $G = (\mathrm{d} + \tilde \delta) F - \tau^{-1} J$. Since $\tilde \updelta \tau^{-1}J =0$ this form satisfies the first order homogeneous equation
$$
(\mathrm{d} + \tilde \delta) G = 0
$$
with zero initial conditions and boundary conditions $(G|_{\partial M})_\mathrm{tan} =0$. Hence it must vanish. Therefore, $\mathrm{d} F=0$ and $\tilde \delta F = \tau^{-1} J$.
To show uniqueness let $F(t) = E(t) \mathrm{d} t + B(t)$ be the difference of two solutions. Then $F$ satisfies the homogeneous Maxwell equations, relative boundary conditions, and the initial conditions $E(0) = 0, B(0) = 0$. Since $\mathrm{d} F =0$ we obtain $\dot E(0) = 0, \dot B(0) = 0$. Since $F$ solves a hyperbolic equation with zero initial data and relative boundary conditions we obtain $F=0$, for example by using the energy method.
\end{proof}
The above construction can be modified in a straightforward way to construct solutions in other functions spaces.
For example if $E_0,B_0, J$ are smooth up to the boundary, satisfy relative boundary conditions there, and are compactly supported in $\overline{\Sigma}$ one obtains a solution in $C^2(\mathbb{R}_t,C^\infty_0(\overline{\Sigma}))$.
Another example is if $E_0,B_0, J$ are smooth up to the boundary, satisfy relative boundary conditions there, but are not necessarily compactly supported. In that case one obtains a solution in $C^2(\mathbb{R}_t,C^\infty(\overline{\Sigma}))$. The fact that the solution operator can be extended to the class of functions that are not necessarily compactly supported is a consequence of finite propagation speed.
The construction of the proof also reflects the various continuous dependencies of the solution on the initial data and the current $J$ in terms of the mapping properties of the
explicit solution operator.
The operator $(\mathrm{d} \tilde \updelta + \tilde \updelta \mathrm{d})$ has scalar principal symbol, but it is not normally hyperbolic with respect to the spacetime metric since the principal symbol is not the metric. A simple computation shows that is however normally hyperbolic operator with respect to the Lorentzian metric
$$
\tilde g = -\mathrm{d} t^2 + \upepsilon \upmu h.
$$
It therefore has finite propagation speed determined by this metric. The maximal speed of propagation as well as the speed of propagation of singularities is in local geodesic coordinates given by the function $\frac{1}{\sqrt{\upepsilon \upmu}}$, which is of course the usual formula for the speed of light in media. By \eqref{uplowbound} the function is bounded above and below.
Even though $(\mathrm{d} \tilde \updelta + \tilde \updelta \mathrm{d})$ has the same principal symbol as the wave operator on differential forms with respect to the metric $\tilde g$ it is important to note that the lower order terms may be different. The operator $(\mathrm{d} \tilde \updelta + \tilde \updelta \mathrm{d})$ is therefore in general not the Lorentzian wave operator with respect to any metric.
It is instructive to describe the evolution of Maxwell's equations in the Lorentz gauge using a vector-potential.
Assume that $E_0$ and $B_0$ are compactly supported in $\Sigma$ and satisfy the assumptions of Proposition \ref{Maxwellwellposed}.
Let us assume that $B_0 = \mathrm{d}_\Sigma A_0$, where $A_0$ is co-closed and satisfies relative boundary conditions. In case there exists a suitable Hodge-Helmholtz decomposition, and any closed compactly supported form can be written as the sum of an $L^2$-harmonic form and a form of this type. Since $L^2$-harmonic forms solve the homogeneous Maxwell equations we can always subtract this form and thus the assumption that $B_0 = \mathrm{d}_\Sigma A_0$, with co-closed $A_0$ satisfying relative boundary conditions, does not result in a loss of generality. We will see that for manifolds Euclidean near infinity we have such a decomposition (Theorem \ref{HHD}). For the moment in this general context we simply assume that $\tilde B_0$ is of this form.
Now we solve the following (inhomogeneous) initial value problem for the one form
$\mathscr{A}= \phi \mathrm{d} t + A$
\begin{gather*}
\Box \mathscr{A}=(\mathrm{d} \tilde \updelta + \tilde \updelta \mathrm{d}) \mathscr{A} = \tau^{-1} J,\\
\mathscr{A}_0 = 0 \; \mathrm{d} t + A_0, \quad \dot{\mathscr{A}}_0 = 0 \;\mathrm{d} t -E.
\end{gather*}
with relative boundary conditions.
This initial value problem has a unique solution for smooth initial data. If $\mathscr{A}$ is compactly supported we can write as before explicitly
\begin{gather*}
\phi(t) = \int_0^t \Delta^{-\frac{1}{2}} \sin((t-s) \Delta^{\frac{1}{2}}) (-\frac{1}{\upepsilon^2 \upmu} \rho(s)) ds,\\
A(t) = \cos(t \Delta^{\frac{1}{2}} ) A(0) + \Delta^{-\frac{1}{2}} \sin(t \Delta^{\frac{1}{2}}) \dot A(0)+\int_0^t \Delta^{-\frac{1}{2}} \sin( (t-s)\Delta^{\frac{1}{2}}) (\frac{1}{\upepsilon} j(s)) ds.
\end{gather*}
In general one can use a locally finite partition of unity to decompose the initial values into compactly supported ones and then use finite propagation speed to construct the solution for finite time.
Using that $\tilde \updelta \tau^{-1}J=0$ and $\tilde \updelta_\Sigma E_0 = -\frac{1}{\upepsilon^2 \upmu} \rho$
we find that $\tilde \updelta \mathscr{A}$ satisfies relative boundary conditions and
$$
\Box \tilde \updelta \mathscr{A}=(\mathrm{d} \tilde \updelta + \tilde \updelta \mathrm{d}) \tilde \updelta \mathscr{A} =0, \quad (\tilde \updelta \mathscr{A})(0)=0, \quad (\tilde \updelta \dot{ \mathscr{A}})(0)=0.
$$
Hence, we must have $\tilde \updelta \mathscr{A}=0$. Therefore, by construction, $F= \mathrm{d} \mathscr{A}$ satisfies Maxwell's equations with the corresponding initial conditions.
\section{Manifolds that are Euclidean near infinity and the structure of the resolvent}
In this section I summarise results that are specific to manifolds that are Euclidean near infinity.
This means that complete manifold $(\Sigma_\circ,h)$ is Euclidean outside a compact set in the sense that there exist compact subsets $B \subset \Sigma_\circ$
and $B_e \subset \mathbb{R}^d$ such that $ \Sigma_\circ \setminus B$ is isometric to $\mathbb{R}^d \setminus B_e$. We will also assume in this section that $\tau- \mbox{\rm 1 \hspace{-1.05 em} 1}$ is compactly supported so that $\Delta$ coincides with the usual Laplace operator outside a compact set containing $B$.
\subsection{Cohomology for manifolds that are Euclidean near infinity} \label{cohom}
For a smooth manifold $X$ (potentially with boundary $\partial X$) we denote, as usual, by $H^p(X)$ the de-Rham cohomology groups, i.e. the cohomology
$$H^p(X) = \ker \mathrm{d} \cap C^\infty(X; \Lambda^p T^* X) / \left( \mathrm{rg}(\mathrm{d}) \cap C^\infty(X; \Lambda^p T^* X) \right),$$
of the differential complex
$$
\ldots \xrightarrow{\mathrm{d}} C^\infty(X; \Lambda^p T^* X) \xrightarrow{\mathrm{d}} C^\infty(X; \Lambda^{p+1} T^* X) \xrightarrow{\mathrm{d}} \ldots.
$$
In the following we assume for simplicity that $Y$ is a compact smooth submanifold that is either a connected component of the boundary or it is a compact submanifold of the interior. The relative cohomology groups $H^p(X,Y)$ are defined as the cohomology of the sub-complex
consisting of differential forms whose pull-back to $Y$ vanishes.
The complex of compactly supported forms
$$
\ldots \xrightarrow{\mathrm{d}} C^\infty_0(X; \Lambda^p T^* X) \xrightarrow{\mathrm{d}} C^\infty_0(X; \Lambda^{p+1} T^* X) \xrightarrow{\mathrm{d}} \ldots.
$$
gives rise to the cohomology groups with compact support $H_0^p(X)$. Again, the relative cohomology groups with $H_0^p(X,Y)$
are defined as the cohomology groups of the sub-complex of compactly supported differential forms whose pull-back to $Y$ vanishes.
The natural map from $H^p_0(X \setminus Y) \to H^p_0(X, Y)$ is known to be an isomorphism.
We have the following exact sequences
$$
\ldots \xrightarrow{} H^{p-1}(Y) \xrightarrow{\partial} H^p(X,Y) \xrightarrow{} H^p(X) \xrightarrow{} H^p(Y) \ldots.
$$
and
$$
\ldots \xrightarrow{} H^{p-1}(Y) \xrightarrow{\partial_0} H^p_0(X,Y) \xrightarrow{} H^p_0(X) \xrightarrow{} H^p(Y) \ldots.
$$
The connecting homomorphism $\partial$ can be explicitly constructed as follows. Take a closed form $\omega \in C^\infty(Y;\Lambda^{p-1} T^*Y)$ and extend this to a form $\tilde \omega \in C^\infty_0(X;\Lambda^{p-1} T^*X)$ whose pull-back to $Y$ is $\omega$.
The class of $\partial [\omega]$ is then given by $[\mathrm{d} \tilde \omega]$. The same construction defines the class of $\partial_0 \omega$ in $H^p_0(X,Y)$. We refer to the monographs \cite{MR658304,MR0301725} for details of the constructions.
We now apply this to the manifold $\Sigma$.
Since $\mathbb{R}^{d}$ is diffeomorphic to the open unit ball
the manifold $\Sigma_\circ$ can be understood as the interior of a manifold $Z_\circ$ with boundary $\partial Z_\circ$ that is diffeomorphic to a sphere $\mathbb{S}^{d-1}$. We define $Z = \overline{Z_\circ \setminus K}$ and obtain a compactification $Z$ of $\overline \Sigma$. This can be thought of as the process of attaching a sphere at infinity. Since $Z$ is compact its cohomology can be computed using the Mayer-Vietoris sequence.
We have $H^p_0(\overline \Sigma, \partial \Sigma) = H^p (Z, \partial Z)$. Since $\partial Z = \partial \Sigma \cup \mathbb{S}^{d-1}$ we obtain the long exact sequence
$$
\ldots \xrightarrow{} H^{p-1}(\partial \Sigma) \oplus H^{p-1}(\mathbb{S}^{d-1}) \xrightarrow{\partial_0} H^p_0(\Sigma) \xrightarrow{} H^p(Z) \xrightarrow{} H^{p}(\partial \Sigma) \oplus H^{p}(\mathbb{S}^{d-1}) \xrightarrow{} \ldots.
$$
For $\overline\Sigma$ the following natural isomorphisms between cohomology groups and reduced $L^2$-cohomology groups are known. If $d \geq 3$ we have
\begin{gather*}
\mathcal{H}^d(\Sigma) = \{ 0 \},\\
\mathcal{H}^p(\Sigma) \cong H^p_0(\overline\Sigma, \partial \Sigma) \cong H^p_0(\Sigma), \quad \textrm{if } {p \not= d.}
\end{gather*}
This follows from a more general theorem by Melrose for scattering manifolds (as a consequence of Theorem 4 in case $\mathcal{O} = \emptyset$ in \cite{MR1291640})
and Carron who analysed the asymptotically flat case in great detail.
In particular, the statement above can be inferred using the exact sequence of Theorem 4.4 combined with Lemma 5.4 in \cite{carron2003l2}.
In dimension $d=2$ we have
\begin{gather*}
\mathcal{H}^0(\Sigma) = \mathcal{H}^2(\Sigma) = \{ 0 \},\\
\mathcal{H}^1(\Sigma) \cong \mathrm{rg} \left( H^1_0(\overline\Sigma, \partial \Sigma) \to H^1(\overline\Sigma, \partial \Sigma)\right) \cong H^1(\overline\Sigma, \partial \Sigma),
\end{gather*}
which follows from Proposition 5.5 in \cite{carron2003l2}. We always have $H^p_0(\overline{\Sigma}, \partial \Sigma) \cong H^p(\overline{\Sigma}, \partial \Sigma)$ if $1 < p < d$. For a more detailed description of the above natural isomorphisms see for example \cite{carron2003l2}.
In this paper we are naturally interested mainly in the cases $p=1$ and $p=2$. In the case $p=1$ the image of the one dimensional vectorspace $H^0(\mathbb{S}^{d-1})$ of constant functions on the sphere in $H^1_0(\overline{\Sigma}, \partial \Sigma)$ is spanned by the image of the constant function $1$ on $\partial \Sigma$. Indeed, the image of any constant function on $\partial \Sigma \cup \mathbb{S}^{d-1}$ vanishes because it can be extended to all of $Z$ by a constant, the differential of which is zero.
Elements in $\mathcal{H}^1(\Sigma)$ are harmonic one-forms satisfying relative boundary conditions. The result
\cite{OS}*{Theorem 1.12} states that the image of $H^0(\mathbb{S}^{d-1})$ in $\mathcal{H}^1(\Sigma)$ is spanned by a unique harmonic one form which I would like to describe more explicitly now in the most interesting case $d=3$.\\
{\bf The case $d=3$, $p=1$ and $\partial \Sigma \not= \emptyset$: }
Consider the unique harmonic function $u$, $\Delta u=0$
such that $u=1$ on $\partial \Sigma$ and $u(r) = O(\frac{1}{r})$ as $r \to \infty$. The existence of such a function can be derived from the regularity of the resolvent kernel $(\Delta+\lambda^2)^{-1}$ at zero as follows. We choose function $\tilde u$ which is equal to $1$ near $\partial \Sigma$ and compactly supported.
Then $u=\tilde u - \lim_{\lambda \to 0}(\Delta + \lambda^2)^{-1} \Delta \tilde u$ is harmonic and solves the Dirichlet problem. It has the claimed decay at infinity because of the decay of the free Green's function as shown be the representation of the resolvent by gluing (see for example \cite{OS}*{Equ. (38)} or the limit absorption principle which is known to hold for this class of operators.
Existence can also be proved using more classical methods of harmonic analysis for example by minimising the Dirichlet functional and using the Poincar\'e inequality for this class of manifolds.
Uniqueness follows from the maximum principle.
Then $\mathrm{d} u(r) =- a \frac{1}{r^2} \mathrm{d} r + O(\frac{1}{r^3})$, where $a = \frac{1}{4 \pi} C(\partial \Sigma)>0$ and $\mathrm{cap}(\mathcal{O})$ is the harmonic capacity of $\mathcal{O}$ with respect to the operator $\Delta$.
This coincides with the usual Riemannian harmonic capacity in case $\tau = \mbox{\rm 1 \hspace{-1.05 em} 1}$.
Integration by parts shows that the $L^2$-norm of $\mathrm{d} u$ is $\mathrm{cap}(\partial \Sigma)^\frac{1}{2} = \sqrt{4 \pi a}$. Thus,
$\psi=\frac{1}{\sqrt{4 \pi a}} \mathrm{d} u$ is an $L^2$-normalised harmonic function. Since the function $u-1$ satisfies relative boundary conditions and equals $-1$ at the sphere at infinity the function $-\mathrm{d} u$ corresponds to the image of the function one on $\mathbb{S}^{d-1}$ in $\mathcal{H}^1(\Sigma)$.
\subsection{Examples with cohomology and discussion of the relation to physics}
\begin{figure}[h]
\begin{center}
\includegraphics[trim=0 8cm 0 8cm,clip, width=7cm]{surface.png}
\end{center}
\caption{Wormhole with one obstacle.}
\end{figure}
\begin{figure}[h]
\begin{center}
\includegraphics[trim=0 5.5cm 0 5.5cm,clip, width=4cm]{tori.png}
\end{center}
\caption{Two full-tori excluded from $\mathbb{R}^3$.}
\end{figure}
We will now discuss a couple of three-dimensional examples that are significant in physics.
\subsubsection{Complement of non-intersecting balls in $\mathbb{R}^3$} \label{cspheres}
Suppose $\Sigma_\circ=\mathbb{R}^3$ and let $K$ consists of $N$ non-intersecting balls.
Cohomology of compact support of $\Sigma$ can for instance be computed directly from the Mayer-Vietoris sequence by covering $\mathbb{R}^3$ by $N$ open non-intersecting balls $U$ and $V=\Sigma$. The intersection $U \cap V$ is diffeomorphic to $N$ copies of $\mathbb{S}^2 \times (0,1)$ and by K\"uneth's formula we have
$$
H^1_0(\mathbb{S}^2 \times (0,1)) \cong H^0(\mathbb{S}^2) \otimes H^1_0((0,1)) \oplus H^1_0(\mathbb{S}^2) \otimes H^0_0((0,1)) \cong \mathbb{R},
$$
and therefore $H^1_0(U \cap V) \cong \mathbb{R}^N$.
The Mayer-Vietoris sequence then reads
$$
0 = H^1_0(\mathbb{R}^3) \to H^1_0(\Sigma) \oplus H^1_0(U) \to H^1_0(U \cap V) \to H^1_0(\mathbb{R}^3) =0.
$$
By duality $H^1_0(U) = H^2(U) = 0$ and we conclude $H^1_0(\Sigma) \cong \mathbb{R}^N$. We therefore have
$\mathcal{H}^1(\Sigma) \cong \mathbb{R}^N$.
This physical interpretation of this is that each ball can be charged and then generates an electric field. This electric field will be a square integrable one-form.
The degrees of freedom one has for these electrostatic configurations is the number of balls. In case $N=1$ and the ball is centered at the origin the space of square integrable harmonic one forms satisfying relative boundary conditions consists of elements $a \frac{\mathrm{d} r}{r^2}= -\mathrm{d} \left(\frac{a}{r} \right)$, which indeed represents the electric field of a charged ball.
\subsubsection{A wormhole with an obstacle} \label{worm}
A wormhole in $\mathbb{R}^3$ is obtained by removing two non-intersecting balls and gluing the resulting spheres. The algebraic topology of this space can be described as follows.
The first fundamental group of $\Sigma_\circ$ is generated by the loop going through the wormhole and one has
$\pi_1(\Sigma_\circ) = \mathbb{Z}$. Thus
$H_1(\Sigma_\circ,\mathbb{R}) = \mathbb{Z}\otimes_{\mathbb{Z}}\mathbb{R} = \mathbb{R}$ and by Poincar\'e duality $H^1_0(\Sigma_\circ) \cong \mathbb{R}$.
In this case one therefore obtains $\mathcal{H}^1(\Sigma_\circ) \cong \mathbb{R}$. Since the Hodge star operator maps harmonic forms to harmonic forms and there is no boundary we also have $\mathcal{H}^2(\Sigma_\circ) \cong \mathbb{R}$. These are the only non-trivial spaces of square integrable harmonic forms. The dimensions of the cohomology spaces can of course also be computed by suitably decomposing the space and using the Mayer-Vietoris sequence.
We will now create a wormhole with one obstacle by further removing a ball from $\Sigma_\circ$ resulting in a manifold $\Sigma$ with boundary. In this case we obtain $\mathcal{H}^1(\Sigma) \cong \mathbb{R}^2$
and $\mathcal{H}^2(\Sigma) \cong \mathbb{R}$. This can be seen directly using the Mayer-Vietoris sequence as in the previous example.
Here again as in the example with $N$ many balls we can charge the object we removed and this will give rise to an electrostatic field that is square integrable. There is however another linearly independent electrostatic solution even when the object remains uncharged. This electrostatic configuration exists only because of the non-trivial topology and has a non-trivial pairing with the $1$-cycle that corresponds to the generator of the fundamental group. The corresponding loop starts outside the wormhole, passes through the wormhole once, and returns to the point of origin staying outside the wormhole. The electrostatic field corresponding to the square integrable harmonic form is a covector field that passes through the wormhole. To a far-away observer it will look like an electric dipole with the charges at the boundaries of the wormhole. There are however no charges and the existence of this field-configuration is solely due to the non-trivial topology. The term configuration corresponding to
$\mathcal{H}^2(\Sigma_\circ) \cong \mathbb{R}$ is similar to a magnetic field passing through the wormhole and looking like a magnetic dipole to the far-away observer.
\subsubsection{The complement of a full-torus } \label{fulltorus}
Removing a full-torus (solid ring) from $\Sigma_\circ = \mathbb{R}^3$ we obtain a manifold $\Sigma$ whose boundary is a torus.
We can then write $\mathbb{R}^3$ as a union $U \cup V$ of open subsets $V = \Sigma$ and $U$ being a solid ring diffeomorphic to $S^1 \times D$, where $D \subset \mathbb{R}^2$ is the open unit disk. Using the K\"uneth formula one therefore obtains
$H^1_0(U) = 0$ and $H^1_0(U \cap V) = H^1_0(T^2 \times (0,1)) \cong \mathbb{R}$. Similarly, $H^2_0(U) \cong \mathbb{R}$ and $H^2_0(U \cap V) \cong \mathbb{R}^2$.
The Meyer-Vietoris sequence for cohomology with compact support then gives the following exact sequences
\begin{gather*}
0 \to H^1_0(\Sigma) \to H^1_0( U \cap V) \to 0,\\
0 \to H^2_0(\Sigma) \oplus H^2_0(U) \to H^2_0(U \cap V) \to 0.
\end{gather*}
This shows $H^1_0(\Sigma) \cong \mathbb{R}$ and $H^2_0(\Sigma) \cong \mathbb{R}$ and we obtain
$\mathcal{H}^1(\Sigma) \cong \mathbb{R}$ and
$\mathcal{H}^2(\Sigma) \cong \mathbb{R}$. These are the only non-trivial spaces of relative harmonic forms.
As before the component $\mathcal{H}^1(\Sigma) \cong \mathbb{R}$ corresponds to a configuration where the torus is charged. A non-trivial element in $\mathcal{H}^2(\Sigma) \cong \mathbb{R}$ corresponds to a configuration where a circular electric current is inside the full-torus (i.e. the current is zero in our manifold). This generates a magnetostatic field.
\subsubsection{The complement of two linked full-tori} \label{hopf}
Finally we can also remove two full-tori that are entangled as shown in the figure from $\mathbb{R}^3$. More precisely, we remove a tubular neighborhood of the Hopf link. Thus, the complement is topologically $(S^1 \times S^1 \times [0,1])\setminus \{\mathrm{pt}\}$. To compute $\mathcal{H}^p(\Sigma)$ we can proceed as in Section \ref{fulltorus}. The fact that the tori are linked is irrelevant for the computation. Choose $V = \Sigma$ and $U$ diffeomorphic to two copies of $S^1 \times D$ so that $U \cup V = \mathbb{R}^3$ and $U \cap V$ is diffeomorphic to two copies of $T^2 \times (0,1)$. Using the K\"uneth formula one then obtains
$H^1_0(U) = 0$ and $H^1_0(U \cap V) \cong \mathbb{R}^2$. Similarly, $H^2_0(U) \cong \mathbb{R}^2$ and $H^2_0(U \cap V) \cong \mathbb{R}^4$.
Part of the Meyer-Vietoris sequence reads
\begin{gather*}
0 \to H^1_0(\Sigma) \to H^1_0(U \cap V) \to 0,\\
0 \to H^2_0(\Sigma) \oplus H^2_0(U) \to H^2_0(U \cap V) \to 0,
\end{gather*}
and therefore $H^1_0(\Sigma) \cong \mathbb{R}^2$ and $H^2_0(\Sigma) \cong \mathbb{R}^2$. One therefore has $\mathcal{H}^1(\Sigma) \cong \mathbb{R}^2$ and
$\mathcal{H}^2(\Sigma) \cong \mathbb{R}^2$. As before each torus may be charged and gives the two electrostatic configurations in $\mathcal{H}^1(\Sigma)$. The two magnetostatic configurations can again be generated by placing circular currents inside the two tori.
\subsection{Sobolev spaces}
On the manifold $(\Sigma_\circ,h)$ the Sobolev spaces $W^{s}(\Sigma_\circ;\Lambda^\bullet_\mathbb{C} T^*\Sigma_\circ)$ can be defined naturally by decomposing the manifold into a compact part and a part with a canonical Euclidean chart.
In this case a distribution $\phi \in \mathcal{D}'(\Sigma_\circ;\Lambda^\bullet_\mathbb{C} T^*\Sigma_\circ)$ is in $W^{s}(\Sigma_\circ;\Lambda^\bullet_\mathbb{C} T^*\Sigma_\circ)$ if and only if it is in $W^{s}_\mathrm{loc}(\Sigma_\circ;\Lambda^\bullet_\mathbb{C} T^*\Sigma_\circ)$ and its restriction to the Euclidean chart is in $W^{s}$ with respect to the chart and the Euclidean bundle charts on $\Lambda^\bullet_\mathbb{C} T^*\mathbb{R}^d$. Similarly the space $W^{s}(\Sigma;\Lambda^\bullet_\mathbb{C} T^*\Sigma)$ is defined as the space of restrictions of elements in $W^{s}(\Sigma;\Lambda^\bullet_\mathbb{C} T^*\Sigma_\circ)$ to the open subset $\Sigma \subset \Sigma_\circ$. We think of these spaces as Hilbertisable locally convex topological vector spaces. As such these spaces are interpolation scales. This can be shown by reduction to the case of open subsets of $\mathbb{R}^d$ using suitable cutoff functions. I would like to refer to a detailed discussion for open subsets of $\mathbb{R}^d$ to \cite{MR3343061}.
We will also use the following non-standard notation. The space $W^{s}_\mathrm{loc}(\overline{\Sigma};\Lambda^\bullet_\mathbb{C} T^*\Sigma)$ will be defined for $s \geq 0$ as the space of $\phi$ in
$L^2_\mathrm{loc}(\Sigma;\Lambda^\bullet_\mathbb{C} T^*\Sigma)$ such that $\chi \phi \in W^{s}(\Sigma;\Lambda^\bullet_\mathbb{C} T^*\Sigma)$ for any function $\chi \in C^\infty_0(\overline{\Sigma})$. We also define the space $W^{s}_\mathrm{comp}(\overline{\Sigma};\Lambda^\bullet_\mathbb{C} T^*\Sigma)$ as the space of distributions in $W^{s}(\Sigma;\Lambda^\bullet_\mathbb{C} T^*\Sigma)$ whose support has compact closure in $\overline{\Sigma}$. We then have $\cap_{s \geq 0} W^{s}_\mathrm{comp}(\overline{\Sigma}) = C^\infty_0(\overline{\Sigma})$ and
$\cap_{s \geq 0} W^{s}_\mathrm{loc}(\overline{\Sigma}) = C^\infty(\overline{\Sigma})$, whereas $\cap_{s \geq 0} W^{s}_\mathrm{comp}(\Sigma) = C^\infty_0(\Sigma)$ and $\cap_{s \geq 0} W^{s}_\mathrm{loc}(\Sigma) = C^\infty(\Sigma)$.
\subsection{Spectral theory and resolvent expansion}
The Laplace operator $\Delta = \tilde \updelta_\Sigma \mathrm{d}_\Sigma + \mathrm{d}_\Sigma \tilde \updelta_\Sigma$
defined with relative boundary conditions was analysed in the case $\upepsilon=\upmu=1$ in \cite{OS} in great detail.
I would like to note here that the analysis carried out in \cite{OS} carries over entirely to the more general case when $\tilde \updelta_\Sigma = \tau^{-1} \updelta_\Sigma \tau$ as long as $\tau- \mbox{\rm 1 \hspace{-1.05 em} 1}$ is compactly supported.
The reason is that only the structure near infinity and the form of the operator $\Delta = ( \tilde \updelta_\Sigma + \mathrm{d}_\Sigma )^2$ was used.
We summarise the main results relevant to this paper. First the spectrum of $\Delta$ equals $[0,\infty)$ and therefore the resolvent is well defined as a bounded operator
$(\Delta - \lambda^2)^{-1}: L^2(\Sigma, \Lambda^\bullet_\mathbb{C} T^*\Sigma) \to L^2(\Sigma, \Lambda^\bullet_\mathbb{C} T^*\Sigma)$ when $\lambda$ is in the upper half space. However, as a map $W^{s}_\mathrm{comp}(\overline{\Sigma}, \Lambda^\bullet_\mathbb{C} T^*\Sigma) \to W^{s+2}_\mathrm{loc}(\overline{\Sigma}, \Lambda^\bullet_\mathbb{C} T^*\Sigma), s\geq 0$
the resolvent can be analytically extended to a much larger set. This is proved by a gluing construction and the meromorphic Fredholm theorem. The mapping properties between the Sobolev spaces are local and inherited from the mapping properties of the resolvent of the relative Laplacian on a compact manifold. Relative boundary conditions are elliptic (\cite{MR1396308}*{Section 1.9 and Lemma 4.1.1})
and we have the corresponding regularity estimates ensuring regularity up to the boundary.
In case $d$ is odd there exists a meromorphic extension to the complex plane, whereas in case $d$ is even there exists a meromorphic extension to a logarithmic cover of the complex plane with logarithmic branching point at zero. Note that for positive real $\lambda$ the map $(\Delta + \lambda^2)^{-1}$ commutes with complex conjugation and therefore is also defined as a map between the real spaces
$W^{s}_\mathrm{comp}(\overline{\Sigma}; \Lambda^\bullet_\mathbb{R} T^*\Sigma) \to W^{s+2}_\mathrm{loc}(\overline{\Sigma}; \Lambda^\bullet_\mathbb{R} T^*\Sigma)$.
For this paper only the behaviour of the resolvent near zero is relevant. In the following let $P_0$ be the orthogonal projection $P_0: L^2(\Sigma; \Lambda^\bullet T^*\Sigma) \to \mathcal{H}^\bullet(\Sigma)$. We will denote the corresponding projection on the complex spaces
$L^2(\Sigma; \Lambda^\bullet_\mathbb{C} T^*\Sigma) \to \mathcal{H}^\bullet(\Sigma) \otimes_\mathbb{R} \mathbb{C}$ by the same letter when there is no danger of confusion.
\begin{Thm}[\cite{OS}*{Th. 1.5}] \label{merodd}
Suppose $\Sigma_\circ$ is Euclidean near infinity and $\tau- \mbox{\rm 1 \hspace{-1.05 em} 1}$ is compactly supported.
Assume $d$ is odd and $d \geq 3$. Then, for any $s \geq 0$, as a map $W^{s}_{\mathrm{comp}}(\overline{\Sigma}, \Lambda^\bullet_\mathbb{C} T^*\Sigma) \to W^{s+2}_\mathrm{loc}(\overline{\Sigma}, \Lambda^\bullet_\mathbb{C} T^*\Sigma)$ the operator $(\Delta + \lambda^2)^{-1}$ has an expansion
$$
(\Delta + \lambda^2)^{-1} = \frac{1}{\lambda^2} P_0 + B_{-1} \frac{1}{\lambda} + r(\lambda),
$$
as $\lambda \to 0_+$, where $r(\lambda)$ is analytic near zero. In case $d >3$ or $\partial \Sigma = \emptyset$ we have $B_{-1}=0$. If $\partial \Sigma \not= \emptyset$ and $d=3$ then $B_{-1} = a \langle \cdot, \psi \rangle \psi$, where $\psi=\frac{1}{\sqrt{4 \pi a}} \mathrm{d} u$ and $a = \frac{1}{4 \pi} C(\partial \Sigma)$ are defined at the end of Sec. \ref{cohom}.
\end{Thm}
A similar statement is true in even dimensions.
\begin{Thm}[\cite{OS}*{Th. 1.6}] \label{meroeven}
Suppose $\Sigma_\circ$ is Euclidean near infinity and $\tau- \mbox{\rm 1 \hspace{-1.05 em} 1}$ is compactly supported.
Assume $d$ is even and $d \geq 4$. Then, for any $s \geq 0$, as a map $W^{s}_{\mathrm{comp}}(\overline{\Sigma}; \Lambda^\bullet_\mathbb{C} T^*\Sigma) \to W^{s+2}_\mathrm{loc}(\overline{\Sigma}; \Lambda^\bullet_\mathbb{C} T^*\Sigma)$, the operator $(\Delta + \lambda^2)^{-1}$ has an expansion
$$
(\Delta + \lambda^2)^{-1} = \frac{1}{\lambda^2} P_0 + B_{-1} (-\log(\lambda)) + r(\lambda)
$$
as $\lambda \to 0_+$, where $\lambda$ is continuous at zero. In case $d >4$ or $\partial \Sigma = \emptyset$ we have $B_{-1}=0$. If $\partial \Sigma \not= \emptyset$ and $d=4$ then $B_{-1}$ is a rank one operator whose range consists of the $L^2$-harmonic forms corresponding to the image of the map $H^0(\mathbb{S}^{d-1}) \to H^1_0(\overline{\Sigma},\partial \Sigma)$.
\end{Thm}
The expansions also hold as maps $W^{s}_{\mathrm{comp}}(\Sigma; \Lambda^\bullet_\mathbb{C} T^*\Sigma) \to W^{s+2}_\mathrm{loc}(\Sigma; \Lambda^\bullet_\mathbb{C} T^*\Sigma)$ and then, by duality, for all $s \in \mathbb{R}$.
Finally this analysis can be done in dimension two, but the result is more complicated and we state it here only for completeness.
\begin{Thm}[\cite{OS}*{Th. 1.7, Th 1.8}]
Suppose $\Sigma_\circ$ is Euclidean near infinity and $\tau- \mbox{\rm 1 \hspace{-1.05 em} 1}$ is compactly supported.
If $d=2$ and $s \geq 0$ the resolvent, as a map $W^{s}_{\mathrm{comp}}(\overline{\Sigma}; \Lambda^\bullet_\mathbb{C} T^*\Sigma) \to W^{s+2}_\mathrm{loc}(\overline{\Sigma}; \Lambda^\bullet_\mathbb{C} T^*\Sigma)$
the operator $(\Delta + \lambda^2)^{-1}$ has an expansion
$$
(\Delta + \lambda^2)^{-1} = \frac{P_0}{\lambda^2} +\frac{1}{\lambda^2 (-\log \lambda + \beta - \gamma)} Q + O(-\log \lambda) ,
$$
as $\lambda \to 0_+$, where and $\gamma$ is the Euler-Mascheroni constant and $\beta$ is a constant determined by the geometry and given in \cite{OS}.
Here $Q=0$ in case $\partial \mathcal{O}=\emptyset$ or $p \not=1$. In case $p=1$ and $\partial \mathcal{O}\not=\emptyset$
the operator $Q$ is a rank one operator whose range consists of a harmonic function one-form $\phi$ satisfying relative boundary conditions such that $\phi(r) = \frac{\mathrm{d} r}{r} + o(\frac{1}{r})$ as $r \to \infty$.
\end{Thm}
The above displays an important difference between dimensions two and higher than two. In dimension two in case of a non-trivial boundary a non-square integrable zero resonance state $\phi$ appears in the resolvent expansion.
\subsection{Helmholtz-decomposition}
The abstract Hodge-Kodaira-Helmholtz decomposition (weak Hodge decomposition) is not very concrete and does not say anything about the regularity of the representing forms. Fortunately much more precise information can be deduced from the meromorphic continuation of the resolvent.
\begin{Thm} \label{HHD}
Suppose $\Sigma_\circ$ is Euclidean near infinity and $\tau- \mbox{\rm 1 \hspace{-1.05 em} 1}$ is compactly supported.
Assume $d \geq 3$. Then there exists a linear map
\begin{gather*}
C^\infty_0(\overline{\Sigma};\Lambda^\bullet T^*\overline{\Sigma}) \to \mathcal{H}^\bullet(\Sigma) \oplus C^\infty(\overline{\Sigma};\Lambda^\bullet T^*\overline{\Sigma}),\\
\phi \mapsto \phi_0 \oplus \phi_1,
\end{gather*}
such that the following properties hold. For any $s \geq 0$ the map extends continuously to a map
$$
W^s_\mathrm{comp}(\overline{\Sigma};\Lambda^\bullet T^*\overline{\Sigma}) \to \mathcal{H}^\bullet(\Sigma) \oplus W^{s+2}_\mathrm{loc}(\overline{\Sigma};\Lambda^\bullet T^*\overline{\Sigma})
$$
and we have for $\phi \in W^s_\mathrm{comp}(\overline{\Sigma};\Lambda^\bullet T^*\overline{\Sigma})$ the $L^2$-orthogonal decomposition
$$
\phi = \phi_0 + \mathrm{d}_\Sigma \tilde \updelta_\Sigma \phi_1 + \tilde \updelta_\Sigma \mathrm{d}_\Sigma \phi_1
$$
where $\phi_0$ is the orthogonal projection of $\phi$ to $\mathcal{H}^\bullet(\Sigma)$
and $\tilde \updelta_\Sigma \phi_1, \mathrm{d}_\Sigma \phi_1 \in W^{s+1}_\mathrm{loc}(\overline{\Sigma};\Lambda^\bullet T^*\overline{\Sigma}) \cap L^{\frac{2d}{d-2}}(\overline{\Sigma};\Lambda^\bullet T^*\overline{\Sigma})$. Moreover, if $\phi$ is closed then $\mathrm{d}_\Sigma \phi_1=0$. If $\phi$ is co-closed, $\tilde \updelta_\Sigma \phi=0$, then
$ \tilde \updelta_\Sigma \phi_1 =0$. The form $\phi_1$ satisfies relative boundary conditions in the sense that $\chi \phi_1$ is in the domain of $\Delta$ for any $\chi \in C^\infty_0(\overline \Sigma)$ which equals one near $\partial \Sigma$.
\end{Thm}
\begin{proof}
We use the fact that as a map from $W^s_\mathrm{comp}(\overline{\Sigma};\Lambda^\bullet T^*\overline{\Sigma}) \to W^{s+2}_\mathrm{loc}(\overline{\Sigma};\Lambda^\bullet T^*\overline{\Sigma}) $ for the resolvent $(\Delta + \lambda^2)^{-1}$ we have
$$
(\Delta + \lambda^2)^{-1} = R_\mathrm{sing}(\lambda) + R_\mathrm{reg}(\lambda) ,
$$
where $R_\mathrm{reg}(\lambda)$ has a continuous extension as an operator $W^s_\mathrm{comp} \to W^{s+2}_\mathrm{loc}$ to the point $\lambda=0$ and the operator $R_\mathrm{sing}(\lambda)$ is a finite rank operator with range in $\mathcal{H}^\bullet(\Sigma)$. We also have $R_\mathrm{sing}(\lambda) = \frac{1}{\lambda^2}P_0 + o(\frac{1}{\lambda^2})$ as $\lambda \to 0_+$.
Let $\phi \in W^{s}_\mathrm{comp}(\overline{\Sigma};\Lambda^p T^*\overline{\Sigma})$.
We will define $\phi_1(\lambda) = R_\mathrm{reg}(\lambda) \phi$ and will verify that
$\phi_1=\phi_1(0) \in W^{s+2}_\mathrm{loc}$ defines a decomposition with the claimed properties.
We have
\begin{gather} \label{splitequ}
\phi = (\Delta + \lambda^2) (\Delta + \lambda^2)^{-1} \phi = \lambda^2 R_\mathrm{sing}(\lambda) \phi + \Delta R_\mathrm{reg}(\lambda) \phi + \lambda^2 R_\mathrm{reg}(\lambda) \phi.
\end{gather}
The family $\lambda^2 R_\mathrm{sing}$ converges to $P_0$ in the $L^2 \to L^2$ operator norm. In particular it
is norm bounded, and by the general norm bound for the resolvent the family $\lambda^2 R_\mathrm{reg}(\lambda)$ is also a bounded family of operators in $L^2$. This implies that
$$
\Delta R_\mathrm{reg}(\lambda) \phi = \mathrm{d}_\Sigma \tilde \updelta_\Sigma R_\mathrm{reg}(\lambda) \phi + \tilde \updelta_\Sigma \mathrm{d}_\Sigma \tilde R_\mathrm{reg}(\lambda) \phi = \psi_1(\lambda) + \psi_2(\lambda)
$$
is an $L^2$-bounded family . Since $\psi_1(\lambda)$ and $\psi_2(\lambda)$ are orthogonal for each $\lambda$ the families $\psi_1(\lambda)$ and $\psi_2(\lambda)$ are bounded in $L^2$.
As $\lambda \to 0_+$ the limit of the right side of Equ. \ref{splitequ} exists in $W^{s}_\mathrm{loc}(\overline{\Sigma};\Lambda^p T^*\overline{\Sigma})$ by Theorem \ref{merodd} and \ref{meroeven} and equals
$$
\phi = P_0 \phi + \Delta R_\mathrm{reg}(0) \phi = P_0 \phi + (\mathrm{d}_\Sigma \tilde \updelta_\Sigma+ \tilde \updelta_\Sigma \mathrm{d}_\Sigma) R_\mathrm{reg}(0) \phi = P_0 \phi + \psi_1 + \psi_2,
$$
where $\psi_1 = \mathrm{d}_\Sigma \tilde \updelta_\Sigma R_\mathrm{reg}(0) \phi$ is the limit of $\psi_1(\lambda)$ as $\lambda \to 0_+$ in $W^{s}_\mathrm{loc}$. Similarly,
$\psi_2 = \tilde \updelta_\Sigma \mathrm{d}_\Sigma R_\mathrm{reg}(0) \phi$, which is the limit of $\psi_2(\lambda)$ as $\lambda \to 0_+$ in $W^{s}_\mathrm{loc}$.
As the families $\psi_1(\lambda),\psi_2(\lambda)$ are $L^2$-bounded it follows that $\psi_1$ and $\psi_2$ are in $L^2$.
Indeed, if $\| \psi_1(\lambda) \|_{L^2} \leq C$ then for any compact exhaustion $K_n \subset \overline{\Sigma}$ the function $\psi_{1,n}(x) = \chi_{K_n} \| \psi_1(x) \|^2$ is an increasing sequence of $L^1$-functions converging pointwise to $\| \psi_1(x) \|^2$. By the monotone convergence theorem, we then have
$$
\| \psi_1 \|^2_{L^2} = \lim\limits_{n \to \infty} \| \psi_{1,n} \|^2_{L^2} = \lim\limits_{n \to \infty} \lim\limits_{\lambda \to 0_+} \| \psi_{1,n}(\lambda) \|^2_{L^2} \leq C < \infty.
$$
The same argument applies to $\psi_2$.
Then
$\phi_1(\lambda)= R_\mathrm{reg}(\lambda) \phi$ is in $W^{1}(\overline{\Sigma})$ for each $\lambda>0$ and the family $\psi_1(\lambda) = (\mathrm{d}_\Sigma + \tilde \updelta_\Sigma) \tilde \updelta_\Sigma \phi_1(\lambda)$ is bounded in
$L^2(\overline \Sigma)$. Outside a compact set $\Sigma$ is Euclidean and $\tau$ is the identity and therefore we have $(\mathrm{d}_\Sigma + \tilde \delta_\Sigma)^2 = \Delta = \nabla^* \nabla$. If we choose a cut-off function $\chi$ that is supported away from this compact set and equals one near infinity we can apply the Gagliardo-Nirenberg-Sobolev inequality (see e.g. \cite{MR2759829}*{Theorem 9.9})
to $\chi u$ for any compactly supported smooth sections $u \in C^\infty_0(\overline \Sigma; \Lambda^\bullet T^* \Sigma)$ and obtain
$$
\| \chi u \|_{L^q} \leq C \| (\mathrm{d}_\Sigma + \tilde \delta_\Sigma) (\chi u) \|_{L^2} = C \| \nabla (\chi u) \|_{L^2}
$$
where $q = \frac{2d}{d-2}$ and $C$ depends only on $d$.
This extends to $W^{1}(\overline \Sigma)$ by continuity. The right hand side can be bounded as follows
$$
\| (\mathrm{d}_\Sigma + \tilde \delta_\Sigma) (\chi u) \|_{L^2} \leq \| (\mathrm{d}_\Sigma + \tilde \delta_\Sigma) u \|_{L^2} + \| \mathrm{d}\chi \cdot u \|_{L^2},
$$
where $\mathrm{d}\chi \cdot u $ denotes the Clifford product of $\mathrm{d}\chi$ and $u$ defined by the Clifford action of covectors on the bundle of differential forms.
We apply this now with $u_\lambda = \mathrm{d}_\Sigma \phi_1(\lambda)$. As $\lambda \to 0_+$ this converges in $W^{s+1}_\mathrm{loc}$. In particular it converges in $L^2$ on the support of $\mathrm{d}\chi$. Summarising, the right hand side of the above inequality is bounded and thus $\chi u_\lambda$ is bounded in
$L^{\frac{2d}{d-2}}(\overline \Sigma)$.
Since $u_\lambda$ converges in $W^{s+1}_\mathrm{loc}(\overline \Sigma)$ it converges in $L^{\frac{2d}{d-2}}_\mathrm{loc}(\overline \Sigma)$, again by the Gagliardo-Nirenberg-Sobolev inequality. We conclude that $u_\lambda$ converges in $L^{\frac{2d}{d-2}}_\mathrm{loc}(\overline \Sigma)$ and is bounded in $L^{\frac{2d}{d-2}}(\overline \Sigma)$.
As before we conclude that the limit $\mathrm{d}_\Sigma \phi_1$ must also be in $L^{\frac{2d}{d-2}}(\overline \Sigma)$.
The same argument applies to $\tilde \updelta_\Sigma \phi_1$. Finally, if $\mathrm{d}_\Sigma \phi =0$ then $\phi_1 = \mathrm{d}_\Sigma R_\mathrm{reg}(0) \phi = R_\mathrm{reg}(0) \mathrm{d}_\Sigma \phi =0$. A similar argument applies in case $\phi$ is co-closed.
The only thing that remains to be shown is that the decomposition is $L^2$-orthogonal. We will do this by showing that it coincides with the decomposition $L^2 = \mathcal{H}^\bullet \oplus \overline{\mathrm{rg}(\mathrm{d}_\Sigma)} \oplus \overline{\mathrm{rg}(\tilde \updelta_\Sigma)}$.
Since $\mathrm{d}_\Sigma$ is the closure of the operator $\mathrm{d}_\Sigma$ defined on $C^\infty_0(\Sigma,\Lambda^\bullet T^*\Sigma)$
vectors in $\overline{\mathrm{rg}(\mathrm{d}_\Sigma)}$ are $L^2$-limits of a sequences $\mathrm{d}_\Sigma f_n$, where $f_n$ is compactly supported and smooth.
Integration by parts shows that $\mathrm{d}_\Sigma f_n$ is orthogonal to $\tilde \updelta_\Sigma \mathrm{d}_\Sigma \phi_1$. We conclude that $\tilde \updelta_\Sigma \mathrm{d}_\Sigma \phi_1$ must be in $\mathcal{H}^\bullet + \overline{\mathrm{rg}(\tilde \updelta_\Sigma)}$. We now show it is also orthogonal to $\mathcal{H}^\bullet$.
Indeed, let $\psi \in \mathcal{H}^\bullet$. By the multipole expansion of harmonic forms we have that
$\| \psi(x) \| = O(\frac{1}{|x|^{d-1}})$ as $|x| \to \infty$ uniformly in the angle variables (\cite{OS}*{Lemma 3.3}). Moreover $\psi$ is mooth, by elliptic regularity (for example \cite{MR1996773}*{Cor. 8.3.2}). Integration by parts gives
$$
\langle \psi, \tilde \updelta_\Sigma \mathrm{d}_\Sigma\phi_1 \rangle = \lim_{R \to \infty} \int_{S_R} \psi(x) \wedge * (\mathrm{d}_\Sigma \phi_1)(x),
$$
where $S_R$ is a suitable large sphere of radius $R$ in $\mathbb{R}^d$ so that $S_R \subset \Sigma$. Note that the integration by parts formula holds as $(\mathrm{d}_\Sigma \phi_1) \in W^1_\mathrm{loc}$ and the restriction to the sphere is a continuous map $W^1_\mathrm{loc} \to W^{\frac{1}{2}} \subset L^2$.
The integral is bounded above by the average of $\| \mathrm{d}_\Sigma \phi_1(x) \|$ over the sphere $S_R$ and a non-zero limit
is in contradiction to $\mathrm{d}_\Sigma \phi_1 \in L^{\frac{2d}{d-2}}(\overline \Sigma)$. The limit must therefore be zero. This shows that $\tilde \updelta_\Sigma \mathrm{d}_\Sigma \phi_1 \in \overline{\mathrm{rg}(\mathrm{d}_\Sigma)}$. By construction $\tilde \updelta_\Sigma \mathrm{d}_\Sigma \phi_1 + \mathrm{d}_\Sigma \tilde \updelta_\Sigma \phi_1$ equals $(1-P_0) \phi$ and is therefore orthogonal to $\mathcal{H}^\bullet$. Hence, also $\mathrm{d}_\Sigma \tilde \updelta_\Sigma \phi_1$ is orthogonal to $\mathcal{H}^\bullet$. The last remaining bit is to prove that $\mathrm{d}_\Sigma \tilde \updelta_\Sigma \phi_1$ is orthogonal to $\overline{\mathrm{rg}(\tilde \updelta_\Sigma)}$. A minor complication is that $C^\infty_0(\Sigma;\Lambda^\bullet T^*\Sigma)$ is not dense in the domain of $\tilde \updelta_\Sigma$ with respect to the graph norm. A simple mollification and cut-off argument shows however that $C^\infty_0(\overline \Sigma;\Lambda^\bullet T^*\overline \Sigma)$ is dense. It is therefore sufficient to show that $\mathrm{d}_\Sigma \tilde \updelta_\Sigma \phi_1$
is orthogonal to $\tilde \updelta_\Sigma f$ for any $f \in C^\infty_0(\overline \Sigma;\Lambda^\bullet T^*\overline \Sigma)$. This is indeed the case since $\phi_1$ satisfies relative boundary conditions.
\end{proof}
\subsection{Properties of the operator $\Delta^{-\frac{1}{4}}$}
Since $\Delta$ is self-adjoint we have the full functional calculus at our disposal. Our aim is to describe the domain of the unbounded operator $\Delta^{-\frac{1}{4}}$ in detail. This operator is non-negative and its domain is therefore the form-domain of the operator $\Delta^{-\frac{1}{2}}$.
We have
$$
\Delta^{-\frac{1}{2}} = \frac{2}{\pi} \int_0^\infty (\Delta + \lambda^2)^{-1}\mathrm{d}\lambda,
$$
and therefore, the domain of $\Delta^{-\frac{1}{4}}$ consists of those vectors $\phi$ for which
$$
\int_0^\infty \langle (\Delta + \lambda^2)^{-1} \phi, \phi \rangle\mathrm{d}\lambda < \infty.
$$
If $\phi$ is compactly supported we have
$$
\langle (\Delta + \lambda^2)^{-1} \phi, \phi \rangle = \frac{1}{\lambda^2} \langle P_0 \phi,\phi \rangle + \frac{1}{\lambda} \langle B_{-1} \phi,\phi \rangle + O(\log(\lambda))
$$
and thus a compactly supported form $\phi$ is in the domain of $\Delta^{-\frac{1}{4}}$ if and only if it is $L^2$-orthogonal to $\ker(\Delta) = \mathcal{H}^\bullet(\Sigma)$.
Note that this formula does however not in general hold if $\phi$ is not compactly supported, even if
$\langle P \phi,\phi \rangle$ and $\langle B_{-1} \phi,\phi \rangle$ are finite.
To describe the domain it will be convenient to introduce the following spaces.
\begin{Def}
The space $C_0^{\infty,\perp}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma})$ is defined to be the space of forms
in $C_0^{\infty}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma})$ that are $L^2$-orthogonal to $\mathcal{H}^\bullet(\Sigma)$. We also define $P_0$ to be the orthogonal projection $P_0: L^2(\Sigma; \Lambda^\bullet T^*\Sigma) \to \mathcal{H}^\bullet(\Sigma)$ and $P=\mbox{\rm 1 \hspace{-1.05 em} 1}-P_0$.
\end{Def}
By unique continuation any non-zero element in $\mathcal{H}^\bullet(\Sigma)$ has support equal to
$\overline{\Sigma}$. Hence, $P C_0^{\infty}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma})$ is not in general a subset of $C_0^{\infty,\perp}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma})$ but we have
$$
C_0^{\infty,\perp}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma}) \subset P C_0^{\infty}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma}) \subset \mathcal{H}^\bullet(\Sigma)^\perp.
$$
In case $f \in C^\infty_0$ and $\psi \in \mathrm{ker} \Delta$ one computes
$$
\langle (\Delta + \lambda^2)^{-1} (f + \psi),(f + \psi) \rangle = \langle P_0 (f + \psi), (f + \psi) \rangle \lambda^{-2} +
\langle B_{-1} f, f \rangle \lambda^{-1} + O(\log \lambda)
$$
for small $\lambda$.
Hence, if $g = (1-P_0)f$ this gives $\langle (\Delta + \lambda^2)^{-1} g, g \rangle = \langle B_{-1} f, f \rangle \lambda^{-1}+ O(\log \lambda).$ This is integrable if and only if $B_{-1} f=0$.
Summarising we have the following theorem.
\begin{Thm} \label{projoutno}
Suppose $\Sigma_\circ$ is Euclidean near infinity and $\tau- \mbox{\rm 1 \hspace{-1.05 em} 1}$ is compactly supported.
Assume that $d \geq 3$. Then
\begin{itemize}
\item If $f \in C_0^{\infty}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma})$ and $\psi \in \mathrm{ker} \Delta$, then $f+ \psi$ is in the domain of $\Delta^{-\frac{1}{4}}$
if and only if $B_{-1} f = 0$ and $P_0 (f + \psi) =0$.
\item the space $C_0^{\infty,\perp}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma})$ is in the domain of $\Delta^{-\frac{1}{4}}$.
\item if $d=3$ then the space $P C_0^{\infty}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma})$ is in the domain of $\Delta^{-\frac{1}{4}}$ iff $\partial \Sigma = \emptyset$.
\item if $d\geq 4$ then the space $P C_0^{\infty}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma})$ is in the domain of $\Delta^{-\frac{1}{4}}$.
\end{itemize}
\end{Thm}
\begin{proof}
The first two statements are immediate consequences of the formula above. The last two follow from the fact that $B_{-1} = 0$ in dimension three if and only if $\partial \Sigma = \emptyset$, by Theorems \ref{merodd} and \ref{meroeven}.
\end{proof}
This shows that in the presence of an obstacle in dimension three the orthogonal projection onto the $L^2$-kernel is unsuitable to re-define $\Delta^{-\frac{1}{4}}$ on compactly supported smooth forms. It therefore needs to be modified. We will choose another projection operator $Q$ which we now describe. In case $\partial \Sigma = \emptyset$, or when $p>1$, or $d=\mathrm{dim}(\Sigma)>3$ we simply set $Q=P$, so we discuss only the case $\partial \Sigma \not= \emptyset$ and $p=1, d=3$. In order to modify the operator we recall the precise description of $B_{-1}$ as a rank one projection
$$
B_{-1} = a \langle \cdot, \psi \rangle \psi,
$$
where $\psi = \mathrm{d} u$ and $u$ is a harmonic function that equals $\sqrt{4 \pi a}$ on $\partial \Sigma$ with $u(r) = O(\frac{1}{r})$ as $r \to \infty$.
Now let $\chi_\varepsilon \in C^\infty(\overline{\Sigma})$ be a family of cutoff functions that converge pointwise to $1$ as $\varepsilon \searrow 0$. For concreteness we define for sufficiently small $\varepsilon>0$ in spherical coordinates
$\chi_\varepsilon(r) = \chi(\varepsilon r )$, where $\chi$ is a smooth compactly supported function on $\mathbb{R}$ that equals one near zero. Note that $\chi_\varepsilon$ is defined on $\overline{\Sigma}$ by extending it to be constant one in the complement of the region where the spherical coordinates are defined. By construction $\|\mathrm{d}\chi \|_\infty = O(\varepsilon)$.
We now define $u_\varepsilon = \chi_\varepsilon u$ and $\psi_\varepsilon =\mathrm{d} u_\varepsilon = (\mathrm{d} \chi_\varepsilon) u + \chi_\varepsilon \psi$.
It is easy to see that $\|\psi_\varepsilon - \psi \|_{L^2} \to 0$ and $\|\tilde \delta_\Sigma \psi_\varepsilon \|_{L^2} \to 0$ as $\varepsilon \searrow 0$.
Let $(\psi_1,\ldots,\psi_L)$ be an orthonormal basis in $\mathcal{H}^p(\Sigma)$ so that $\psi_L=\psi$.
This of course implies that $B_{-1} \psi_k =0$ if $k \not= L$.
We also have that $\psi_\varepsilon$ is the differential of a compactly supported function. This implies that
$$
\langle \psi_\varepsilon, \psi_k \rangle = \int_{\partial \Sigma} u_\varepsilon \wedge *\tau \psi_k = \int_{\partial \Sigma} u \wedge* \tau \psi_k = \langle \psi, \psi_k \rangle = \updelta_{kL}.
$$
Then $P_0 = \sum\limits_{j=1}^L \langle \cdot, \psi_j \rangle \psi_j$ and we define
$$
Q_{0,\varepsilon} := \left(\sum\limits_{j=1}^{L-1} \langle \cdot, \psi_j \rangle \psi_j \right) + \langle \cdot, \psi \rangle \psi_\varepsilon
$$
and
$$
Q_\varepsilon = \mbox{\rm 1 \hspace{-1.05 em} 1}- Q_{0,\varepsilon}.
$$
\begin{Prp} \label{propqeps}
Let the assumptions of Theorem \ref{projoutno} be satisfied.
For fixed $\varepsilon>0$ the operator $Q_\varepsilon$ has the following properties.
\begin{itemize}
\item[(i)] $Q_\varepsilon$ is a projection, i.e. $Q_\varepsilon^2= Q_\varepsilon$.
\item[(ii)] $Q_\varepsilon$ converges to $P$ in the operator norm as $\varepsilon \searrow 0$.
\item[(iii)] $\mathrm{rg}(Q_\varepsilon) = \mathcal{H}^\bullet(\Sigma)^\perp$.
\item[(iv)] $Q_\varepsilon$ is bounded.
\item[(v)] $\mbox{\rm 1 \hspace{-1.05 em} 1} - Q_{\varepsilon}$ has rank $\mathrm{dim}(\mathcal{H}^\bullet(\Sigma))$ and smooth integral kernel.
\item[(vi)] $Q_\varepsilon$ maps $C_0^{\infty}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma})$ continuously into the domain of $\Delta^{-\frac{1}{4}}$ equipped with the graph norm.
\item[(vii)] $Q_\varepsilon^*$ maps $C_0^{\infty}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma})$ into $C_0^{\infty}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma})+\mathcal{H}^\bullet(\Sigma)$ and for $f \in C_0^{\infty}(\Sigma; \Lambda^\bullet T^*\overline{\Sigma})$ we have $\Delta^s Q^*_\varepsilon f = \Delta^s f$ for any $s>0$.
\item[(viii)] $\mathrm{d} (\mbox{\rm 1 \hspace{-1.05 em} 1}-Q_{\varepsilon}) = 0$ and $(\mbox{\rm 1 \hspace{-1.05 em} 1}-Q_{\varepsilon}) \tilde \updelta f = (\mbox{\rm 1 \hspace{-1.05 em} 1}-Q_{\varepsilon})\mathrm{d} f=0$ for all $f \in \mathrm{dom}(\mathrm{d}) \cap \mathrm{dom}(\tilde \updelta)$.
\item[(ix)] $P Q_\varepsilon = Q_\varepsilon$, and $Q_{0,\varepsilon} P_0= Q_{0,\varepsilon}$.
\item[(x)] $\tilde \updelta Q_{0,\varepsilon}$ converges to zero in the operator norm as $\varepsilon \searrow 0$.
\end{itemize}
\end{Prp}
\begin{proof}
The range of $Q_{0,\varepsilon}$ is contained in the span of $(\psi_1,\ldots,\psi_{L-1},\psi_\varepsilon)\}$. Since
$\langle \psi_\varepsilon, \psi_k \rangle = \updelta_{kL}$ and $(\psi_1,\ldots,\psi_{L-1})$ is orthonormal the map $Q_{0,\varepsilon}$ restricts to the identity on the span of $(\psi_1,\ldots,\psi_{L-1},\psi_\varepsilon)\}$.
This shows that $Q_{0,\varepsilon}$, and hence $Q_{\varepsilon}$ is a projection, establishing (i). Statement (ii) follows from
$Q_{0,\varepsilon} - P_0 = \langle \cdot, \psi \rangle (\psi-\psi_\varepsilon)$ and the fact that $(\psi-\psi_\varepsilon)$ goes to zero in $L^2$.
Next notice that $Q_{0,\varepsilon}$ vanishes on $\mathcal{H}^\bullet(\Sigma)^\perp$ and therefore the range of $Q_\varepsilon$ contains
$\mathcal{H}^\bullet(\Sigma)^\perp$. We also have $Q_\varepsilon = P- \langle \cdot, \psi \rangle (\psi-\psi_\varepsilon)$ which has range in $\mathcal{H}^\bullet(\Sigma)^\perp$.
This implies (iii) and also the statement about the rank in (v). Property (iv) is clear by construction. The integral kernel of $Q_{0,\varepsilon}$ is
given by $ \psi_\varepsilon(x) \psi^*(y) + \sum\limits_{j=1}^{L-1} \psi_j(x) \psi_j(y)^* $ which is a smooth, finishing the proof of (v).
Next we show (vi), namely that $Q_{\varepsilon}$ continuously maps compactly supported smooth functions into the domain of $\Delta^{-\frac{1}{4}}$. Given $f \in C_0^{\infty}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma})$ then $q = Q_\varepsilon f = f - Q_{0,\varepsilon} f$, which is of the form $q = \phi + \tilde q$ where $\phi$ is in the span of
$\{\psi_1,\ldots,\psi_{L-1}\}$ and $\tilde q \in C_0^{\infty}(\overline{\Sigma}; \Lambda^\bullet T^*\overline{\Sigma})$. By (iii) $q$, and hence also $\tilde q$,
is orthogonal to $\psi$. We conclude that $B_{-1} \tilde q=0$ and $P_0 q=0$ and by Theorem \ref{projoutno} $q$ is in the domain of $\Delta^{-\frac{1}{4}}$. To show continuity we only need to show continuity of the graph norm of the image of the map at zero. The square of the graph norm of $q = Q_\varepsilon \phi$ is given by
$$
\langle q, q \rangle + \int_0^\infty \langle (\Delta + \lambda^2)^{-1} q, q \rangle\mathrm{d}\lambda.
$$
The first term depends continuously on $\phi$ at zero by continuity of $Q_\varepsilon$. The integral can be split for any $\delta>0$ as
\begin{gather} \label{splitint}
\int_0^\infty \langle (\Delta + \lambda^2)^{-1} q, q \phi \rangle\mathrm{d}\lambda =
\int_0^\delta \langle (\Delta + \lambda^2)^{-1} q, q \rangle\mathrm{d}\lambda + \int_\delta^\infty \langle (\Delta + \lambda^2)^{-1} q, q \rangle\mathrm{d}\lambda.
\end{gather}
The second integral, since $\|(\Delta + \lambda^2)^{-1}\| \leq \lambda^{-2}$ for $\lambda>0$, is bounded by a constant times the $L^2$-norm of $q$, which is again continuous in $\phi$ at zero. Finally, for small $\lambda>0$, we have, by Theorems \ref{merodd} and \ref{meroeven}, the expansion
$$
\langle (\Delta + \lambda^2)^{-1} q,q \rangle = \langle P_0 q, q \rangle \lambda^{-2} +
\langle B_{-1} \tilde q, \tilde q \rangle \lambda^{-1} + \langle r(\lambda) \tilde q, \tilde q \rangle,
$$
where $r(\lambda)$ is bounded by $C |\log(\lambda)|$ as an operator from $L^2_\mathrm{comp}$ to $L^2_\mathrm{loc}$ for come $C>0$. Since the first two terms in the expansion are zero the second integral in \eqref{splitint} is bounded by $\tilde C \langle \tilde q, \tilde q \rangle$ for some $\tilde C>0$. This is again continuous at zero in $\phi$. We therefore have established continuity in (vi).
Statement (vii) follows from $\mbox{\rm 1 \hspace{-1.05 em} 1}-Q_{\varepsilon}^* = Q_{0,\varepsilon}^* = \left(\sum\limits_{j=1}^{L-1} \langle \cdot, \psi_j \rangle \psi_j \right) + \langle \cdot, \psi_\varepsilon \rangle \psi$ and its consequence, that the range of $Q_{0,\varepsilon}^*$ is contained in the kernel of $\Delta$. Next note that the range of $Q_{0,\varepsilon}$ consists of closed forms, and the range of $Q_{0,\varepsilon}^*$ consists of harmonic forms, which implies (viii).
Statement (ix) is immediately implied by (iii). It remains to show (x). Since all the $\psi_k$ are co-closed we compute
$ \tilde \updelta_\Sigma Q_{0,\varepsilon} = \langle \cdot, \psi \rangle (\tilde\updelta_\Sigma \psi_\varepsilon) =\langle \cdot, \psi \rangle (\Delta u_\varepsilon)$. The statement now follows since
$\tilde \updelta_\Sigma \psi_\varepsilon = \Delta u_\varepsilon$ converges to zero in $L^2$ as $\varepsilon \searrow 0$.
\end{proof}
\section{QFT: The photon in the Gupta-Bleuler formalism}
\subsection{Background}
The canonical quantisation of the electromagnetic field is a key ingredient in the perturbative treatment of Quantum Electrodynamics (QED).
In general the quantisation of linear fields can be carried out in two steps. The first step is the construction of an algebra of fields that comprises an algebra of observables. In a second step on constructs either
\begin{itemize}
\item a suitable inner product space with a vacuum vector on which the algebra is represented by unbounded operators, or
\item a functional on the field algebra, the vacuum expectation values of the products of fields, by specifying all $n$-point functions.
\end{itemize}
The GNS-construction provides then a way to directly translate between these two languages.
The standard method of constructing the field algebra was developed by Gupta and Bleuler~\cite{MR0036166,MR38883} for Minkowski space-time.
In this formalism the field algebra of the vector potential is represented in a Poincar\'e covariant
way on an indefinite inner product space. Physical states form a positive semi-definite
subspace. One of the features of the Gupta-Bleuler formalism is that
the field operators do not satisfy the homogeneous Maxwell equations.
Perturbative quantum electrodynamics can be defined on the level of formal power series starting from this construction and the quantisation of the free Dirac field.
\subsection{Discussion of quantisation in topologically non-trivial settings}
This step of introducing a field algebra is also sometimes called canonical quantisation. In physics the terminology is to ``impose CCR relations''. In mathematics this means that we are considering an algebra defined by generators and relations.
This process is complicated for the photon field by the fact that not every classical field configuration $F$ can be expressed as $F= \mathrm{d} \mathscr{A}$ for a one-form $\mathscr{A}$. On the other hand the Aharanov-Bohm experiment suggests that the one-form $\mathscr{A}$ is of direct physical relevance and couples directly to other fields such as electrons. A convenient way to describe this is to consider $\mathscr{A}$ as a connection one-form with curvature $F$ on a suitably chosen $U(1)$-principal bundle that depends on the cohomology class $[F]$ of the classical field $F$. The perturbative coupling to an electron field is then achieved by twisting the spinor bundle with the associated line bundle, and the Dirac operator is twisted by the connection $\nabla_\mathscr{A}$. This step is called ``minimal coupling" in physics. On a compact manifold without boundary this is only possible if the class of $\frac{1}{2\pi}F$ is in $H^2(M,\mathbb{Z})$, which illustrates that this construction imposes some restrictions on the class of fields that can be constructed in that way.
Canonical quantisation is usually performed starting from a symplectic vector space and assigning to it a $*$-algebra (or $C^*$-algebra) in a functorial manner. The first problem one is faced with is that the space of connections on a fixed bundle is not a vector space in a canonical way if the $U(1)$-bundle is non-trivial. It is rather an affine space and the canonical quantisation procedure therefore requires the choice of a reference connection. The other conceptual problem one is faced with is that the construction will depend on the choice of the principal bundle. Different choices of principal bundles correspond to different topological sectors. It is not a-priori clear which degrees of freedom need to be quantised, i.e. replaced by operators in the field algebra. To illustrate this I would like to discuss this in typical examples. I am omitting the mathematical details since these are physical considerations that are not part of the mathematical setup.
\subsubsection{The complement of the full-torus} As an example we consider $\mathbb{R}^3$ with a full torus (a ring) excluded, i.e. $\Sigma = \mathbb{R}^3 \setminus K$, where $K$ is diffeomorphic to $(S^1 \times D)$, $D$ is the closed unit disk in $\mathbb{R}^2$. As we saw we have a non-trivial cohomology class in $H^2_0(\Sigma)$. This class can be represented by a harmonic two-form $B$ satisfying relative boundary conditions. Its interpretation is that it corresponds to a static field magnetic field-configuration generated by a circular current inside the full-torus. This static configuration is fixed by the magnetic flux through the full torus. Indeed, the magnetic flux is the pairing of the cohomology class with the relative homology class $H_2(\overline{\Sigma},\partial \Sigma)$ represented by a disk centered inside the ring with boundary on the torus.
We can equip the trivial $U(1)$-bundle with a connection of curvature $B$ in this particular case. Indeed,
$B$ can be extended to a closed two-form in the ring and there exists a one form $A$ on $\mathbb{R}^3$ such that $B = \mathrm{d} A$.
This one-form may however fail to satisfy relative boundary conditions.
If the ring consists of superconducting material the collective effective wave function of the Bose-Einstein condensate consisting of Cooper pairs forces the boundary value of $A$ to have integer pairing with the boundary cycle.
This effect is called flux quantisation and is observed with superconducting rings. This quantisation happens for energetic and not topological reasons and it is not observed when the material is not superconductive.
As explained the field $A$ constructed above may fail to satisfy relative boundary conditions even if $B$ satisfies relative boundary conditions.
\subsubsection{A wormhole in $\mathbb{R}^3$}
The space $\Sigma = \Sigma_\circ$ is constructed from removing two non-intersecting balls from $\mathbb{R}^3$ and subsequent gluing of the boundary spheres.
In this case we have $\mathcal{H}^2(\Sigma) = H^2(\Sigma) = H^2_0(\Sigma) = \mathbb{C}$. The homology $H_2(\Sigma,\mathbb{Z})$ is generated by the homology class of the first boundary sphere. The pairing with $H^2_0(\Sigma)$ the defines the magnetic flux through the wormhole. If we have a magnetic field configuration $B$ we can construct a bundle with curvature $B$ only if $[B]$ is in $H^2(\Sigma, 2 \pi \mathbb{Z})$. This leads to the interesting conclusion that the existence of a single charge leads to flux quantisation and the existence of a non-trivial flux leads to charge quantisation. {\sl This means that the existence of a single wormhole carrying a magnetic flux leads to the quantisation of electrical charges in a similar manner as a magnetic monopole does.}
\subsubsection{The general case}
The general case may have features from both cases above. The magnetic field $B$ defines as class in $H^2_0(\Sigma)$. As part of the long exact sequence in relative cohomology we have the exact sequence
$$
H^1(\partial \Sigma) \to H^2_0(\Sigma) \to H^2_0(\overline{\Sigma}) \to H^2(\partial \Sigma).
$$
The class $\frac{1}{2 \pi} B$ needs to satisfy that its image in $H^2_0(\overline{\Sigma})=H^2(\overline{\Sigma})$ is an integer class so that it can be coupled to an electron field via minimal coupling. The kernel of the map $H^2_0(\Sigma) \to H^2_0(\overline{\Sigma})$ is the image of the map $H^1(\partial \Sigma) \to H^2_0(\Sigma)$. These classes therefore can be represented in the form $B = \mathrm{d}_\Sigma A$, where $A$ is a one form that restricts to a non-trivial cohomology class in $H^1(\partial \Sigma)$.
As before, if the material is superconductive this restricts this class to an integer class. For a general metal there is no such restriction. However, such a field configuration cannot be generated dynamically from Maxwell's equations. Indeed, the derivative $\dot B$ of the $B$ field equals $\mathrm{d}_\Sigma E$ and this is always a trivial class. On the level of the $A$-field we also find that whereas $A$ may fail to satisfy relative boundary conditions the time derivative $\dot A$ must satisfy relative boundary conditions. Indeed, $E = \mathrm{d}_\Sigma \phi - \dot A$ can only satisfy relative boundary conditions if $\dot A$ has exact pull-back to $\partial \Sigma$.
We summarise that a topologically non-trivial configuration of the field $B$ in $H^2_0(\Sigma)$ can always be written as a static harmonic configuration and an element $\mathrm{d}_\Sigma A$ where $A$ satisfies relative boundary conditions.
Thus, the dynamical content of the theory is entirely described by the part of the form $\mathrm{d}_\Sigma A$. Observables corresponding to the former part are expected to commute with all other fields and therefore correspond to classical quantities.
\subsection{Mathematical formulation of canonical quantisation}
Before we define the field algebra we need some notations.
Let $$G: C_0^{\infty}(\overline{M}; \Lambda^1 T^*M) \to C^\infty(\overline{M}; \Lambda^1 T^*\overline{M})$$ be the difference between retarded and advanced fundamental solutions. Hence, $G$ maps $C_0^{\infty}(\overline{M}; \Lambda^1 T^*M)$ onto the space of smooth solutions of the wave equation on one-forms with spacelike compact support in $\overline{M}$ satisfying relative boundary conditions. Concretely, we have
\begin{gather} \label{Gexpl}
(G f)(t,\cdot) = \int_\mathbb{R} \Delta^{-\frac{1}{2}} \sin \left((t-s)\Delta^{\frac{1}{2}} \right) f(s,\cdot) ds.
\end{gather}
Since $\mathscr{A}_f(t) = G f$ solves the wave-equation $(\mathrm{d} \tilde \updelta +\tilde \updelta \mathrm{d} )\mathscr{A}_f=0$ its Cauchy data at $t=0$ and the relative boundary conditions determine the solution uniquely. We can write
$$
\mathscr{A}_f(t) = \varphi(t) \mathrm{d} t + A(t),
$$
and therefore the Cauchy data is given by the compactly supported smooth functions
$\varphi(0), \dot \varphi(0), A(0), \dot A(0)$.
We have
\begin{gather}
\varphi(0) = -\int_\mathbb{R} \Delta^{-\frac{1}{2}} \sin (s\Delta^{\frac{1}{2}}) f_0(s,\cdot) ds, \nonumber\\
\dot \varphi(0) = \int_\mathbb{R} \cos(s \Delta^{\frac{1}{2}}) f_0(s,\cdot) ds,\nonumber\\ \label{Aformul}
A(0) = - \int_\mathbb{R} \Delta^{-\frac{1}{2}} \sin( s \Delta^{\frac{1}{2}}) f_\Sigma(s,\cdot) ds,\\ \label{Adotformul}
\dot A(0) = \int_\mathbb{R} \cos(s \Delta^{\frac{1}{2}}) f_\Sigma(s,\cdot) ds.\\ \nonumber
\end{gather}
By the Schwartz kernel theorem the map $G: C_0^{\infty}(M; \Lambda^1 T^*M) \to C^{\infty}(M; \Lambda^1 T^*M)$ has a unique distributional kernel in $\mathcal{D}'(M \times M; \Lambda^1 T^*M \boxtimes \Lambda^1 T^*M)$ and we will denote it by the same letter.
In other words, by definition
$G(f_1,f_2) = \langle f_1, G f_2 \rangle$.
Integration by parts leads the identity
\begin{gather} \label{symplformula}
G(f_1,f_2) = \langle f_1, G f_2 \rangle = \langle \dot \mathscr{A}_{f_1}(0), \mathscr{A}_{f_2}(0) \rangle_{L^2(\Sigma)} - \langle \mathscr{A}_{f_1}(0), \dot \mathscr{A}_{f_2}(0) \rangle_{L^2(\Sigma)},
\end{gather}
which shows that the antisymmetric form $G$ induces the standard symplectic structure on the space of solutions.
The {\em{field algebra}}~$\mathcal{F}$ is defined to be the complex unital $*$-algebra generated by symbols
$\mathbf{A}(f)$ for~$f \in C_0^{\infty}(M; \Lambda^1 T^*M)$ together with the relations
\begin{gather}
f \mapsto \mathbf{A}(f) \;\textrm{is real linear},\\
\mathbf{A}(f_1) \mathbf{A}(f_2) - \mathbf{A}(f_2) \mathbf{A}(f_1) = -\rmi \,G(f_1,f_2) \mathbf{1},\\
\mathbf{A}(\square f) = 0,\label{Arel} \\
(\mathbf{A}(f))^* = \mathbf{A}(f).
\end{gather}
For every open subset $\O \subset M$, we define the
{\em{local field algebra}}~$\mathcal{F}(\O) \subset \mathcal{F}$
to be the sub-algebra generated by the $\mathbf{A}(f)$ with $\supp(f) \subset \O$.
This choice of field algebra is sometimes referred to as the Feynman gauge. Other field algebras as result in the same observable algebra are also possible.
We do not impose the relation $\mathbf{A}(\tilde \updelta\mathrm{d} f)=0$ for all $f \in C_0^{\infty}(M; \Lambda^1 T^*M)$ which
would correspond to the vacuum Maxwell equations.
\subsection{Generalised Fock Representations} \label{sec43}
In the second stage of canonical quantization one tries to find a representation of the field algebra on an indefinite inner product space in such a way that the representation descends naturally to a represention of the algebra of observables on an inner product space with positive definite inner product. That the field algebra is represented on an indefinite inner product space is one of the features of the Gupta-Bleuler approach.
In order to construct suitable representations of the field algebra $\mathcal{F}$,
one can utilize a one-particle Hilbert space structure which in our case will be a one-particle Krein space structure.
The difference of the classical Gupta-Bleuler method to our setting is the appearance of zero modes that makes it impossible to use a representation that is solely based on a Fock space construction.
On these zero modes the classical time-evolution is equivalent to the movement of a free particle on $\mathbb{R}^L$. Its quantisation is therefore expected to resemble the Schr\"odinger representation of a free particle. This can indeed be shown to lead to a representation of the field algebra that has all the desired properties. I will now give the full mathematical details of this construction that has been outlined in \cite{MR3369318, MR3743763} for the case without boundary.
In this section we will make extensive use of Theorem \ref{projoutno} and we will therefore assume throughout that $d \geq 3$.
The following inner product is natural since it is defined by the modified Lorentzian inner product on the restriction $T^*M|_\Sigma = \Lambda^0 T^*\Sigma \oplus \Lambda^1 T^*\Sigma$.
\begin{Def}
We define $\mathscr{K}$ to be the complex Krein-Space $L^2(\Sigma,\mathbb{C}) \oplus P L^2(\Sigma; \Lambda^1_\mathbb{C} T^*\Sigma)$
with inner product
$$
\langle \varphi_1 \oplus A_1, \varphi_2 \oplus A_2 \rangle = - \langle \varphi_1 , \varphi_2 \rangle + \langle A_1, A_2 \rangle,
$$
where the inner products on $L^2(\Sigma,\mathbb{C})$ and $L^2(\Sigma; \Lambda^1_\mathbb{C} T^*\Sigma)$
are defined as the sesquilinear extensions of the real inner product on $L^2(\Sigma)$ and $L^2(\Sigma; \Lambda^1 T^*\Sigma)$, respectively.
\end{Def}
In order to proceed we now assume that $\Sigma_\circ$ is Euclidean near infinity and that $\tau - \mbox{\rm 1 \hspace{-1.05 em} 1}$ is compactly supported.
We can then define the map $\kappa \::\: C^\infty_0(M;\Lambda^1T^*M) \rightarrow {\mathscr{K}}$ by
\begin{gather} \label{kappadef}
\kappa(f) = \left( \Delta^{\frac{1}{4}} \varphi(0) + \rmi \Delta^{-\frac{1}{4}} \dot \varphi(0) \right) \oplus \left( \Delta^{\frac{1}{4}} A(0) + \rmi \Delta^{-\frac{1}{4}} Q_\varepsilon \dot A(0) \right),\\
(G f)(t,\cdot) = \mathscr{A}_f(t) = \varphi(t) \mathrm{d} t + A(t). \nonumber
\end{gather}
For later purposes we also define the map $\overline{\kappa}: C^\infty_0(\overline{M};\Lambda^1T^*\overline M) \rightarrow {\mathscr{K}}$
by the same formula \eqref{kappadef} but on the arger domain $C^\infty_0(\overline{M};\Lambda^1T^*\overline M)$.
To see that $\kappa$ is indeed well-defined we need to check that $\Delta^{-\frac{1}{4}} Q_\varepsilon$ maps compactly supported smooth one-forms to forms in $P L^2(\Sigma; \Lambda^1 T^*\Sigma)$. This can easily be inferred from
$$
\Delta^{-\frac{1}{4}} Q_\varepsilon = \Delta^{-\frac{1}{4}} P Q_\varepsilon= P \Delta^{-\frac{1}{4}} Q_\varepsilon
$$
and Prop. \ref{propqeps}. Note that in form degree zero we have as a consequence of the maximum principle $\mathcal{H}^0(\Sigma)= \{0\}$ and therefore, by Theorem \ref{projoutno}, $C^\infty_0(M)$ is in the domain of $\Delta^{-\frac{1}{4}}$.
This map $\kappa$ will be referred to as a {\sl one-particle Krein space structure} and is the equivalent of what is normally called a one-particle Hilbert space structure (see \cite{MR1133130}*{Section 3.2} for this terminology and a discussion in the scalar case).
It will be convenient to use the notations $\mathscr{A}_f(0) = \varphi \,\mathrm{d} t + A$, $\dot \mathscr{A}_f(0) = \dot \varphi \,\mathrm{d} t + \dot A$,
and $\ddot \mathscr{A}_f(0) = \ddot \varphi \,\mathrm{d} t + \ddot A$. Hence, $\varphi, A,\dot\varphi,\dot A$ are Cauchy data of $Gf$ defined on $\Sigma$. In this notation $\kappa$ is given by
$
\kappa(f) = \left( \Delta^{\frac{1}{4}} \varphi + \rmi \Delta^{-\frac{1}{4}} \dot \varphi \right) \oplus \left( \Delta^{\frac{1}{4}} A + \rmi \Delta^{-\frac{1}{4}} Q_\varepsilon \dot A \right)
$.
Using \eqref{symplformula} one computes
\begin{gather*}
\Im(\langle \kappa(f_1), \kappa(f_2) \rangle)= \langle \varphi_1,\dot \varphi_2 \rangle - \langle \varphi_2,\dot \varphi_1 \rangle -\langle A_1,\dot A_2 \rangle + \langle A_2,\dot A_1 \rangle \\
+ \langle A_1, Q_{0,\varepsilon} \dot A_2 \rangle - \langle A_2, Q_{0,\varepsilon} \dot A_1 \rangle = - G(f_1,f_2) - G_Z(f_1,f_2),
\end{gather*}
where $G_Z(f_1,f_2)$ is defined as
\begin{gather} \label{GZformula}
-\langle A_1, Q_{0,\varepsilon} \dot A_2 \rangle + \langle A_2, Q_{0,\varepsilon} \dot A_1 \rangle.
\end{gather}
By the homomorphism theorem the symplectic vector-space $$Z:=C^\infty_0(M;\Lambda^1T^*M) / \{f \,|\, G_Z(f,\cdot) = 0 \}$$
is isomorphic to the space of solutions with Cauchy data $(\varphi \mathrm{d} t + A,\dot \varphi \mathrm{d} t + \dot A)$ such that $\varphi = \dot \varphi=0$ and
$$
(A,\dot A) \in \mathrm{span} \{\psi_1,\ldots,\psi_{L-1},\psi_\varepsilon\} \oplus \mathrm{span} \{\psi_1,\ldots,\psi_L\}
$$
and standard symplectic form. The isomorphism maps $[f] \in Z$ to $Q_{0,\varepsilon} A \oplus Q_{0,\varepsilon}^* \dot A$.
Note that $Q_{0,\varepsilon} $ has finite rank and is smoothing.
We summarise the properties of $\kappa$.
\begin{Prp} \label{kappaprop}
Suppose $\Sigma_\circ$ is Euclidean near infinity and $\tau- \mbox{\rm 1 \hspace{-1.05 em} 1}$ is compactly supported.
The map $\kappa$ has the following properties.
\begin{itemize}
\item[(i)] $\kappa(\Box f) = 0$ for all~$f \in C_0^{\infty}(M; \Lambda^1 T^*M)$.
\item[(ii)] If $f \in C_0^{\infty}(M; \Lambda^1 T^*M)$ and $G f$ has Cauchy data $(\varphi \mathrm{d} t + A,\dot \varphi \mathrm{d} t + \dot A)$ then
\begin{gather*}
\langle \kappa(f), \kappa(f) \rangle = -\langle \Delta^{\frac{1}{2}} \varphi,\varphi \rangle-\langle \Delta^{-\frac{1}{2}} \dot\varphi, \dot\varphi \rangle + \langle \Delta^{\frac{1}{2}} A, A \rangle+\langle \Delta^{-\frac{1}{2}} Q_{\varepsilon} \dot A,Q_{\varepsilon} \dot A \rangle.
\end{gather*}
\item[(iii)] If~$f \in C_0^{\infty}(M; \Lambda^1 T^*M)$ with $\tilde \updelta f=0$ we have $\langle \kappa(f), \kappa(f) \rangle \geq 0$ .
\item[(iv)] With
$
G_Z(f_1,f_2):=-G(f_1,f_2) - \im \langle \kappa(f_1),\kappa(f_2) \rangle
$
the symplectic vector space~$Z:=C_0^{\infty}(M; \Lambda^1 T^*M) / \{f \,|\, G_Z(f,\cdot) = 0 \}$ has dimension $2 L$.
Moreover, $G_Z(\tilde \updelta h_1, \tilde \updelta h_2 )=0$ for any $h_1,h_2 \in C^\infty_0(M;\Lambda^2T^*M)$.
\item[(v)] Microlocal spectrum condition:
\[ {\rm{WF}}(\kappa) \subseteq \big\{ (x, -\xi) \in \dot{T}^*M \:|\: \xi \in N^+_{\tilde g} \big\} \:, \]
where $\kappa$ is understood as a distribution with values in $\mathscr{K}$. Here $N^+_{\tilde g} \subset T^* M$ denotes the set of non-zero future directed null-covectors with respect to the metric $\tilde g$, i.e. the set of covectors $\xi=(\xi_0,\xi_\Sigma)$ such that $\xi_0 = -\frac{1}{\sqrt{\upepsilon \upmu}} \| \xi_\Sigma \|_h$.
\item[(vi)] $\mathrm{span}_\mathbb{C}\mathrm{Rg}(\kappa)$ is dense in $\mathscr{K}$.
\item[(vii)] $\Re \left( \langle \kappa(\mathrm{d} u_1), \kappa(f) \rangle \right) =0$ for all~$u_1 \in C^\infty_0(M)$, $f \in C^\infty_0(M;\Lambda^1T^*M) $
with either~$ \tilde \updelta f=0$ or with $f= \mathrm{d} u_2$ for some $u_2 \in C^\infty_0(M)$.
\item[(viii)] If $ \tilde \updelta f_1 =\tilde \updelta f_2 =0$ then $\langle \kappa(f_1), \kappa(f_2) \rangle$ and $G_Z(f_1,f_2)$ are independent of $\varepsilon$ and the cutoff function used to define $Q_\varepsilon$.
\end{itemize}
\end{Prp}
\begin{proof}
The first property is true by construction. The second follows from a direct computation, using the definition of $\kappa$.
To see (iii) note that $\tilde \updelta f= \tilde \updelta \mathscr{A}_f=0$ implies
\begin{equation} \label{fourten}
-\dot \varphi = \tilde \updelta_\Sigma A, \quad \tilde \updelta_\Sigma \dot A=-\ddot \varphi = \Delta \varphi = \tilde \updelta_\Sigma\mathrm{d}_\Sigma\varphi.
\end{equation}
The second equality implies that $\mathrm{d}_\Sigma \varphi - \dot A$ is a compactly supported co-closed one form.
In the case $\partial \Sigma \not= \emptyset$ integration by parts gives $\langle \psi_L, \mathrm{d}_\Sigma\varphi - \dot A \rangle = \langle\mathrm{d} u, \mathrm{d}_\Sigma\varphi - \dot A \rangle=0,$ and $\langle \psi_L, \dot A \rangle=0$. We have used here that $\varphi$ and $\dot A$ are compactly supported in $\Sigma$ and that $u$ is harmonic.
Therefore
$$
Q_\varepsilon \dot A = P\dot A, \quad \tilde \updelta_\Sigma Q_\varepsilon \dot A=\tilde \updelta_\Sigma \dot A.
$$
By Theorem \ref{projoutno} both
$\tilde \updelta_\Sigma \dot A$ and $\mathrm{d}_\Sigma \dot A$ are in the form domain of $\Delta^{-\frac{1}{2}}$. Moreover,
since $\mathrm{d}_\Sigma \varphi - \dot A$ is compactly supported and co-closed we can use
Theorem \ref{projoutno} to conclude that $P \dot A = \psi + \dot A$ is in the form domain of $\Delta^{-\frac{1}{2}}$ for suitable $\psi \in \mathcal{H}^1(\Sigma)$. Therefore,
$\updelta_\Sigma \dot A = \updelta_\Sigma(\psi + \dot A)$ and $\mathrm{d}_\Sigma \dot A= \mathrm{d}_\Sigma (\dot \psi +\dot A)$ are in the form domain of $\Delta^{-\frac{3}{2}}$.
Thus, in this case we have in the sense of quadratic forms
\begin{gather}
\langle \kappa(f), \kappa(f) \rangle = -\langle \Delta^{\frac{1}{2}} \varphi,\varphi \rangle-\langle \Delta^{-\frac{1}{2}} \dot\varphi, \dot\varphi \rangle + \langle \Delta^{\frac{1}{2}} A, A \rangle+\langle \Delta^{-\frac{1}{2}} Q_\varepsilon \dot A,Q_\varepsilon \dot A \rangle \nonumber\\
= -\langle \Delta^{\frac{1}{2}} \varphi,\varphi \rangle-\langle \Delta^{-\frac{1}{2}} \dot\varphi, \dot\varphi \rangle + \langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma A, \mathrm{d}_\Sigma A \rangle+\langle \Delta^{-\frac{1}{2}} \tilde \updelta_\Sigma A, \tilde \updelta_\Sigma A \rangle\nonumber\\+ \langle \Delta^{-\frac{3}{2}} \tilde \updelta_\Sigma \dot A, \tilde \updelta_\Sigma \dot A \rangle + \langle \Delta^{-\frac{3}{2}} \mathrm{d}_\Sigma \dot A,\mathrm{d}_\Sigma \dot A \rangle \nonumber\\= \label{cclformula}
\langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma A, \mathrm{d}_\Sigma A \rangle + \langle \Delta^{-\frac{3}{2}} \mathrm{d}_\Sigma \dot A,\mathrm{d}_\Sigma \dot A \rangle \geq 0,
\end{gather}
where we have used $\Delta = \mathrm{d}_\Sigma \tilde \updelta_\Sigma+ \tilde \updelta_\Sigma \mathrm{d}_\Sigma$.
Next consider (iv). We have already seen that the null space of $G_Z$ has dimension $2L$. We only need to verify that $G_Z(\tilde \updelta h_1, \tilde \updelta h_2 ) =0$. If $G h$ has initial data $(E \wedge \mathrm{d} t + B, \dot E \wedge \mathrm{d} t + \dot B)$ then
$(G \tilde \updelta h)(0) =(\tilde \updelta G h)(0) = \tilde \updelta_\Sigma E \mathrm{d} t - \dot E + \tilde \updelta_\Sigma B = \varphi \mathrm{d} t + A$.
Using \eqref{GZformula} we then have
\begin{gather*}
-G_Z(\tilde \updelta h_1, \tilde \updelta h_2) = \langle A_1, Q_{0,\varepsilon} \dot A_2 \rangle - \langle A_2, Q_{0,\varepsilon} \dot A_1 \rangle\\=
\langle - \dot E_1 + \tilde \updelta_\Sigma B_1, Q_{0,\varepsilon} (- \ddot E_2 + \tilde \updelta_\Sigma \dot B_2) \rangle -
\langle - \dot E_2 + \tilde \updelta_\Sigma B_2, Q_{0,\varepsilon} (- \ddot E_1 + \tilde \updelta_\Sigma \dot B_1) \rangle \\=
\langle - \dot E_1 + \tilde \updelta_\Sigma B_1, Q_{0,\varepsilon} (\Delta E_2 + \tilde \updelta_\Sigma \dot B_2) \rangle -
\langle - \dot E_2 + \tilde \updelta_\Sigma B_2, Q_{0,\varepsilon} (\Delta E_1 + \tilde \updelta_\Sigma \dot B_1) \rangle =0.
\end{gather*}
For the microlocal spectrum condition (v) first note that since $\kappa$ solves a wave equation in the distributional sense its wavefront set is a subset of the set of null-covectors $N_{\tilde g}$ with respect to the metric $\tilde g$. We therefore only need to convince ourselves that any element in the wavefront set of $\kappa$ is future directed. First we compute
the distributional derivative of $\kappa$ with respect to $\partial_t$ and find
\begin{gather}
\partial_t \kappa(f) = - \kappa(\partial_t f) \nonumber\\= \left( -\Delta^{\frac{1}{4}} \dot \varphi + \rmi \Delta^{\frac{3}{4}} \varphi \right) \oplus \left(- \Delta^{\frac{1}{4}} \dot A + \rmi \Delta^{-\frac{1}{4}} Q_\varepsilon \Delta A \right)
= \rmi \overline{\kappa}(\Delta^{\frac{1}{2}} f) + r, \label{firstorderequkappa}
\end{gather}
where $r$ is smoothing.
We have used here that the commutator $[Q_\varepsilon, \Delta]$ is smoothing. Now pick any point $(t,y) \in M$ and choose a compactly smooth supported cut-off function $\chi_y \in C^\infty_0(\Sigma)$ that is equal to one near $y$.
Then $\chi_y \Delta^{\frac{1}{2}} \chi_y$ is a properly supported pseudodifferential operator on $\Sigma$ of order one (see Theorem \ref{ThA2}).
We have then that the compactly supported distribution $\chi_y\kappa$ solves the equation
$(\partial_t - \rmi \Delta^{\frac{1}{2}}) ( \chi_y \kappa) \equiv 0 \mod C^\infty$ in the sense of distributions near the point $(t,y)$. We are now faced with the mild complication that $\rmi \Delta^{\frac{1}{2}}$
is not a pseudodifferential operator on $M$ since its symbol does not satisfy the necessary decay estimates in the direction conormal to $\Sigma$. This complication is well known to appear in equations like that (see for example \cite{MR405514}*{p. 43}) and can be dealt with by introducing a microlocal cut-off. Since this is well known I will only sketch the argument.
One simply constructs a properly supported pseudodifferential operator $\eta$ which near $(t,y)$ has its microsupport away from the conormal direction $\mathrm{d} t$ and that equals one microlocally near the light cone bundle.
This means the microsupport of $\eta$ does not contain directions conormal to $\Sigma$, whereas the microsupport of $\mbox{\rm 1 \hspace{-1.05 em} 1} - \eta$ contains no null-covectors.
Since $ \chi_y \kappa$ has wavefront set contained in the light cone we conclude that $\eta \chi_y \kappa$ differs from $\chi_y \kappa$ by a compactly supported smooth function. Now $T = \eta(\partial_t - \rmi \Delta^{\frac{1}{2}}) \eta$ is a pseudodifferential operator and by the above $T \chi_y \kappa$ is smooth.
Since the principal symbol of $T$ at the point $(t,y,\xi_0,\xi_\Sigma)$ equals $\rmi (\xi_0 - \frac{1}{\sqrt{\upepsilon \upmu}}\| \xi_\Sigma \|)$ it
is invertible near future directed null-covectors. By microlocal elliptic regularity the wavefront set of $\chi_y \kappa$ can only contain past directed null-covectors.
As for the density property (vi) we only need to show that the maps
\begin{gather*}
C^\infty_0(\Sigma) \to L^2(\Sigma), \quad \varphi \mapsto \Delta^{\frac{1}{4}} \varphi,\\
C^\infty_0(\Sigma; \Lambda^1 T^*\Sigma) \to P L^2(\Sigma; \Lambda^1 T^*\Sigma), \quad A \mapsto \Delta^{\frac{1}{4}} A
\end{gather*}
have dense range. We will discuss the latter map as the proof for the first is exactly the same. First we note that by (boundary) elliptic regularity for $\Delta$ the domain of $\Delta$ is a closed subspace of $W^2(\Sigma, \Lambda^1 T^*\Sigma)$. By complex interpolation, for example using \cite{MR618463}*{Theorem 4.2}, the domain of $\Delta^\frac{1}{4}$ is therefore contained in $W^\frac{1}{2}(\Sigma, \Lambda^1 T^*\Sigma)$. Since $C^\infty_0(\Sigma, \Lambda^1 T^*\Sigma)$ is dense in $W^\frac{1}{2}(\Sigma, \Lambda^1 T^*\Sigma)$ this implies that $\Delta^\frac{1}{4}$ is the closure of the restriction of
$\Delta^\frac{1}{4}$ to $C^\infty_0(\Sigma, \Lambda^1 T^*\Sigma)$. Therefore it is sufficient to show that the range of the self-adjoint operator $\Delta^\frac{1}{4}$ is dense in $P L^2(\Sigma; \Lambda^1 T^*\Sigma)$. The closure of the range is the orthogonal complement of the kernel $\mathrm{ker}(\Delta^\frac{1}{4}) = \mathrm{ker}(\Delta)$. This is exactly $P L^2(\Sigma; \Lambda^1 T^*\Sigma)$.
Property (vii) in case $\tilde \updelta \alpha =0$ can be seen as follows. Assume $G\alpha$ has Cauchy data $(\varphi \mathrm{d} t + A, \dot \varphi \mathrm{d} t + \dot A)$. Then, by \eqref{fourten}, $\dot{\varphi}= -\tilde \updelta_\Sigma A$. Let $(f,\dot f)$ be the Cauchy data of $G u_1$ so that
$(\dot f \mathrm{d} t + \mathrm{d}_\Sigma f, \ddot f \mathrm{d} t + \mathrm{d}_\Sigma \dot f)$ is the Cauchy data of $\mathrm{d} G u_1$. Then
\begin{align*}
\Re{\langle \kappa(\mathrm{d} u_1), \kappa(\alpha) \rangle }
&=-\big\langle \Delta^{\frac{1}{2}} \dot{f}, \varphi \big\rangle - \big\langle \Delta^{-\frac{1}{2}} \ddot{f}, \dot{\varphi} \big\rangle
+\big\langle \Delta^{\frac{1}{2}} \mathrm{d}_\Sigma f, A_\Sigma \big\rangle + \big\langle \Delta^{-\frac{1}{2}}
\mathrm{d}_\Sigma \dot{f}, Q_\varepsilon \dot{A} \big\rangle \\
& = -\big\langle \Delta^{\frac{1}{2}} \dot{f}, \varphi \big\rangle + \big\langle \Delta^{\frac{1}{2}} f, \dot{\varphi} \big\rangle
+\big\langle \Delta^{\frac{1}{2}} \mathrm{d}_\Sigma f, A_\Sigma \big\rangle + \big\langle \Delta^{-\frac{1}{2}}
\mathrm{d}_\Sigma \dot{f}, P \dot{A} \big\rangle \\
& = -\big\langle \Delta^{\frac{1}{2}} \dot{f}, \varphi \big\rangle + \big\langle \Delta^{\frac{1}{2}} f, \dot{\varphi} \big\rangle
+\big\langle \Delta^{\frac{1}{2}} f, \tilde \updelta_\Sigma A_\Sigma \big\rangle + \big\langle \Delta^{-\frac{1}{2}}
\dot{f}, \tilde \updelta_\Sigma \dot{A} \big\rangle \\
&= -\big\langle \Delta^{\frac{1}{2}} \dot{f}, \varphi \big\rangle + \big\langle \Delta^{\frac{1}{2}} f, \dot{\varphi} \big\rangle
-\big\langle \Delta^{\frac{1}{2}} f, \dot \varphi \big\rangle + \big\langle \Delta^{\frac{1}{2}}
\dot{f}, \varphi\big\rangle \\
&=0.
\end{align*}
Similarly, if $u_1,u_2 \in C^\infty_0(M)$ and $(f_{1,2},\dot f_{1,2})$ denotes the Cauchy data of $G f_{1,2}$ then
\begin{align*}
& \Re \langle \kappa(\mathrm{d} u_1), \kappa(\mathrm{d} u_2) \rangle \\ & =
-\big\langle \Delta^{\frac{1}{2}} \dot{f}_1, \dot f_2 \big\rangle - \big\langle \Delta^{-\frac{1}{2}} \ddot{f}_1, \ddot{f}_2 \big\rangle
+\big\langle \Delta^{\frac{1}{2}} \mathrm{d}_\Sigma f_1, \mathrm{d}_\Sigma f_2 \big\rangle + \big\langle \Delta^{-\frac{1}{2}}
\mathrm{d}_\Sigma \dot{f}_1, Q_\varepsilon\mathrm{d}_\Sigma \dot{f}_2 \big\rangle \\
&= -\big\langle \Delta^{\frac{1}{2}} \dot{f}_1, \dot f_2\big\rangle - \big\langle \Delta^{\frac{3}{2}} f_1, f_2 \big\rangle
+\big\langle \Delta^{\frac{1}{2}} \mathrm{d}_\Sigma f_1, \mathrm{d}_\Sigma f_2 \big\rangle + \big\langle \Delta^{-\frac{1}{2}}
\mathrm{d}_\Sigma \dot{f}_1, \mathrm{d}_\Sigma \dot{f}_2 \big\rangle \\
&=-\big\langle \Delta^{\frac{1}{2}} \dot{f}_1, \dot f_2 \big\rangle - \big\langle \Delta^{\frac{3}{2}} f_1, f_2 \big\rangle
+\big\langle \Delta^{\frac{3}{2}} f_1, f_2 \big\rangle + \big\langle \Delta^{\frac{1}{2}}
\dot{f}_1, \dot{f}_2 \big\rangle = 0 \:.\\
\end{align*}
Finally, to prove (viii), assume $f_1,f_2 \in C^\infty_0(M;\Lambda^1 T^*M)$ and $\tilde \updelta f_1 = \tilde \updelta f_2 =0$.
The Cauchy data of $G f_i$ will be $(\varphi_i \mathrm{d} t + A_i, \dot \varphi_i \mathrm{d} t + \dot A_i)$.
Then $\Delta \varphi_i= \tilde \updelta_\Sigma \dot A_i$ and
hence $\mathrm{d} \varphi_i - \dot A_i$ is co-closed and compactly supported. As before this implies
$Q_{0,\varepsilon} \dot A_i = P_0 \dot A_i$ and hence
$$
-G_Z(f_1,f_2) = \langle A_1, Q_{0,\varepsilon} \dot A_2 \rangle - \langle A_2, Q_{0,\varepsilon} \dot A_1 \rangle =
\langle A_1, P_0 \dot A_2 \rangle - \langle A_2, P_0 \dot A_1 \rangle,
$$
which does not depend on the cut-off or $\varepsilon$. This shows that the imaginary part of $\langle \kappa(f_1), \kappa(f_2) \rangle$ is independent of the cut-off function and $\varepsilon$. We therefore only need to show that the same holds true for the real part.
Under the assumption that $\tilde \updelta f = 0$ we have by \eqref{cclformula} that
\begin{gather*}
\langle \kappa(f), \kappa(f) \rangle =
\langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma A, \mathrm{d}_\Sigma A \rangle + \langle \Delta^{-\frac{3}{2}} \mathrm{d}_\Sigma \dot A,\mathrm{d}_\Sigma \dot A \rangle.
\end{gather*}
Therefore, by polarisation the real part of $\langle \kappa(f_1), \kappa(f_2) \rangle$ is independent of the cut-off function and $\varepsilon$.
\end{proof}
\begin{Remark}
Whereas $(\tilde \updelta \mathrm{d} + \mathrm{d} \tilde \updelta) G = 0$ we have $\mathrm{d} \tilde \updelta G = \mathrm{d} G \tilde \updelta \not= 0$. This means that the integral kernel $G(\mathrm{d} \cdot, \mathrm{d} \cdot) $ is not in general zero. We therefore have in general $\langle \kappa(\mathrm{d} f_1), \kappa(\mathrm{d} f_2) \rangle \not= 0$ and the real part is necessary in (vii) for the statement to be correct. The real part had been omitted in \cite{MR3369318} by mistake.
\end{Remark}
Now one introduces the Bosonic Fock space by
\begin{equation} \label{Kdef}
\mathfrak{K} =\bigoplus_{N=0}^\infty \hat{\bigotimes}_s^N \mathscr{K} \:,
\end{equation}
where~$\hat \otimes$ denotes the completed symmetric tensor products of Krein spaces and $\bigoplus_{N=0}^\infty$ denotes the algebraic direct sum. For convenience and definiteness the symmetric tensor product $\hat{\bigotimes}_s^N \mathscr{K}$ is understood as the closed subspace of fully symmetric tensors in the completed tensor product $\hat{\bigotimes}^N \mathscr{K}$ with inner product
$$
\langle \phi_1 \otimes_s \ldots \otimes_s \phi_N, \phi_1 \otimes_s \ldots \otimes_s \phi_N \rangle = N! \langle \phi_1 \otimes_s \ldots \otimes_s \phi_N, \phi_1 \otimes_s \ldots \otimes_s \phi_N \rangle_{\hat{\bigotimes}^N \mathscr{K}},
$$
and
$$
\phi_1 \otimes_s \ldots \otimes_s \phi_N = \frac{1}{N!} \sum_{\sigma} \phi_{\sigma(1)} \otimes_s \ldots \otimes_s \phi_{\sigma(N)},
$$
where the sum is over all permutations $\sigma$ of $\{1, \ldots, N\}$.
Note that $\mathfrak{K}$ is an indefinite inner product space but does not have a canonical
completion to a Krein space. We will therefore not complete it but work directly with the incomplete space $\mathfrak{K}$. Completeness of
$\mathfrak{K}$ is not important in this construction and this therefore will not cause any problems.
For $\psi \in \mathscr{K}$, we let $a(\psi)$ be the annihilation operator and $a^*(\psi)$
be the creation operator, defined as usual by
\begin{equation} \label{adef}
\begin{split}
a^*(\psi) \,\phi_1 \otimes_s \ldots \otimes_s \phi_N &= \psi \otimes_s
\big(\phi_1 \otimes_s \ldots \otimes_s \phi_N \big) \\
a(\psi) \,\phi_1 \otimes_s \ldots \otimes_s \phi_N &= \sum_{k=1}^N \langle \phi_k,\psi \rangle \:\phi_1 \otimes_s \ldots \otimes_s \hat \phi_k \otimes_s \ldots \otimes_s
\phi_N \:,
\end{split}
\end{equation}
and the $\hat \phi_k$ notation indicates that this factor is omitted.
By construction, we have the canonical commutation relations
\begin{equation} \label{ccr}
\big[ a(\psi), a^*(\phi) \big] = \langle \phi,\psi \rangle \mbox{\rm 1 \hspace{-1.05 em} 1} \:.
\end{equation}
In the Fock space $\mathfrak{K}$ the distinguished vector $1 \in \mathbb{C}$ in the tensor algebra is called the vacuum vector.
We will denote this vector $\Omega_\mathfrak{K}$. In the particle interpretation of Fock space this corresponds to the state with no particles (photons). Unfortunately, the Fock space $\mathfrak{K}$ is not sufficient to represent the field algebra $\mathcal{F}$ in the presence of zero modes. These modes require a different construction that I am going to describe now.
The null space of $G_Z$ is the space of solutions with Cauchy data in $\mathrm{ker}(Q_{0,\varepsilon}^*) \oplus \mathrm{ker}(Q_{0,\varepsilon})$. Hence, the range of $Q_\varepsilon \oplus Q_\varepsilon^*$ is isomorphic to $Z$. The ordered basis
$$
\left( (\psi_1,0), \ldots, (\psi_{L-1},0), (\psi_\varepsilon,0), (0,\psi_1),\ldots, (0,\psi_L) \right)
$$
then defines a symplectomorphism $\iota: Z \to \mathbb{R}^{2L}$ (equipped with standard symplectic structure).
Let $(e_1,\ldots,e_L, b_1,\ldots,b_L)$ be the standard basis in $\mathbb{R}^{2L}$ and define $Y= \iota^{-1}\mathrm{span}\{e_k\}$, $\tilde Y= \iota^{-1}\mathrm{span}\{b_k\}$. The Schr\"odinger representation of the CCR-algebra of $\mathbb{R}^{2L}$ on $\mathcal{S}(\mathbb{R}^L)$ is defined by the operators
$$
\hat e_k \psi = x_k \psi, \quad \hat b_k \psi = \rmi \partial_k \psi, \quad \psi \in \mathcal{S}(\mathbb{R}^L).
$$
We then have the commutation relations $[e_k, b_i] = -\rmi \updelta_{ik}$.
One complication that appears is that this inner product space does not have a natural vacuum state, exactly in the same way as Schr\"odinger quantum mechanics of the free particle does not have a zero energy state.
Any $L^2$-normalised vector $\Omega_0$ in $\mathcal{S}(\mathbb{R}^L)$ then gives rise to a vacuum-like vector $\Omega = \Omega_\mathfrak{K} \otimes \Omega_0 \in \mathfrak{K} \otimes \mathcal{S}(\mathbb{R}^L)$ that can be used to replace the vacuum in the construction.
This can also be described in a more functorial manner without reference to a basis.
Let~$\nu \::\: C^\infty_0(M;\Lambda^1 T^*M) \rightarrow Z$ be the quotient map,
and~$\tilde{G}_Z$ the induced symplectic form on~$Z$.
We choose a complex structure~${\mathfrak{J}}$ on $Z$ such that~$K(\cdot,\cdot)
:=-\tilde{G}_Z(\cdot,{\mathfrak{J}} \cdot)$ is a real inner product. This complex structure then induces a canonical splitting
$Z= Y \oplus \tilde Y$ into two $K$-orthogonal Lagrangian subspaces $Y$ and $\tilde Y$ such that the symplectic form is given
by $\tilde{G}_Z((x_1,x_2),(y_1,y_2)) = K(x_1,y_2)-K(x_2,y_1)$. Let $\mathrm{pr}_1$ and $\mathrm{pr}_2$ be the
canonical projections and let $\nu_i := \mathrm{pr}_i \circ \nu$.
On the Schwartz space~$\mathcal{S}(Y, \mathbb{C})$, we define~$\hat{A}_{\mathfrak{J}}(f) \in \End(\mathcal{S}(Y, \mathbb{C}))$ by
\[ \big( \hat{A}_{\mathfrak{J}}(f) \phi \big)(x) = K \big( \nu_1(f), x \big)\: \phi(x)
+ \rmi\, (D_{\mathfrak{J}\nu_2(f)} \phi)(x) \]
(where~$D_{\mathfrak{J}\nu_2(f)}$ denotes the derivative in the direction~${\mathfrak{J}\nu_2(f)} \in Y$).
A short computation using the identity
\begin{align*}
K &\big(\nu_1(f), x \big)\, \big(D_{\mathfrak{J}\nu_2(g)} \phi \big)(x) - D_{\mathfrak{J}\nu_2(g)}
\Big( K \big(\nu_1(f), x \big)\, \phi(x) \Big) \\
&= -\left( D_{\mathfrak{J}\nu_2(g)} K(\nu_1(f), x) \right) \phi(x) = -K \big( \nu_1(f), \nu_2 (g) \big)\: \phi(x)
\end{align*}
shows that~$\hat{\mathbf{A}}_{\mathfrak{J}}$ satisfies the canonical commutation relations
\[ [\hat{\mathbf{A}}_{\mathfrak{J}}(f_1), \hat{\mathbf{A}}_{\mathfrak{J}}(f_2)] = -\rmi G_Z(f_1,f_2)\:. \]
\begin{Thm} \label{represthm}
Define~$\hat{\mathbf{A}}(f)$ on~${\mathfrak{K}} \otimes {\mathcal{S}(Y, \mathbb{C})}$ by
\[ \hat{\mathbf{A}}(f) = \frac{1}{\sqrt{2}} \Big( a \big(\kappa (f) \big) + a^* \big( \kappa(f) \big) \Big) \otimes \mbox{\rm 1 \hspace{-1.05 em} 1}
+\mbox{\rm 1 \hspace{-1.05 em} 1} \otimes \hat{\mathbf{A}}_{\mathfrak{J}}(f)\:. \]
Then the mapping
\[ \pi \::\: \mathbf{A}(f) \mapsto \hat{\mathbf{A}}(f) \]
extends to a $*$-representation $\pi$ of the field algebra $\mathcal{F}$ by operators
that are symmetric with respect to the indefinite inner product on $\mathfrak{K}$.
\end{Thm}
Since the space ${\mathfrak{K}}$ was not completed the operators $\hat{\mathbf{A}}(f)$ are defined on the entire space and there are no domain issues.
The above construction ensures that $\pi(\mathcal{A}) \Omega$ which is spanned by vectors of the form
$$
\hat{\mathbf{A}}(f_1) \cdots \hat{\mathbf{A}}(f_n) \Omega, \quad \tilde \updelta f_1=0, \ldots,\tilde \updelta f_n=0
$$
are of non-negative type in the indefinite inner product space ${\mathfrak{K}} \otimes {\mathcal{S}(Y, \mathbb{C})}$.
Indeed, by Prop. \ref{kappaprop}, (iii) the vectors generated in the symmetric tensor product by the creation operator are all of non-negative type in the indefinite inner product space.
with $\tilde \updelta f=0$ generate the algebra of observables of the theory.
\subsection{The algebra of observables}
If $\psi$ is a one-form then one can integrate this one-form over a closed curve $\gamma$ to give a number
$\int_\gamma \psi$. In gauge theory the observable that associates to a connection one-form its integral over $\gamma$ is called a Wilson-loop. The map corresponding map is from the space of loops to the gauge group and this map determines the connection modulo gauge-transformations.
We would like to construct an analog of Wilson-loops in the sense of distributions here. So rather than taking integrals over loops we will instead use smooth test functions that play the role of smoothed out versions of Wilson-loops.
First we note that given a closed loop $\gamma$ it corresponds to a distributional $d+1-1$-current $g \in \mathcal{E}'(M;\Lambda^{d}T^*M)$ such that
the integral is given by the pairing $\int_\gamma \psi = g(\psi)$. Of course, $\partial \gamma = \emptyset$ and therefore the distributional current $g$ is closed.
If we use the inner product to identify distributions with functions this distributional current $g$ corresponds to a distributional co-closed one form $f \in \mathcal{E}'(M;\Lambda^1T^*M)$.
Co-closedness reflects the fact that $\gamma$ is a closed loop. Of course this distributional one-form may be approximated by a sequence of smooth co-closed one forms. Thus, the Wilson loops are completely determined if we know
$\langle \psi, f \rangle$ for all co-closed one forms $f$ of compact support. Obviously, the quantities $\langle \psi, f \rangle$ are also gauge-invariant:
$$
\langle \psi +\mathrm{d} \phi , f \rangle = \langle \psi , f \rangle + \langle\mathrm{d}
\phi , f \rangle = \langle \psi , f \rangle + \langle \phi , \tilde \updelta f \rangle = \langle \psi , f \rangle.
$$
Thus, generalising Wilson-loop observables we define the {\em{algebra of observables}}~$\mathcal{A}$ as the
unital subalgebra generated by $\mathbf{A}(f)$ with $f \in C^\infty_0(M, \Lambda^1T^*M), \tilde \updelta f=0$. The local algebras of
observables~$\mathcal{A}(\O)$ are given by~$\mathcal{A}(\O) = \mathcal{A}
\cap \mathcal{F}(\O)$.\\
Co-closed forms used in observables are compactly supported away from the objects. This excludes approximation of distributional one-forms which correspond to paths originating at an object and ending at another object or near infinity.
The physical interpretation of the algebra $\mathcal{A}(\mathcal{O})$ is that it consists of all the state preparations and measurements in the space-time region $\mathcal{O}$. In particular, if $\phi \in C_0^{\infty}(M; \Lambda^2 T^*M)$, then $\mathbf{A}(\tilde \updelta \phi)$ is an observable. Since $\mathbf{A}( \tilde \updelta \phi) =\mathrm{d} \mathbf{A} (\phi)$, this observable $\mathbf{F}(\phi) = \mathbf{A}( \tilde \updelta \phi) $ corresponds to the field
strength operator smeared out with the test function $\phi$. Since the algebra of observables may also contain observables that correspond to
smeared out measurements of $\mathbf{A}$ along homologically non-trivial cycles it may be strictly larger than the algebra generated by $\mathbf{F}(\phi) =\mathrm{d} \mathbf{A} (\phi)$. We denote the algebra generated by $\mathbf{F}(\phi)$ with
$\phi \in C^\infty_0(M; \Lambda^2 T^* M)$ by $\mathcal{A}_0$. By the Poincar\'e Lemma this coincides with the algebra generated by $\cup_{\mathcal{O}} \mathcal{A}(\mathcal{O})$ where $\mathcal{O}$ runs over all contractible open sets.
\subsection{Physics of generalised Fock representations}\label{physicstates}
In this subsection I would like to collect some physical considerations about the second tensor factor in the generalised Fock representations. This will also guide some notations in the next sections, in particular when it comes to observables.
We have seen that the symplectic vector-space $Z:=C^\infty_0(M;\Lambda^1T^*M) / \{f \,|\, G_Z(f,\cdot) = 0 \}$
is isomorphic to the space of solutions of the form $\phi(t) \mathrm{d} t + A(t)$ with $\phi(t)=0$ and Cauchy data
$$
(A(0),\dot A(0)) \in \mathrm{span} \{\psi_1,\ldots,\psi_{L-1},\psi_\varepsilon\} \oplus \mathrm{span} \{\psi_1,\ldots,\psi_L\}
$$
and standard symplectic form. We will choose $\tilde Y$ to correspond to the space of solutions with Cauchy data
$$
(0, \dot A(0)), \quad \dot A(0) \in \mathcal{H}^1(\Sigma).
$$
Therefore $Y$ and $\tilde Y$ will be identified with the space $\mathcal{H}^1(\Sigma)$ and the second tensor factor is therefore identified with the space of Schwartz functions $\mathcal{S}(\mathcal{H}^1(\Sigma))$ on $\mathcal{H}^1(\Sigma)$.
We have the following long exact sequence in cohomology
$$
0 \to H^0(\partial \Sigma) \to H^1_0(\Sigma) \to H^1_0(\overline{\Sigma}) \to H^1(\partial \Sigma) \to \ldots,
$$
which gives the canonical orthogonal decomposition $\mathcal{H}^1(\Sigma) = \mathcal{H}^1_\mathrm{q}(\Sigma) \oplus \mathcal{H}^1_{\mathrm{top}}(\Sigma)$, where $ \mathcal{H}^1_\mathrm{q}(\Sigma)$ corresponds to the image of $H^0(\partial \Sigma)$
in $\mathcal{H}^1(\Sigma) \cong H^1_0(\Sigma)$. The elements in $\mathcal{H}^1_\mathrm{q}(\Sigma)$ correspond to $L^2$-harmonic forms $\psi$ that are of the form $\mathrm{d} \phi$ for some smooth function $\phi$ on $\Sigma$. The function $\phi$ can be constructed as a harmonic function that is locally constant function on $\partial \Sigma$ and decaying at infinity. The one forms in $\mathcal{H}^1_\mathrm{q}(\Sigma)$ therefore are spanned by electric fields that correspond to electrostatic configurations generated by electrical charges located on the objects (see for example in \ref{cspheres}).
In contrast to this the elements on $\mathcal{H}^1_{\mathrm{top}}(\Sigma)$ are electrostatic configurations that exist without source in the presence of non-trivial topology as in the example of \ref{worm}.
Considering a quantum field theory such a QED (perturbatively) on $\Sigma$ it is reasonable to think of the electrostatic fields with sources on the objects as external fields that are not part of the dynamical content of the theory. On the other hand declaring the electrostatic configurations in $\mathcal{H}^1_{\mathrm{top}}(\Sigma)$ to be external fields would be very superficial. A direct inspection of Maxwell's equations shows that compactly supported topologically non-trivial currents are able to dynamically generate solutions of the Maxwell equations that are not orthogonal to the configurations in $\mathcal{H}^1_{\mathrm{top}}(\Sigma)$. In a perturbative treatment with external charged fields we can therefore expect these configurations to contribute and they must be part of the quantised theory.
We have not yet incorporated this difference into the mathematical theory and in fact the formalism of the generalised Fock representation allows to also treat the elements of $\mathcal{H}^1_{q}(\Sigma)$ as being quantised and dynamical. I would like to briefly explain how one can now proceed and describe the elements of $\mathcal{H}^1_{q}(\Sigma)$ as external fields. This discussion is meaningful only if the boundary $\partial \Sigma$ is non-empty, which I am assuming for the rest of this discussion. Then, the element $\psi_L$ is in $\mathcal{H}^1_{q}(\Sigma)$. We can of course choose the basis $(\psi_1,\ldots,\psi_L)$ in such a way that the basis elements are either in $\mathcal{H}^1_{q}(\Sigma)$ or in $\mathcal{H}^1_{\mathrm{top}}(\Sigma)$. Assume therefore $\{\psi_1,\ldots,\psi_j\}$ is as basis in $\mathcal{H}^1_{\mathrm{top}}(\Sigma)$ and $\{\psi_{j+1},\ldots,\psi_L\}$ is a basis in $\mathcal{H}^1_{q}(\Sigma)$.
We then obtain a splitting
$$
Z = Z_\mathrm{q} \oplus Z_\mathrm{top},
$$
where $Z_\mathrm{q}$ is isomorphic to the space solutions of the form $\phi(t) \mathrm{d} t + A(t)$ with $\phi(t)=0$ and Cauchy data
$$
(A(0),\dot A(0)) \in \mathrm{span} \{\psi_{j+1},\ldots,\psi_{L-1},\psi_\varepsilon\} \oplus \mathrm{span} \{\psi_{j+1},\ldots,\psi_L\}
$$
and standard symplectic form. The space $Z_\mathrm{top}$ is isomorphic to the space solutions of the form $\phi(t) \mathrm{d} t + A(t)$ with $\phi(t)=0$ and Cauchy data
$$
(A(0),\dot A(0)) \in \mathrm{span} \{\psi_{1},\ldots,\psi_{j}\} \oplus \mathrm{span} \{\psi_{1},\ldots,\psi_j\}
$$
and standard symplectic form.
In line with the discussion before the subspace $Z_k = \mathbb{R} \psi_k \oplus \mathbb{R} \psi_k$, $k \leq L-1$ corresponds to the symplectic space of classical solutions of the wave equation of the form $A(t) = \psi_k + t \cdot \psi_k$. The corresponds to a static electric field of the form $E(0) = -\psi_k$, $\dot E(0) = 0$. The subspace $Z_L = \mathbb{R} \psi_\epsilon \oplus \mathbb{R} \psi_L \subset Z_\mathrm{q}$ corresponds to the solution with initial data $E(0) = -\psi_L$, $\dot E(0) = \Delta_\Sigma \psi_\epsilon$. This is not quite a vacuum solution of Maxwell's solution because of the $\Delta_\Sigma \psi_\epsilon$ which is supported far away from the obstacle. In the limit $\epsilon \to 0$ this corresponds to the electrostatic configuration with all obstacle charged equally. Being orthogonal to this mode means that the total charge of the objects needs to vanish.
Let us choose the complex structure $\mathfrak{J}_\mathrm{q}$ on $Z_\mathrm{q}$ and $\mathfrak{J}_\mathrm{top}$ on $Z_\mathrm{top}$ such that the induced splitting $Z_\mathrm{q} = Y_\mathrm{q} \oplus \tilde Y_\mathrm{q}$ and $Z_\mathrm{top} = Y_\mathrm{top} \oplus \tilde Y_\mathrm{top}$ respectively coincide with the splittings
\begin{gather*}
Y_\mathrm{q} \oplus \tilde Y_\mathrm{q} = \mathrm{span} \{\psi_{j+1},\ldots,\psi_{L-1},\psi_\varepsilon\} \oplus \mathrm{span} \{\psi_{j+1},\ldots,\psi_L\},\\
Y_\mathrm{top} \oplus \tilde Y_\mathrm{top} = \mathrm{span} \{\psi_{1},\ldots,\psi_{j}\} \oplus \mathrm{span} \{\psi_{1},\ldots,\psi_j\}.
\end{gather*}
Then the second tensor factor in the generalised Fock representation can be written as a completed (projective) tensor product
$$
\mathcal{S}(Y) = \mathcal{S}(Y_\mathrm{top} \oplus Y_\mathrm{q}) = \mathcal{S}(Y_\mathrm{top}) \otimes_\pi \mathcal{S}(Y_\mathrm{q}),
$$
and the action of $\mathbf{A}_\mathfrak{J}(f)$ can be written as $\mathbf{A}_\mathfrak{J}(f) = \mathbf{A}_{\mathfrak{J}_\mathrm{top}}(f) \otimes \mbox{\rm 1 \hspace{-1.05 em} 1} +\mbox{\rm 1 \hspace{-1.05 em} 1} \otimes \mathbf{A}_{\mathfrak{J}_\mathrm{q}}$.
This splitting corresponds to the splitting $\mathcal{H}^1(\Sigma) = \mathcal{H}^1_\mathrm{top}(\Sigma) \oplus \mathcal{H}^1_\mathrm{q}(\Sigma)$.
The representation on the tensor factor is equivalent to the Schr\"odinger representation and this leads to the usual uncertainty relation between the symplectic conjugate variables.
If we choose, as before, an $L^2$-normalised vector $\Omega_0$
of the form $\Omega_\mathrm{top} \otimes \Omega_\mathrm{q}$ this gives rise to a vector
$\Omega = \Omega_\mathfrak{K} \otimes \Omega_\mathrm{top} \otimes \Omega_\mathrm{q}$ which separates all configurations.
For a fixed element $E_\mathrm{q} \in \mathcal{H}_\mathrm{q}^1(\Sigma)$ and an element $E_\mathrm{top} \in \mathcal{H}_\mathrm{top}^1(\Sigma)$ a possible choice would be the Gaussian
\begin{gather} \label{gausstate}
\Omega_\mathrm{top} \otimes \Omega_\mathrm{q} = \frac{1}{(2 \pi)^{\frac{L}{4}}} \frac{1}{\sigma_\mathrm{top}^\frac{j}{2} \sigma_\mathrm{q}^\frac{L-j}{2}} e^{\frac{-\|x+E_\mathrm{top}\|^2}{4 \sigma_\mathrm{top}^2}} e^{\frac{-\|y+E_\mathrm{q}\|^2}{ 4\sigma_\mathrm{q}^2}} \in \mathcal{S}( \mathcal{H}_\mathrm{top}^1(\Sigma) ) \otimes \mathcal{S}( \mathcal{H}_\mathrm{q}^1(\Sigma) ).
\end{gather}
To understand the field configuration described by this vector we form the expectation values
$$
\langle \hat{\mathbf{F}}(\phi) \Omega, \Omega \rangle=\langle \hat{\mathbf{A}}(\tilde \updelta \phi) \Omega, \Omega \rangle = \langle \hat{\mathbf{A}}_{\mathfrak{J}_\mathrm{top}}( \tilde \updelta \phi ) \Omega_\mathrm{top}, \Omega_\mathrm{top} \rangle + \langle \hat{\mathbf{A}}_{\mathfrak{J}_\mathrm{q}}( \tilde \updelta \phi ) \Omega_\mathrm{q},\Omega_\mathrm{q} \rangle
$$
for $\alpha \wedge \mathrm{d} t + \beta = \phi \in C^\infty_0(M; \Lambda^2 T^*M)$.
Since $\tilde \updelta \phi = (\tilde \updelta_\Sigma \alpha) \mathrm{d} t - \dot \alpha + \tilde \updelta_\Sigma \beta$
we can use \eqref{Aformul} and \eqref{Adotformul} to obtain for $1 \leq k \leq L$
\begin{gather*}
\langle A(0), \psi_k \rangle_{L^2(\Sigma)} = \langle -\int_\mathbb{R} \Delta^{-\frac{1}{2}} \sin(s \Delta^\frac{1}{2}) (\tilde \updelta \phi)(s,\cdot) \mathrm{d} s, \psi_k \rangle_{L^2(\Sigma)} =
\int_\mathbb{R} \langle \alpha(s), \psi_k \rangle \mathrm{d} s,\\
\langle \dot A(0), \psi_k \rangle_{L^2(\Sigma)} = \langle \int_\mathbb{R} \cos(s \Delta^\frac{1}{2}) \tilde (\updelta \phi)(s,\cdot) \mathrm{d} s, \psi_k \rangle_{L^2(\Sigma)} =
\int_\mathbb{R} \langle \dot \alpha(s), \psi_k \rangle \mathrm{d} s =0,
\end{gather*}
where ${\mathscr{A}}_{\tilde \updelta \phi} = \varphi \mathrm{d} t + A$.
Similarly,
\begin{gather*}
\langle A(0), \psi_\epsilon \rangle_{L^2(\Sigma)} = \langle -\int_\mathbb{R} \Delta^{-\frac{1}{2}} \sin(s \Delta^\frac{1}{2}) (\tilde \updelta \phi)(s,\cdot) \mathrm{d} s, \psi_\epsilon \rangle_{L^2(\Sigma)} \\ =
\langle \int_\mathbb{R} \Delta^{-\frac{1}{2}} \sin(s \Delta^\frac{1}{2}) \dot \alpha(s) \mathrm{d} s, \psi_\epsilon \rangle_{L^2(\Sigma)} =
-\langle \int_\mathbb{R} \cos(s \Delta^\frac{1}{2}) \alpha(s) \mathrm{d} s, \psi_\epsilon \rangle_{L^2(\Sigma)}.
\end{gather*}
If $\alpha$ is supported in a sufficiently small spacetime region that does not intersect the support of $\Delta \psi_\epsilon$ we can use finite propagation speed to simplify this further to
$$
\langle A(0), \psi_\epsilon \rangle_{L^2(\Sigma)} = - \int_\mathbb{R} \langle \alpha(s), \psi_k \rangle \mathrm{d} s.
$$
The equivalence class of the function $\tilde \updelta \phi$ gets identified with the vector
$$
\left ( \langle \alpha, \psi_1 \rangle_{L^2(M)}, \ldots, \langle \alpha, \psi_{L-1} \rangle_{L^2(M)}, \langle \alpha, \psi_\epsilon\rangle_{L^2(M)} ; 0,\ldots, 0 \right ) \in \mathbb{R}^{2 L}
$$
in $Z$ if we use the basis as before and $\psi_k$ and $\psi_\epsilon$ are understood as functions on $M$ independent of time.
The expectation value is therefore
$$
\langle \hat{\mathbf{A}}_{\mathfrak{J}_\mathrm{top}}( \tilde \updelta \phi ) \Omega_\mathrm{top}, \Omega_\mathrm{top} \rangle = \langle E_\mathrm{top}, \alpha \rangle_{L^2(M)}
$$
and, again, if $\alpha$ has sufficiently small support away from the support of $\Delta \psi_\epsilon$ then we also have
$$
\langle \hat{\mathbf{A}}_{\mathfrak{J}_\mathrm{q}}( \tilde \updelta \phi ) \Omega_\mathrm{q}, \Omega_\mathrm{q} \rangle = \langle E_\mathrm{q}, \alpha \rangle_{L^2(M)}.
$$
Hence, the the distribution $\langle \hat{\mathbf{F}}(\phi) \Omega, \Omega \rangle$ is given by the constant function $E_\mathrm{q} + E_\mathrm{top}$ away from the support of $\Delta \psi_\epsilon$. As $\epsilon \to 0$ the support of $\Delta \psi_\epsilon$ moves to infinity so that for fixed $\alpha$ we can always find $\epsilon_1>0$ such that for $0<\epsilon < \epsilon_1$ the above holds.
Since we are dealing with the Schr\"odinger representation we have the usual uncertainties of Gaussian states
\begin{gather*}
\langle \hat{\mathbf{A}}_{\mathfrak{J}_\mathrm{top}}( \tilde \updelta \phi )^2 \Omega_\mathrm{top}, \Omega_\mathrm{top} \rangle^2- \langle \hat{\mathbf{A}}_{\mathfrak{J}_\mathrm{top}}( \tilde \updelta \phi ) \Omega_\mathrm{top}, \Omega_\mathrm{top} \rangle^2 = \sigma_\mathrm{top}^2,\\
\langle \hat{\mathbf{A}}_{\mathfrak{J}_\mathrm{q}}( \tilde \updelta \phi )^2 \Omega_\mathrm{q}, \Omega_\mathrm{q} \rangle^2- \langle \hat{\mathbf{A}}_{\mathfrak{J}_\mathrm{q}}( \tilde \updelta \phi ) \Omega_\mathrm{q}, \Omega_\mathrm{q} \rangle^2 = \sigma_\mathrm{q}^2.
\end{gather*}
In the limit $\sigma_\mathrm{q} \to 0$ the state becomes classical and corresponds to a classical field configuration with electrical field $E_\mathrm{q}$. By the uncertainty relation this however means that the state is not defined any more on other fields. I will now argue that as long as we are only interested in representations of the observable algebra we can consider the limit $\sigma_\mathrm{q} \to 0$.
If $\tilde \updelta f=0, f \in C^\infty_0(M,\Lambda^1 T^*M)$ and $\mathscr{A}_f = \varphi \mathrm{d} t + A$ then
$\dot A(0) - d \varphi(0)$ is compactly supported in $\Sigma$ and co-closed (see \eqref{fourten}). Since all the elements in
$\mathcal{H}^1_{\mathrm{q}}(\Sigma)$ are exact and co-closed we have
$\langle \dot A(0), \psi \rangle =0 $
for all $\psi \in \mathcal{H}^1_{\mathrm{q}}(\Sigma)$ and therefore
$\hat{\mathbf{A}}_{\mathfrak{J}_\mathrm{q}}( f )$ is a multiplication operator on $\mathcal{S}(Y_\mathrm{q})$ by a linear function in that case.
This implies that
the limit $$\mathcal{A} \to \mathbb{C}, \quad T \mapsto \lim_{\epsilon \to 0} \lim_{\sigma_\mathrm{q} \to 0} \langle T \Omega, \Omega \rangle$$
defines a state on the algebra of observables. It also means that $\hat{\mathbf{A}}_{\mathfrak{J}_\mathrm{q}}( f )$ commutes with all the other multiplication operators on $\mathcal{S}(Y_\mathrm{q})$. Hence, whereas the algebra of observables contains elements that measure the classical field configuration consisting the electrostatic fields generated by charges on the obstacles these configurations behave like classical fields. More generally any probability measure on $Y_\mathrm{q}$ together with an $L^2$-normalised vector in $\mathcal{S}(Y_\mathrm{top})$ will define a state on the algebra of observables.
In the general when $\mathcal{H}^1_{\mathrm{top}}(\Sigma) \not= \{0\}$ observables that are not multiplication operators on $\mathcal{S}(Y_\mathrm{top})$. Therefore field configurations in $\mathcal{H}^1_{\mathrm{top}}(\Sigma)$ should probably not be treated as classical observables. I do not discuss this in more detail as this is outside the focus
of this paper.
\section{$n$-point functions for the fields}
As before we assume in the entire section that $\Sigma_\circ$ is Euclidean near infinity, $d \geq 3$, and $\tau- \mbox{\rm 1 \hspace{-1.05 em} 1}$ is compactly supported.\\
The $n$-point distributions $\omega_n^{A} \in
\mathcal{D}'(M^n, \Lambda^1 T^*M \boxtimes \ldots \boxtimes \Lambda^1 T^*M)$ for the field $\mathbf{A}$ are defined by
$$
\omega_n^{A}(f_1 \otimes \ldots \otimes f_n) = \langle \hat{\mathbf{A}}(f_1) \cdots \hat{\mathbf{A}}(f_n) \Omega, \Omega \rangle
$$
and they therefore depend on the choice of vector $\Omega_0$.
The one-point distribution equals
$$
\omega_1^{A}(f) = \langle \mathbf{A}_{\mathfrak{J}}(f) \Omega_0, \Omega_0 \rangle
$$
and the two point function is
$$
\omega_2^{A}(f_1,f_2) = \frac{1}{2} \langle \kappa(f_2), \kappa(f_1) \rangle + \langle \mathbf{A}_{\mathfrak{J}}(f_1) \mathbf{A}_{\mathfrak{J}}(f_2)\Omega_0 , \Omega_0\rangle.
$$
\begin{Thm} \label{omegaath}
We have
\begin{itemize}
\item[(i)] $\omega_2^{A}(f_1,f_2)$ is a distributional bisolution, i.e. $\omega_2^{A}(\Box f_1,f_2) = \omega_2^{A}( f_1,\Box f_2) =0$.
\item[(ii)] We have $\omega_2^{A}(f,f) \geq 0$ if~$f \in C_0^{\infty}(M; \Lambda^1 T^*M)$ with $\tilde \updelta f=0$.
\item[(iii)] $\omega_2^{A}(f_1,f_2) -\omega_2^{A}(f_2,f_1) = -\rmi G(f_1,f_2)$.
\item[(iv)] Microlocal spectrum condition:
\[ {\rm{WF}}(\omega_2^{A}) = \big\{ (x_1, \xi_1,x_2,-\xi_2) \in T^*M \times T^*M \:|\: \xi_1 \in N^+_{\tilde g} , (x_1, \xi_1,x_2,-\xi_2) \in {\rm{WF}}(G) \big\} \:. \]
\item[(v)] If $ \tilde \updelta f_1 =\tilde \updelta f_2 =0$ then $\Im(\omega_2^{A}(f_1,f_2))$ is independent of $\varepsilon$, the cutoff function used to define $Q_\varepsilon$, and the vector $\Omega_0$.
\item[(vi)] For any fixed cut-off function and $\psi \in C_0^{\infty}(M)$, $f \in C_0^{\infty}(M; \Lambda^1 T^*M)$ the limit $\varepsilon \searrow 0$ of $\omega_2^{A}(\mathrm{d} \psi,f)$ exists and equals
$
\frac{1}{2} \langle \kappa(\mathrm{d} \psi), \kappa(f) \rangle.
$
\end{itemize}
\end{Thm}
\begin{proof}
Property (i) is immediately clear by construction. Property (ii) follows from Prop. \ref{kappaprop}{(ii)} and
$$
\omega_2^{A}(f,f) = \frac{1}{2} \langle \kappa(f), \kappa(f) \rangle + \langle \hat{\mathbf{A}}_{\mathfrak{J}}(f) \Omega_0, \hat{\mathbf{A}}_{\mathfrak{J}}(f) \Omega_0 \rangle \geq \frac{1}{2} \langle \kappa(f), \kappa(f) \rangle .
$$
Property (iii) follows immediately from Prop. \ref{kappaprop}{(iv)} and the commutator relation for $\hat{\mathbf{A}}_{\mathfrak{J}}(f)$.
Next consider the microlocal spectrum condition (iv). Since the distribution defined by $\langle \mathbf{A}_{\mathfrak{J}}(f_1)\Omega_0, \mathbf{A}_{\mathfrak{J}}(f_2)\Omega_0 \rangle$
is smooth we only need to compute the wavefront set of the distribution defined by $f_1 \otimes f_2 \mapsto \langle \kappa(f_2), \kappa(f_1) \rangle$.
As a distribution with values in a Hilbertisable space we showed that ${\rm{WF}}(\kappa(\cdot)) \subseteq N^-_{\tilde g}$. We now follow the proof in \cite{MR1936535}*{Prop 6.1}. First, by continuity of the inner product ${\rm{WF}}(\omega_2^{A})$ is contained in $(N^+_{\tilde g}\setminus 0 ) \times (N^-_{\tilde g}\setminus 0 )$. Note that since the inner product is sesquilinear in order to define the distribution on complex valued forms and use the Fourier transform one needs to complex conjugate in the second variable, hence the flip from $N^+_{\tilde g}$ to $N^-_{\tilde g}$ in the second argument.
The distribution
$\tilde \omega_2^{A}$ defined by $\tilde \omega_2^{A}(f_1,f_2)=\omega_2^{A}(f_2,f_1)$ then has wavefront set contained in $(N^-_{\tilde g}\setminus 0 ) \times (N^+_{\tilde g}\setminus 0 )$.
Thus, we have ${\rm{WF}}(\omega_2^{A}) \cap {\rm{WF}}(\tilde \omega_2^{A}) = \emptyset$ and therefore $ {\rm{WF}}(\omega_2^{A}-\tilde\omega_2^{A}) = {\rm{WF}}(\omega_2^{A}) \cup {\rm{WF}}(\tilde \omega_2^{A})$. The statement then follows.
Property (v) is an immediate consequence of Prop. \ref{kappaprop}, (viii).
Next note that $G(\mathrm{d} \psi)= \mathscr{A}_{\mathrm{d} \psi}, \psi \in C^\infty_0(M),$ is of the form $\dot \varphi \mathrm{d} t + \mathrm{d}_\Sigma \varphi = \dot \varphi \mathrm{d} t + A$, where $\varphi = G \psi$ is a solution of the wave equation on functions with spacelike compact support. In particular, $A$ is exact. The image of $\mathrm{d} \psi$ in $Z$ is then identified with
$$
(Q_\varepsilon A(0), Q_\varepsilon \dot A(0)) = (0, \langle \dot A(0) ,\psi_\varepsilon \rangle \psi_L) =(0, \langle \dot \varphi ,\tilde \updelta_\Sigma \psi_\varepsilon \rangle \psi_L) \in \{0\} \oplus \mathcal{H}^1(\Sigma).
$$
By Prop. \ref{propqeps}, (x) this converges to zero as $\varepsilon \searrow 0$. This implies $\mathbf{A}_{\mathfrak{J}}(\mathrm{d} \psi) \Omega_0 \to 0$
and hence (vi).
\end{proof}
In case $\partial\Sigma = \emptyset$ we have
$$
{\rm{WF}}(G) = \big\{ (x_1, \xi_1,x_2,-\xi_2) \in T^*M \times T^*M \:|\: 0 \not= \xi_1 \in N_{\tilde g} , \exists t \in \mathbb{R}: \Phi_t(\xi_1) = \xi_2 \big\}
$$
where $N$ denotes the set of null-covectors and $\Phi_t$ denotes the time $t$ geodesic flow.
This form of wavefront set for the difference of the retarded and advanced fundamental solution
is well known. It can be directly inferred from the fact that these fundamental solutions are distinguished parametrices in the sense
sense of Duistermaat and H\"ormander (see \cite{MR388464} for details).
The above $n$-point functions do not define states on the field algebra in the classical sense since they fail to be positive. The restriction to the observable algebra do however define states. If the states are appropriately chosen, such as for example in Section \ref{physicstates} then the state obtained in the limit $\varepsilon \searrow 0$ on the algebra of observables is well defined and independent of chosen cutoff functions.
\subsection{Reduced $n$-point functions for the field operators}
In this section we will be discussing the observables of the form $\mathbf{A}(\tilde \updelta f)$, $f \in C^\infty_0(M;\Lambda^2 T^*M)$. As before, define $\hat{\mathbf{F}}(f):= \hat{\mathbf{A}}(\tilde \updelta f) \in \mathcal{A}$
for a two-form $f \in C^\infty_0(M;\Lambda^2 T^*M)$. The operator-valued distribution $\hat{\mathbf{F}}$ is called the field-strength operator. Its $n$-point function is given by
$$
\langle \hat{\mathbf{F}}(f_1) \cdots \hat{\mathbf{F}}( f_n) \Omega, \Omega \rangle = \langle \hat{\mathbf{A}}(\tilde \updelta f_1) \cdots \hat{\mathbf{A}}(\tilde \updelta f_n) \Omega, \Omega \rangle.
$$
By the definition $\hat{\mathbf{A}}$ of Theorem \ref{represthm} the operator $ \hat{\mathbf{F}}(f)$ can be written as a sum
$\hat{\mathbf{F}}(f) = \hat{\mathbf{F}}_\mathfrak{K}(f) + \hat{\mathbf{F}_\mathfrak{J}}(f) $, where
$$
\hat{\mathbf{F}}_\mathfrak{K}(f) = \frac{1}{\sqrt{2}} \Big( a \big(\kappa (\tilde \updelta f) \big) + a^* \big(\kappa (\tilde \updelta f) \big) \Big)
$$
acts only on the first tensor factor and $\hat{\mathbf{F}_\mathfrak{J}}(f)$ acts only on the second tensor factor as a multiplication operator by an element in $Y$.
Therefore, the $n$-point distributions can be computed from the reduced $n$-point functions
$$
\omega_n^F(f_1,\ldots,f_n) := \langle \hat{\mathbf{F}_\mathfrak{K}}(f_1) \cdots \hat{\mathbf{F}_\mathfrak{K}}( f_n) \Omega_\mathfrak{K}, \Omega_\mathfrak{K} \rangle
$$
and the corresponding vector $\Omega_0$ and these define a state on the algebra $\mathcal{A}_0$ generated by $\mathbf{F}(f), f \in C^\infty_0(M; \Lambda^2T^*M)$.
These $n$-point functions inherit the combinatorics of the Fock space. In fact, the state defined by the $\omega_n^F$ on the $*$-algebra generated by $\mathbf{F}(f)$ is quasifree in the sense that it satisfies the Wick rule
\[ \omega_n^F(f_1,\ldots,f_n)=\sum_P \:\prod_r\: \omega_2^F(f_{(r,1)},f_{(r,2)}) \:, \]
where $P$ denotes a partition of the set $\{1,\ldots,n\}$ into subsets
which are pairings of points labeled by $r$. The higher $n$-point distributions are therefore completely determined by the $2$-point distribution. The symmetric part $\frac{1}{2}\left( \omega_2^F(f_1,f_2) + \omega_2^F(f_2,f_1) \right)$ of this two-point function is, by the polarisation identity, completely determined by its diagona. This value is derived from Equ. \eqref{cclformula} to be
$$
\omega_2^F(f,f) = \frac{1}{2} \langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma A, \mathrm{d}_\Sigma A \rangle + \frac{1}{2} \langle \Delta^{-\frac{3}{2}} \mathrm{d}_\Sigma \dot A,\mathrm{d}_\Sigma \dot A \rangle,
$$
where $A = -\dot E + \tilde \updelta_\Sigma B$ and $(E \wedge \mathrm{d} t + B, \dot E \wedge \mathrm{d} t + \dot B)$ is the Cauchy data of $G(f)$. This can also be written as
\begin{gather} \label{Fstateform}
\omega_2^F(f,f) = \frac{1}{2}\langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma \dot E,\mathrm{d}_\Sigma \dot E \rangle + \frac{1}{2}\langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma \tilde \updelta_\Sigma B, \mathrm{d}_\Sigma \tilde \updelta_\Sigma B \rangle
- \frac{1}{2}\langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma \dot E, \mathrm{d}_\Sigma \tilde \updelta_\Sigma B \rangle \\
- \frac{1}{2}\langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma \tilde \updelta_\Sigma B, \mathrm{d}_\Sigma \dot E \rangle +
\frac{1}{2}\langle \Delta^{\frac{1}{2}} \mathrm{d}_\Sigma E,\mathrm{d}_\Sigma E \rangle + \frac{1}{2}\langle \Delta^{-\frac{3}{2}} \mathrm{d}_\Sigma \tilde \updelta_\Sigma \dot B, \mathrm{d}_\Sigma \tilde \updelta_\Sigma \dot B \rangle \nonumber\\
+ \frac{1}{2} \langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma E, \mathrm{d}_\Sigma \tilde \updelta_\Sigma \dot B \rangle
+ \frac{1}{2} \langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma \tilde \updelta_\Sigma \dot B, \mathrm{d}_\Sigma E \rangle. \nonumber
\end{gather}
Note that in the above $f$ is an arbitrary compactly supported test form and therefore $Gf = E(t) \wedge \mathrm{d} t + B(t)$
is a general solution of the wave equation constructed from $f$. Hence, $E(t), B(t)$ are solutions of the wave equation. They do not in general satisfy Maxwell's equation.
Since the distribution $\omega_2^F$ is a bi-solution of the wave equation it can be restricted to $\Sigma \times \Sigma$ and the symmetric part of its restriction equals to
\begin{gather} \label{resttwopoint}
\omega_2^F|_{\Sigma \times \Sigma}(f,f) = \frac{1}{2} \langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma E,\mathrm{d}_\Sigma E \rangle + \frac{1}{2} \langle \Delta^{-\frac{1}{2}} \tilde \updelta_\Sigma B, \tilde \updelta_\Sigma B \rangle,
\end{gather}
if as before $Gf(0) = E \wedge \mathrm{d} t + B.$
To see this note that for $E \in C^\infty_0(\Sigma; \Lambda^1 T^*\Sigma)$ and
$B \in C^\infty_0(\Sigma; \Lambda^2 T^*\Sigma)$ we can form the distributional two form
$E \otimes \updelta(t) \wedge \mathrm{d} t + B \otimes \updelta(t)$ on $M$ which is supported at $t=0$. Then the solution of the wave equation $\tilde E(t) \mathrm{d} t + \tilde B(t) = G( E \otimes \updelta(t) \wedge \mathrm{d} t + B \otimes \updelta(t))$ has initial data
$\tilde E(0) =0, \dot{\tilde E}(0) = E$ and $\tilde B(0)=0, \dot{\tilde B}(0) = B$. The formula for the restriction follows from \eqref{Fstateform}.
This shows in particular that the state $\omega^F$ is independent of the cut-off function on $\varepsilon$ used to define $Q_\varepsilon$.
Note that $\omega_2^{F}$ cannot satisfy Maxwell's equation because its anti-symmetric part $G(\tilde \updelta \cdot,\tilde \updelta \cdot)$ does not.
However, the symmetric part of $\omega_2^{F}$ satisfies the homogeneous Maxwell equations. Indeed,
\begin{gather*}
\Re\; \omega_2^{F}(\mathrm{d} h, f) = \Re\; \omega_2^{A}(\tilde \updelta \mathrm{d} h, \tilde \updelta f) = \frac{1}{2} \Re\; \langle \kappa (\tilde \updelta \mathrm{d} h) ,\tilde \updelta f\rangle =
-\frac{1}{2} \Re\; \langle \kappa (\mathrm{d} \tilde \updelta h) ,\kappa(\tilde \updelta f) \rangle =0,
\end{gather*}
where in the last step we used Prop. \ref{kappaprop} (vii).
We also have $\omega_2^{F}(\tilde \updelta \cdot,\cdot)=0$ since $\tilde \updelta^2=0$.
For co-exact arguments the smoothing operator in \eqref{firstorderequkappa} is no longer needed.
\begin{gather} \label{evolut}
\partial_t \kappa(\tilde \updelta f) = - \kappa(\partial_t \tilde \updelta f) =\\= \left( -\Delta^{\frac{1}{4}} \dot \varphi(0) + \rmi \Delta^{\frac{3}{4}} \varphi(0) \right) \oplus \left(- \Delta^{\frac{1}{4}} \dot A(0) + \rmi \Delta^{-\frac{1}{4}} Q_\varepsilon \Delta A(0) \right)
= \rmi \kappa(\Delta^{\frac{1}{2}} \tilde \updelta f) = \rmi \Delta^{\frac{1}{2}} \overline{\kappa}( \tilde \updelta f).\nonumber
\end{gather}
Here $A(0) = -\dot E(0)+ \tilde \updelta_\Sigma B(0)$ and $\dot A(0) = \Delta_\Sigma E(0)+ \tilde \updelta_\Sigma \dot B(0)$, where $E \wedge \mathrm{d} t + B = G(f)$, and therefore $Q_\varepsilon \dot A(0) = \dot A(0) $.
As before $\tilde \kappa$ is defined on the slightly larger space $C^\infty_0(\overline M; \Lambda^1 T^*M)$, taking into account that $\Delta^{\frac{1}{2}} \tilde \updelta f$ is not in general compactly supported in $\Sigma$.
The above implies $\omega^F_2(\partial_t f_1, f_2) + \omega^F_2( f_1, \partial_t f_2)=0$.
We summarise the properties we have just established in the following theorem.
\begin{Thm} \label{stateF}
We have
\begin{itemize}
\item[(i)] $\omega_2^{F}(f_1,f_2)$ is a distributional bisolution, i.e. $\omega_2^{F}(\Box f_1,f_2) = \omega_2^{F}( f_1,\Box f_2) =0$.
\item[(ii)] We have $\omega_2^{F}(f,f) \geq 0$ if~$f \in C_0^{\infty}(M; \Lambda^2 T^*M)$.
\item[(iii)] $\omega_2^{F}(f_1,f_2) -\omega_2^{F}(f_2,f_1) = -\rmi G(\tilde \updelta f_1,\tilde \updelta f_2)$.
\item[(iv)] Microlocal spectrum condition:
\[ {\rm{WF}}(\omega_2^{F}) = \big\{ (x_1, \xi_1,x_2,-\xi_2) \in T^*M \times T^*M \:|\: \xi_1 \in N^+_{\tilde g}, (x_1, \xi_1,x_2,-\xi_2) \in {\rm{WF}}(G) \big\} \:. \]
\item[(v)] If $ \tilde \updelta f_1 =\tilde \updelta f_2 =0$ then $\omega_2^{F}(f_1,f_2)$ is independent of $\varepsilon$ and the cutoff function used to define $Q_\varepsilon$.
\item[(vi)] $\Re(\omega_2^{F}(\mathrm{d} h ,f ))=0$ for any $h \in C_0^{\infty}(M; \Lambda^1 T^*M)$, $f \in C_0^{\infty}(M; \Lambda^2 T^*M)$.
\item[(vii)] $\omega_2^{F}(\tilde \updelta h ,f )=0$ for any $h \in C_0^{\infty}(M; \Lambda^3 T^*M)$, $f \in C_0^{\infty}(M; \Lambda^2 T^*M)$.
\item[(viii)] For $f \in C_0^{\infty}(\Sigma; \Lambda^2 T^*M)$ we have
\begin{gather*}
\omega_2^F|_{\Sigma \times \Sigma}(f,f) = \frac{1}{2} \langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma E,\mathrm{d}_\Sigma E \rangle + \frac{1}{2} \langle \Delta^{-\frac{1}{2}} \tilde \updelta_\Sigma B, \tilde \updelta_\Sigma B \rangle,
\end{gather*}
where $f = E \wedge \mathrm{d} t + B$.
\item[(viii)] $\omega_2^{F}(f_1,f_2)$ is time-translation invariant in the sense that $$\omega_2^{F}(f_1,f_2)= \omega_2^{F}(\alpha_t f_1,\alpha_t f_2),$$ where $\alpha_t$ denotes the flow induced by $\partial_t$ and parallel transport.
\end{itemize}
\end{Thm}
\section{The effect of the boundary conditions on the $2$-point functions}
We assume again throughout the section that $\Sigma_\circ$ is Euclidean near infinity, $d \geq 3$, and $\tau- \mbox{\rm 1 \hspace{-1.05 em} 1}$ is compactly supported.
As explained before the Fock representation defines a state on the algebra of observables $\mathcal{A}$. This then also defines a state on the local algebra of observables $\mathcal{A}(\mathcal{O})$ of a spacetime region $\mathcal{O} \subset M$. Such a spacetime region can also be thought of as a subset of $M_\circ$, the manifold without obstacles. The construction of the state on the complete manifold $M_\circ$, i.e. without objects and boundary conditions, defines another state on $\mathcal{A}(\mathcal{O})$. Of course the formulae derived in the previous sections for the $n$-point functions remain valid on $M_\circ$ since this is just the special case when $\partial \Sigma = \emptyset$. The only difference is that
now the Laplace operator $\Delta$ is the Laplace operator $\Delta_{\circ}$ on $\Sigma_\circ$.
We can then compare the two states on the local algebra of observables. In particular, we can compare the two-point functions $\omega_2^F$ and $\omega_{\circ,2}^F$ as distributions on $M$.
\begin{Thm}
The distribution $\omega_2^F - \omega_{\circ,2}^F$ is smooth near the diagonal in $M \times M$. The restriction of
$\omega_2^F - \omega_{\circ,2}^F$ to $\Sigma \times \Sigma$ is smooth.
\end{Thm}
\begin{proof}
This anti-symmetric part of this distribution is $G-G_\circ$. By finite propagation speed $G$ is locally determined near the diagonal and therefore $G-G_\circ$ vanishes near the diagonal in $M \times M$. For the same reason the difference $G- G_\circ$ restricts to zero on $\Sigma$.
We can therefore focus on the symmetric part.
Consider the $\lambda$-dependent operator $T_\lambda:=(\Delta + \lambda^2)^{-1} - (\Delta_\circ + \lambda^2)^{-1}$.
By Theorem \ref{ThA1} the integral kernel $k_\lambda(x,y)$ of $T_\lambda$ is smooth and satisfies $k_\lambda = O(\lambda^{-N})$ for $\lambda>1$ for any $N>0$ in the $C^\infty$-topology .
Hence,
$$
\left( \Delta^{-\frac{1}{2}} -\Delta_\circ^{-\frac{1}{2}} \right) \tilde \updelta_\Sigma\mathrm{d}_\Sigma = \frac{2}{\pi} \int_0^\infty\left( (\Delta + \lambda^2)^{-1} \tilde \updelta_\Sigma\mathrm{d}_\Sigma - (\Delta_\circ + \lambda^2)^{-1} \tilde \updelta_\Sigma\mathrm{d}_\Sigma \right) \mathrm{d}\lambda
$$
where the integral on the right hand side converges in $C^\infty$-topology of integral kernels.
We used here Theorems \ref{merodd} and \ref{meroeven} and that $P_0 \tilde \updelta_\Sigma\mathrm{d}_\Sigma = B_{-1} \tilde \updelta_\Sigma\mathrm{d}_\Sigma =0$ so the integrand is analytic at zero, and therefore integrability at zero is not a problem. This shows that
$$
\left( \Delta^{-\frac{1}{2}} -\Delta_\circ^{-\frac{1}{2}} \right) \tilde \updelta_\Sigma\mathrm{d}_\Sigma = \tilde \updelta_\Sigma \left( \Delta^{-\frac{1}{2}} -\Delta_\circ^{-\frac{1}{2}} \right)\mathrm{d}_\Sigma = \tilde \updelta_\Sigma \mathrm{d}_\Sigma \left( \Delta^{-\frac{1}{2}} -\Delta_\circ^{-\frac{1}{2}} \right)
$$
has smooth integral kernel. The same argument applies to
$$
\left( \Delta^{-\frac{1}{2}} -\Delta_\circ^{-\frac{1}{2}} \right) \mathrm{d}_\Sigma\tilde \updelta_\Sigma = \mathrm{d}_\Sigma \left( \Delta^{-\frac{1}{2}} -\Delta_\circ^{-\frac{1}{2}} \right)\tilde \updelta_\Sigma = \mathrm{d}_\Sigma \tilde \updelta_\Sigma \left( \Delta^{-\frac{1}{2}} -\Delta_\circ^{-\frac{1}{2}} \right).
$$
Eq. \eqref{resttwopoint} then implies that the restriction of $q$ of the symmetric part of $\omega_2^F - \omega_{\circ,2}^F$ to $\Sigma \times \Sigma$ is smooth. Moreover, by time-translation invariance Theorem \ref{stateF} (viii), we have $q(t,x,t',x') = \tilde q(t-t',x,x')$ for some distribution $\tilde q$ on $\mathbb{R} \times \Sigma \times \Sigma$.
The above means that $\tilde q(0,x,x')$ is smooth.
We now use Equ. \eqref{Fstateform} to compute the restriction of $(\partial_t \tilde q)(0,x,x')$ following the strategy used to derive Equ. \eqref{resttwopoint}. Namely, choosing $f_1 = (E_1 \wedge \mathrm{d} t + B_1) \otimes \delta(t)$ and $f_2 = (E_2 \wedge \mathrm{d} t + B_2) \otimes \delta(t)$ one can see that $G (\partial_t f_1)$ has Cauchy data $(E_1 \wedge \mathrm{d} t + B_1, 0)$, whereas $G f_2$ has Cauchy data
$(0,E_1 \wedge \mathrm{d} t + B_1)$. One then obtains from the polarisation of \eqref{Fstateform} the equation
\begin{gather*}
\omega^F(\partial_t f_1, f_2) + \omega^F( f_2, \partial_t f_1) = -\frac{1}{4} \langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma \tilde \updelta_\Sigma B_1, \mathrm{d}_\Sigma E_2 \rangle - \frac{1}{4} \langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma \tilde \updelta_\Sigma B_2, \mathrm{d}_\Sigma E_1 \rangle \\
+\frac{1}{4} \langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma E_1, \mathrm{d}_\Sigma \tilde \updelta_\Sigma B_2 \rangle +\frac{1}{4} \langle \Delta^{-\frac{1}{2}} \mathrm{d}_\Sigma E_2, \mathrm{d}_\Sigma \tilde \updelta_\Sigma B_1 \rangle =0.
\end{gather*}
Therefore $(\partial_t \tilde q)(0,x,x')=0$.
By Theorem \ref{stateF} (i), $q$ solves the hyperbolic equation
$$
\left( \frac{\partial^2}{\partial t^2} + \frac{1}{2}\left( \Delta_x + \Delta_{x'} \right) \right) q(t,x,x') =0.
$$
Since it has smooth initial data the solution must be smooth in the domain of dependence of the data.
\end{proof}
Global smoothness in the above proof does not follow because the function $\omega_2^F - \omega_{\circ,2}^F$ does not satisfy boundary conditions. Moreover
the restriction of $\omega_2^F - \omega_{\circ,2}^F$ to the diagonal in $\Sigma$ will in general not be smooth up to the boundary $\partial \Sigma$.
\subsection{The renormalised stress-energy tensor with respect to a reference state}
We will now use Einstein's summation convention throughout and the usual way to write tensors in local coordinates. In particular the metric tensor $g$ is used to lower and raise indices. The stress energy tensor of a two form $F=\frac{1}{2} F_{jk} \mathrm{d} x^j \wedge \mathrm{d} x^k$ is a symmetric $2$-tensor and it is defined in local coordinates as
$$
T_{jk} = F_{j m} (\tau F)^{\;\;m}_{k} - \frac{1}{4} g_{jk} F_{m n} (\tau F)^{m n}.
$$
Using $F_{jk}= - F_{kj}$ one computes
\begin{gather}
\nabla^k T_{j k} =\nonumber\\= (\nabla^k F_{j m}) (\tau F)^{\;\;m}_k + (F_{j m}) \nabla^k (\tau F)^{\;\;m}_k - \frac{1}{4} g_{jk} (\nabla^k F_{ m n}) (\tau F)^{m n}-\frac{1}{4} g_{jk} ( F_{ m n}) \nabla^k(\tau F)^{m n} \nonumber \\
=(F_{j m}) (-\tau \tilde \updelta F)^{m} - (\nabla_n F_{j m}) (\tau F)^{m n} - \frac{1}{2} (\nabla_j F_{ m n}) (\tau F)^{m n}- \frac{1}{4} \left((\nabla_j \tau) F \right)_{ m n} F^{m n}\\ \label{computation}
= -(F_{j m}) (\tau \tilde \updelta F)^{m} - (\mathrm{d} F)_{j m n} (\tau F)^{m n} - \frac{1}{4} \left((\nabla_j \tau) F\right) _{ m n} F^{m n}. \nonumber
\end{gather}
In the last term $\tau$ is interpreted as an $\mathrm{End}(\Lambda^\bullet T^*M)$-valued function so that
$$(\nabla_j \tau) E \wedge \mathrm{d} t = (\nabla_j \upepsilon(x)) E \wedge \mathrm{d} t $$ and
time dependent one form $E$ on $\Sigma$. Similarly $$(\nabla_j \tau) B = (\nabla_j \frac{1}{\upmu(x)}) B$$ for a time-dependent $2$-form on $\Sigma$.
If $F$ satisfies the homogeneous Maxwell's equations the stress energy tensor satisfies
$$
\nabla^k T_{j k} = - \frac{1}{4} \left((\nabla_j \tau) F\right) _{ m n} F^{m n}
$$
and it is divergence-free in regions where $\tau$ is constant. This term on the right is known to appear for inhomogeneous media and describes the forces on the medium (\cite{parashar2018quantum} for a discussion of this).
If $F = E \wedge \mathrm{d} t + B$ then one computes
\begin{gather*}
T_{00} = -\frac{1}{2} \left( \langle E, E \rangle + \langle B, B \rangle \right).
\end{gather*}
In dimension three $H=* \tau B$ and $\underline{B} = * B$ are one-forms and then one has for $i,k>0$
\begin{gather*}
T_{0k} = T_{k0} = S_k = ( E \times H)_k,\\
T_{ik} = E_i (\tau E)_k + \underline{B}_i H_k - \frac{1}{2} h_{ik} \left( \langle E, E \rangle + \langle B, B \rangle \right),
\end{gather*}
where the pointing covector $S$ has the interpretation of the energy flux through a surface element and should really be thought of as a $(d-1)$-form
$E \wedge * \tau B$.
In quantum field theory the field $F$ becomes an operator-valued distribution and the above, as an operator can not generally be made sense of since it contains squares of the field.
Indeed, formally the vacuum expectation value of an expression such as $(\mathbf{F} \otimes \mathbf{F})(x)_{ijkl} = \mathbf{F}_{ij}(x) \mathbf{F}_{kl}(x)$ would be the
distribution $\omega_2^F$ restricted to the diagonal. Since this distribution is singular on the diagonal such a restriction does not exist. One can use several approaches to still make sense of this. One way is to subtract all singular terms in a singular expansion, for example by first considering the expression for the stress-energy tensor as a bi-distribution that has to be restricted to the diagonal. Regularisation is then achieved by subtracting off singular terms that are determined by the local geometry only. This procedure is commonly referred to as point splitting (see \cite{MR441196}).
Here we will have a more direct point of view. We will consider only differences of states such that the difference of the two point distribution is smooth. Such a subtraction is equivalent to the procedure of normal ordering relative to the comparison state and is the implementation of the fact that only relative quantities are considered. This is sometimes referred to as regularisation, but I take the point of view that in this particular setting this is more like renormalisation, whereas commonly regularisation tends to be an ad-hoc procedure to render quantities finite. Normal ordering for the stress energy tensor was used in \cite{PhysRevD.20.3052} to discuss the Casimir effect. I would like to note that the normally ordered stress energy is not integrable in general and therefore the associated energy would still need to be regularised. The relative stress energy tensor, as introduced for the scalar field in \cite{RT, YLFASI}, is a more complicated combination of differences that does not require regularistion.
Given local coordinates $(x^0=t,x^1,\ldots,x^d)$ defined in a chart domain $\mathbb{R} \times \mathcal{O}$ we now define
$\mathbf{F}^{ij}(f):= \mathbf{F}( \tau^{-1} f \mathrm{d} x^{i} \wedge \mathrm{d} x^{j})$. The factor of $\tau^{-1}$ was inserted here because the pairing of distributions and test functions taking values in was defined using the modified inner product.
Hence, for $f \in C^\infty_0(\mathbb{R} \times \mathcal{O} )$
with support in the chart domain $\mathbf{F}^{ij}(f)$ defines an element in the observable algebra. For a continuous state $\omega_2^F$ the functional
$$
\omega_2^F(\mathbf{F}^{i m}(\cdot) \mathbf{F}^{n k}(\cdot))
$$
defines a bidistribution in $\mathcal{D}'(\mathbb{R} \times \mathcal{O} \times \mathbb{R} \times \mathcal{O})$. It will also be convenient to introduce the notation
$\tau \mathbf{F}(f):= \mathbf{F}(\tau f)$ for $f \in C^\infty_0(M; \Lambda^2 T^*M)$ and similarly $(\tau\mathbf{F})^{ij}(f):= (\tau \mathbf{F})( \tau^{-1} f \mathrm{d} x^{i} \wedge \mathrm{d} x^{j})= \mathbf{F}( f \mathrm{d} x^{i} \wedge \mathrm{d} x^{j})$
for $f \in C^\infty_0(\mathbb{R} \times \mathcal{O} )$. Finally we also define raising and lowering of indices $\mathbf{F}_{m n}(f) = \mathbf{F}^{j k}(g_{j m} g_{k n} f)$.
\begin{Def}
Let $\omega_2^F, \tilde \omega_{2}^F$ be the two-point functions of two states on $\mathcal{A}(\mathcal{O})$ such that the difference $\sigma:=\omega_2^F- \tilde \omega_{2}^F$ is smooth near the diagonal in $\mathcal{O} \times \mathcal{O}$. Then the {\sl renormalised stress energy tensor} is defined for $x \in \mathcal{O}$ in local coordinates as the restriction to the diagonal $T_{jk}(x)=t_{jk}(x,x)$ of the distribution $t_{jk} \in \mathcal{D}'(\mathbb{R} \times \mathcal{O} \times \mathbb{R} \times \mathcal{O})$ defined by
$$
t_{jk} = \sigma \left( (\tau \mathbf{F})_{j m}(\cdot) \mathbf{F}^{\;\;m}_k(\cdot) - \frac{1}{4} g_{jk} (\tau \mathbf{F})_{ m n} (\cdot) \mathbf{F}^{m n}(\cdot)\right).
$$
\end{Def}
This tensor is well defined because the distribution $t_{ik}$ is smooth in a neighborhood of the diagonal. Another way of writing this is of course
$$
T_{jk}(x) = g^{m n} \sigma_{j m k n}(x,x) - \frac{1}{4} g_{jk} g^{m m'} g^{n n'}\sigma_{m n m' n'}(x,x).
$$
where $\sigma_{j m n k}$ is the distribution $\sigma(\mathbf{F}_{j m}(\cdot) (\tau\mathbf{F})_{n k}(\cdot))$.
The notion renormalised stress energy tensor is chosen here because the quantity is renormalised with respect to the state $\tilde \omega^F$, which is used as a reference state.
Note that the antisymmetric part of the difference of $\omega^{F}_2$ and $\omega^{F}_{\circ,2}$ vanishes near the diagonal. The symmetric part satisfies Maxwell's equations.
Therefore computing any quadratic expression in the field near the diagonal we can work in the commutative algebra generated by symbols $\mathbf{F}^c(f)$
that depend linearly on $f$ such that $\mathbf{F}^c(\mathrm{d} f) =0$ and $\mathbf{F}^c(\tilde \updelta f) =0$. When the restriction to the diagonal exists we can furthermore use the product role for these expression as $\mathrm{d} f(x,x)$ equals the pull back of $(\mathrm{d}_x f(x,y) + \mathrm{d}_y f(x,y))$ under the diagonal imbedding $x \mapsto (x,x)$. The same computation as in \eqref{computation} then gives the following.
\begin{Thm}
The renormalised stress-energy tensor $T_{ik}$ of two states satisfies
$$
\nabla^{j} T_{jk} = -\frac{1}{4}s_k,
$$
where $s_k(x)$ is the restriction to the diagonal of the distribution
$\sigma(\mathbf{F}_{i \alpha}(\cdot) ((\nabla_k \tau)\mathbf{F})_{\beta k}(\cdot))$.
In particular $\nabla^{j} T_{jk}=0$ in regions where $\tau$ is constant.
\end{Thm}
Let $\omega_2^F$ and $\omega_{\circ,2}^F$ be the two-point functions of the states constructed as in the previous section. Then the stress-energy tensor is independent of the time $t$.
This follows from the fact that each state is invariant under time-translations.
We now recall the definition of the local trace of an operator. Assume that $E \to \Sigma$ is a vector bundle and $A: C^\infty_0(\Sigma;E) \to \mathcal{D}'(\Sigma;E)$ an operator with integral kernel $a \in \mathcal{D}'(M \times M; E \boxtimes E^*)$. If $a$ is
continuous near the diagonal, then the restriction of $a$ to the diagonal is in $C(M; E \otimes E^*) = C(M;\mathrm{End}(E))$ and we can therefore, for each $x \in M$, compute the trace $\tr(a(x,x))$. This is called the {\sl local trace} of $A$ and will be denoted by $\tr_{E_x}(A)$.
\begin{Thm} \label{main1}
Let $\omega_2^F$ and $\omega_{\circ,2}^F$ be the two-point functions of the states constructed as in the previous section.
Then the zero component $T_{00}$ of the relative stress energy tensor at $(t,x) \in \mathbb{R} \times \Sigma$ is independent of $t$
and given in terms of the local traces
$$
- \frac{1}{4}\tr_{\Lambda^1 T^*_x \Sigma} \left( (\Delta^{-\frac{1}{2}} - \Delta_\circ^{-\frac{1}{2}}) \tilde \updelta_\Sigma \mathrm{d}_\Sigma \right) -
\frac{1}{4}\tr_{\Lambda^2 T^*_x \Sigma} \left( \mathrm{d}_\Sigma (\Delta^{-\frac{1}{2}} - \Delta_\circ^{-\frac{1}{2}}) \tilde \updelta_\Sigma \right).
$$
\end{Thm}
\begin{proof}
For $j,k >0$ let us use the notation $\mathbf{E}_k = \mathbf{F}_{0k}$ and $\mathbf{B}_{jk} = \mathbf{F}_{jk}$. Then, we have in the sense of distributions
$$
t_{00}(x_1,x_2) = - \frac{1}{2}\sigma\left( \upepsilon(x_1) \;\mathbf{E}_k(x_1) \mathbf{E}^k(x_2 ) + \frac{1}{\upmu(x_1)} \mathbf{B}_{jk}(x_1) \mathbf{B}^{jk}(x_2) \right).
$$
By Theorem \ref{stateF} (viii) we have
\begin{gather*}
\sigma|_{\Sigma \times \Sigma}(f,f) = \frac{1}{2} \langle (\Delta^{-\frac{1}{2}} - \Delta_\circ^{-\frac{1}{2}}) \mathrm{d}_\Sigma E,\mathrm{d}_\Sigma E \rangle + \frac{1}{2} \langle (\Delta^{-\frac{1}{2}} - \Delta_\circ^{-\frac{1}{2}}) \tilde \updelta_\Sigma B, \tilde \updelta_\Sigma B \rangle,
\end{gather*}
if $f = E \wedge \mathrm{d} t + B$. Comparison shows that in local coordinates near the diagonal the distribution
$
\sqrt{\upepsilon(x_1)}\sigma\left( \mathbf{E}_k(x_1) \mathbf{E}^j(x_2) \right)\sqrt{\upepsilon(x_2)}
$ is the integral kernel of the operator
$(\Delta^{-\frac{1}{2}} - \Delta_\circ^{-\frac{1}{2}}) \tilde \updelta_\Sigma \mathrm{d}_\Sigma$. Similarly, the distribution $ \frac{1}{\sqrt{\upmu(x_1)}}\sigma\left( \mathbf{B}_{jk}(x_1) \mathbf{B}^{l m}(x_2) \right) \frac{1}{\sqrt{\upmu(x_1)}}$ near the diagonal is the integral kernel of the operator $\mathrm{d}_\Sigma (\Delta^{-\frac{1}{2}} - \Delta_\circ^{-\frac{1}{2}}) \tilde \updelta_\Sigma$. The formula is now obtained by taking the local traces.
\end{proof}
\subsubsection{Other components of the stress energy tensor}
We have $T_{0k}=0$ for $k=1,\ldots,d$ as can easily be inferred from \ref{stateF} (viii).
The spatial components $H_{jk}$ of the stress energy tensor $T_{jk}$ form the Maxwell tensor. In the same way as above one computes that $H^{j}_{k}$
is the sum of three terms. The first is the integral kernel of
$$
(\Delta^{-\frac{1}{2}} - \Delta_\circ^{-\frac{1}{2}}) \tilde \updelta_\Sigma \mathrm{d}_\Sigma
$$
on one forms restricted to the diagonal. The second is the $G_{ik}^{\;\;\;k n}$, where $G_{jk}^{\;\;\;m n}$ are the components of the integral kernel of
$$
\mathrm{d}_\Sigma (\Delta^{-\frac{1}{2}} - \Delta_\circ^{-\frac{1}{2}}) \tilde \updelta_\Sigma
$$
on $2$-forms restricted to the diagonal. Finally the third term is $-\delta^{j}_kT_{00}$.
\subsection{Renormalised stress tensor between two states on the field algebra}
Above the relative stress energy tensor was constructed from the state $\omega^F$ on the algebra generated by
$\mathbf{F}(f)$. This state is the realisation of the limit when all objects are uncharged ($\sigma_\mathrm{q} \to 0$) and
the electric field of the topologically non-trivial configurations vanishes ($\sigma_\mathrm{top} \to 0$). By the Heisenberg uncertainty relation the latter means that observables corresponding to homologically non-trivial Wilson loops are completely undetermined. If we want to take the second tensor factor into account and consider the full state rather than the reduced state the relative stress energy tensor would need to be constructed from the two point function
$$
\omega(\hat{\mathbf{A}}( \tilde \updelta f_1), \hat{\mathbf{A}}(\tilde \updelta f_2)) = \omega^F(\hat{\mathbf{F}}( f_1), \hat{\mathbf{F}}( f_2)) + \langle\hat{\mathbf{A}}_\mathfrak{J}( \tilde \updelta f_1) \hat{\mathbf{A}}_\mathfrak{J}(\tilde \updelta f_2)) \Omega_0 , \Omega_0 \rangle.
$$
The second term evaluated with respect to the Gaussian state given by \eqref{gausstate} then gives the extra term
$$
-\frac{1}{2} \upepsilon(x) \left( E_\mathrm{top}^2(x) + E_\mathrm{q}^2(x) + \sigma_\mathrm{top}^2 + \sigma_\mathrm{q}^2 \right).
$$
In the limit $\sigma_\mathrm{top}^2 + \sigma_\mathrm{q}^2 \to 0$ this is just the classical stress energy tensor of an electrostatic configuration.
\section*{Acknowledgement}
The author would like to thank the anonymous referees for very useful comments and suggestions.
|
\section{Introduction}
Image-based retrieval systems show impressive performance in challenging tasks such as face verification~\cite{DBLP:journals/corr/SchroffKP15,DBLP:journals/corr/abs-1804-06655,6909616}, instance retrieval~\cite{zheng2017sift}, landmark retrieval~\cite{DBLP:journals/corr/abs-1906-04087} and place recognition~\cite{DBLP:journals/corr/abs-1711-02512, DBLP:journals/corr/ArandjelovicGTP15}.
These systems typically embed images into high-level features and retrieve with a nearest neighbor search.
While this is efficient, the retrieval comes with no notion of confidence, which is particularly problematic in safety-critical applications.
For instance, a self-driving car relying on visual place recognition should be able to filter out place estimates drawn from uninformative images. In a less critical but still relevant application, quantifying the retrieval uncertainty can significantly improve the user experience in human-computer interfaces by not showing low-confidence results for a query.
Practical retrieval systems do not have a small set of predefined classes as output targets, but rather need high-level features that generalize to unseen classes. For instance, a visual place recognition system may be deployed in a city in which it has not been trained~\cite{Warburg_CVPR_2020}. This is achieved by keeping the encoder fixed and relying on nearest neighbor searches. This pipeline does not easily match current methods for posterior inference, and current uncertainty estimators for retrieval are often impractical and heuristic in nature. To construct a fully Bayesian retrieval system that fits with existing computational pipelines, we first recall the elementary equation
\begin{align}
\mathbb{E}\left[ \| \Delta \|^2 \right] = \left\| \mathbb{E}\left[\Delta\right] \right\|^2 + \mathrm{trace}\left( \mathrm{cov}[\Delta] \right), \qquad \Delta \in \mathbb{R}^D,
\end{align}
which follows directly from the definition of variance. From this we see that the expected squared distance between two random features, $\mathbb{E}\left[ \| \Delta \|^2 \right]$, grows with the covariance of such distance, $\mathrm{cov}[\Delta]$, which in turn depends on the uncertainty of the features (Figure \ref{fig:teaserfigure}). This intuition forms the basis of this paper.
\begin{figure}
\centering
\includegraphics[width=0.85\linewidth]{images/teaser3.pdf}
\caption{We model embeddings as distributions rather than point estimates, such that data uncertainty is propagated to retrieval. We phrase a Bayesian model that mirrors the triplet loss, which enables us to learn the stochastic features.
}
\label{fig:teaserfigure}
\end{figure}
\textbf{In this paper} we propose to use stochastic image embeddings instead of the usual deterministic ones. Given an image $X$, we consider the posterior distribution over possible features $P(F|X)$. From this distribution we get direct uncertainty estimates and can assign probabilities to events such as `two images belonging to the same place'. To realize this, we derive a likelihood corresponding to the probability that the conventional triplet constraint is satisfied, and a prior over the feature space that mimics conventional $l_2$ normalization. To build a system that is computationally efficient at both train and test time, we derive a variational approximation to the posterior $P(F|X)$, such that in practice, we encode an image to a distribution in feature space.
Across several datasets, we show that the proposed model matches the state-of-the-art in predictive performance, while attaining state-of-the-art uncertainty estimates.
\section{Related Work}
\textbf{Image retrieval} has been a popular research problem in the last years due to its many applications \cite{smeulders2000content,zheng2017sift}.
Early approaches relied on handcrafted local features aggregated mainly by bag-of-words \cite{sivic2003video,philbin2007object,jegou2010aggregating}. More recent models are composed by a deep convolutional backbone followed by an aggregation layer~\cite{DBLP:journals/corr/ArandjelovicGTP15,DBLP:journals/corr/abs-1711-02512} that map images to low dimensional embeddings based on their content similarity \cite{DBLP:journals/corr/SchroffKP15,DBLP:journals/corr/abs-1804-06655,6909616,DBLP:journals/corr/abs-1906-04087,DBLP:journals/corr/abs-1711-02512, DBLP:journals/corr/ArandjelovicGTP15,noh2017large,wang2018cosface,revaud2019learning,brown2020smooth}. The most similar images to a query are found by (approximate) nearest neighbor methods.
Retrieval systems apply either classification losses (e.g., \cite{zhai2018classification,liu2017sphereface}) or metric losses (e.g., \cite{gordo2017end}). Metric losses operate on the relationships between samples in a batch, while classification losses include a weight matrix that transforms the embeddings into vectors of class logits~\cite{musgrave2020metric}. Our focus is on metric losses, of which the contrastive loss~\cite{contrastiveloss} is the most fundamental one. However, this loss has the limitation that the same margin thresholds apply to all training pairs, even though there may be a large variation in their similarities. The triplet loss~\cite{tripletloss} accounts for such varying interclass dissimilarities by solely constraining an anchor $a$ to be closer to a positive $p$ than a negative $n$ minus a margin $m$,
\begin{equation}
\norm{ a - p}^2 < \norm{ a - n}^2 - m.
\label{eq:tripletloss}
\end{equation}
Many works have extended the contrastive and triplet losses to incorporate more structural information about the embedding space, for example the quadruplet loss~\cite{chen2017beyond}, N-pair loss~\cite{sohn2016improved}, angular loss~\cite{wang2017deep}, margin loss~\cite{wu2017sampling}, signal-to-noise ratio (SNR) contrastive loss~\cite{yuan2019signal} and multi-similarity (MS) loss~\cite{wang2019multi}. These methods are often supported by heuristics or empirical experiments, but lack a theoretical grounding. Additionally, in a recent study, \citet{musgrave2020metric} show that these more complex loss functions offer only marginal improvements over the contrastive and triplet losses. For this reason we focus on the triplet loss, but in principle our approach can be extended to mirror other losses.
\textbf{Uncertainty in deep networks} is hard to quantify due to the large number of parameters~\cite{gal2016uncertainty}. Uncertainty quantification is currently being studied in the context of many computer vision tasks, among others depth completion~\cite{eldesokey2020uncertainty,gustafsson2020evaluating}, semantic segmentation~\cite{kendall2015bayesian,kohl2018probabilistic,gustafsson2020evaluating}, object detection~\cite{choi2019gaussian,gustafsson2020energy}, object pose estimation~\cite{okorn2020learning} and multi-task learning~\cite{kendall2018multi}. In practice, Bayesian approximations such as deep ensembles~\cite{lakshminarayanan2017simple}, Monte Carlo dropout (MC dropout)~\cite{gal2016dropout} and conditional autoencoders~\cite{kingma2013auto} have shown most promise. Although scalable~\cite{gustafsson2020evaluating}, these methods do not directly apply to image retrieval, as models typically do not have proper likelihood functions.
\citet{der2009aleatory} identify the sources of predictive uncertainties as the model (epistemic uncertainty) and the data (aleatoric uncertainty). The latter can be divided into homoscedastic (constant for all input data) and heteroscedastic (variable depending on the particular input). We focus on heteroscedastic uncertainty as this is especially relevant for image retrieval as illustrated in Figure~\ref{fig:teaserfigure}.
\iffalse
\textbf{Uncertainty quantification for image retrieval} using deep networks is a challenging and under-addressed topic with two main references to our knowledge. \citet{DBLP:journals/corr/abs-1901-07702} cast the triplet loss as a regression loss and estimate epistemic uncertainty with MC dropout. In later work, \citet{DBLP:journals/corr/abs-1902-02586} propose to learn the heteroscedastic uncertainty using a noise parameter per image. In contrast to our proposal, no model is provided under which the proposed loss is a proper likelihood. We benchmark our method against both, triplet regression with MC dropout~\cite{DBLP:journals/corr/abs-1901-07702} and triplet regression with a learned noise parameter~\cite{DBLP:journals/corr/abs-1902-02586}, showing significantly better uncertainty estimates in several datasets while matching the predictive performance of the standard triplet loss.
\fi
\textbf{Uncertainty quantification for image retrieval} using deep networks is a challenging and under-addressed topic. Learning stochastic embeddings rather than deterministic ones has been addressed \ie for images~\cite{DBLP:journals/corr/abs-1810-00319, DBLP:journals/corr/abs-1904-09658, chang2020data}, human poses~\cite{DBLP:journals/corr/abs-1912-01001} and cross-modal data~\cite{DBLP:journals/corr/abs-1906-04402, chun2021probabilistic}. Most prior work has focused on classification~\cite{chang2020data} or pairwise losses. \citet{DBLP:journals/corr/abs-1810-00319} use Monte Carlo (MC) sampling from learned Gaussian distributions to evaluate a matching probability between a pair of images. Their approach is successful for low dimension embeddings ($D = 3$). The expensive Monte Carlo sampling can be avoided by directly optimizing the likelihood that two Gaussian embeddings belong to the same class~\cite{DBLP:journals/corr/abs-1904-09658}. In our work, we extend this intuition to triplets.
Triplet losses, contrary to pairwise ones, are known to address varying interclass similarities and dissimilarities \cite{musgrave2020metric}.
\citet{DBLP:journals/corr/abs-1912-01001} suggest a ratio of two binary cross entropy terms. Taking the log of these gives an expression on the form of the triplet loss. However, their approach relies on MC samples. \citet{DBLP:journals/corr/abs-1901-07702} cast the triplet loss as a regression loss and estimate epistemic uncertainty with MC dropout. In later work, \citet{DBLP:journals/corr/abs-1902-02586} propose to learn the heteroscedastic uncertainty using a noise parameter per image. In contrast to our proposal, no model is provided under which the proposed triplet losses is a proper likelihood. We benchmark our method against a MC sampling method (triplet regression with MC dropout~\cite{DBLP:journals/corr/abs-1901-07702}) and a implicit method (triplet regression that implicitly learns a noise parameter~\cite{DBLP:journals/corr/abs-1902-02586}), showing significantly better uncertainty estimates in several datasets while matching the predictive performance of the standard triplet loss.
\section{Bayesian Triplet Loss}
We propose to embed images as distributions rather than point estimates. Given these stochastic embeddings, we ask: What is the probability that an anchor is closer to a positive than a negative, \ie
\begin{equation}
\label{eq:probtriplet1}
P\left(\|a - p\|^2 < \|a - n\|^2 - m\right),
\end{equation}
which is the probabilistic equivalent of the triplet constraint~\eqref{eq:tripletloss}. To realize this idea, we first derive a likelihood function corresponding to Eq.~\ref{eq:probtriplet1}.
As we want this to follow the intuition of the triplet loss closely, our likelihood operates on triplets of images. We define our likelihood for all triplets in the dataset,
\begin{equation}
\mathcal{L}(\Omega)=\prod_{X \in \Omega} \prod_{Y \in \Omega} \prod_{Z \in \Omega} P(I(X, Y, Z) | X, Y, Z),
\end{equation}
where $X$, $Y$, $Z$ are images from the dataset and $I$ is the label of a triplet (referred to as triplet label). We note that the triplet labels can take three values with respectively $1$, $2$ or $3$ images from the same class. Since $I(X,Y,Z)$ only takes values on a discrete finite set, we define our \emph{likelihood function} as the multinomial distribution.
The traditional triplet loss ignores the situations where all images are from the same or different classes, as these situations are not informative. Making a similar modeling choice, the likelihood reduces to only consider triplets with one pair
\begin{align}\label{eq:likelihood}
\begin{split}
P(I(X,Y,Z)| X, Y, Z) = \mathcal{P}^{\mathds{1}\{I(X,Y,Z) \, = \, 2\}}.
\end{split}
\end{align}
Thus, all probability mass is in triplets where two images are from the same class and one from a different class, just as with the traditional triplet loss. Using the standard triplet notation, we set $\mathcal{P}$ equal to Eq. \ref{eq:probtriplet1}, thus we derived a proper likelihood function that describes the probability of an anchor being closer to a positive than a negative.
We adopt this simpler notation throughout the remainder of the paper to make it clear which images are from the same class, but emphasize that the likelihood is defined for \emph{all} triplets via Eq.~\ref{eq:likelihood}.
Figure~\ref{fig:losss} shows the proposed negative log-likelihood compared to the traditional triplet loss. Our likelihood is smooth and bounded, making it more robust to outliers. We experience similar training time as with the traditional triplet loss and have not experienced zero-gradients that block learning.
\begin{figure}[]
\centering
\includegraphics[width=\linewidth]{images/intuition_btl_2.pdf}
\caption{Intuition for the Bayesian triplet loss in three 1D scenarios. The arrows below the figures indicate the gradient direction and magnitude of the means, while the arrows above the distributions indicate the gradients of the variances (downwards indicate more spread, upwards means more peaky).}
\vspace{-2mm}
\label{fig:intuition}
\end{figure}
\begin{figure}[ht]
\centering
\includegraphics[width=\hsize]{images/loss6.pdf}
\caption{The traditional triplet loss (blue) compared to our negative log likelihood (orange and green). The negative log likelihood is smooth and bounded, yielding better robustness.}
\label{fig:losss}
\end{figure}
\subsection{The Triplet Likelihood}
Having the likelihood form in place, we proceed to arrive at explicit expressions.
We assume that the embeddings are isotropic Gaussians rather than points, such that $x~\sim~\mathcal{N}(\mu_x, \; \sigma_x^2 I)$, where $x \in \{a,\; p,\; n\}$ (see Figure~\ref{fig:teaserfigure}). This will be justified in the next section. Rearranging Eq.~\ref{eq:probtriplet1} gives
\begin{align}
\label{eq:probtriplet}
P(\|a - p\|^2 &- \|a - n\|^2 < -m) = P(\tau < -m), \\
\text{where } \tau &= \sum_{d=1}^D (a_d - p_d)^2 - (a_d - n_d)^2, \label{eq:tau}
\end{align}
and $D$ is the feature dimension. The squared distance between two normally distributed random variables follows a scaled non-central $\chi^2$-distribution \cite{muirhead2009aspects}.
The likelihood \eqref{eq:probtriplet} is a linear combination of two such distributed squared distances, which does not have a known density, and we resort to approximations.
By the central limit theorem \cite{montgomery2007applied}, $\tau$ will approximate a Gaussian distribution for large $D$, \ie
\begin{equation}\label{eq:central-limit}
\lim_{D \rightarrow \infty} P\left(\frac{\tau - \mu}{\sigma} < -m \right) = \Phi(-m),
\end{equation}
where $\Phi$ is the CDF of the standard normal distribution, and $\mu$ and $\sigma$ are the mean and standard deviation of $\tau$.
In the supplements, we experimentally demonstrate that this approximation is remarkably accurate even in low dimensions.
We still need to find the leading two moments of $\tau$ to apply this approximation. We provide detailed derivations in the supplements, and here only sketch the steps.
\textbf{The mean} is determined as
\begin{equation}
\mathbb{E}[\tau]
= \mathbb{E}[p(p - 2a)] - \mathbb{E}[n(n - 2a)].
\end{equation}
We exploit the symmetry and write first
\begin{equation}
\mathbb{E}[p(p - 2a)]
= \mathbb{E}[p^2] - 2\mathbb{E}[ap]
= \mathbb{E}[p^2] - 2\mathbb{E}[a]\mathbb{E}[p],
\end{equation}
since $a$ and $p$ are independent.
Using identical arguments for the second term of $\mathbb{E}[\tau]$ we get
\begin{align}
\begin{split}
\mathbb{E}[\tau]
&= \mathbb{E}[p^2] - 2\mathbb{E}[a]\mathbb{E}[p]
- \mathbb{E}[n^2] + 2\mathbb{E}[a]\mathbb{E}[n] \\
&= \mathbb{E}[p^2] - \mathbb{E}[n^2]
- 2\mathbb{E}[a](\mathbb{E}[p] - \mathbb{E}[n]) \\
&= \mu_p^2 + \sigma_p^2 - \mu_n^2 - \sigma_n^2
- 2\mu_a(\mu_p - \mu_n).
\end{split}
\end{align}
\textbf{The variance} requires a longer derivation, so we only present the result here,
\begin{align}
\frac{\text{Var}(\tau)}{2} &= \sigma^2_p(\sigma^2_p + 2\mu^2_p) + \sigma_n^2(\sigma_n^2 + 2\mu^2_n) - 4\sigma^2_a\mu_p\mu_n \nonumber\\
&- 2\mu_a\left(\mu_a(\mu_p^2+\mu_n^2) - 2\mu_p\sigma^2_p - 2\mu_n\sigma^2_n\right) \\&+ 2(\sigma^2_a+\mu^2_a)\left( (\sigma_p^2 + \mu^2_p) + (\sigma^2_n + \mu^2_n)\right). \nonumber
\end{align}
Thus, given a mean and a variance estimate for each image in the triplet, we can analytically compute the mean and variance of $\tau$.
Then the likelihood \eqref{eq:likelihood} is evaluated by a Gaussian likelihood with these parameters.
\textbf{The intuition} of the likelihood function is shown in Figure~\ref{fig:intuition} for three 1D scenarios. In the left figure, the ordering is correct (anchor is closer to the positive than the negative). The gradients w.r.t the variances are negative, thus reducing the uncertainty of each stochastic embedding (indicated with the arrows above the distributions). In the center figure, the ordering is incorrect (anchor is closer to the negative than the positive) resulting in higher uncertainties. The arrows below the plots indicate the gradient direction and magnitude w.r.t.\ the means. In all scenarios the mean of the anchor and positive are attracted, while the mean of the negative is repelled.
\subsection{Normalization Priors}
It is common practice in image retrieval to $l_2$-normalize the embeddings as this often boosts retrieval performance \cite{DBLP:journals/corr/ArandjelovicGTP15,DBLP:journals/corr/abs-1711-02512,Radenovic-TR-2019-01}. A further practical benefit is that for $l_2$-normalized vectors, the Euclidean distance and the cosine similarity have a monotonic relation, and thus can be interchanged without altering the retrieval order. The cosine similarity is computationally efficient as it reduces to the dot product for normalized vectors~\cite{Radenovic-TR-2019-01}.
We investigate two priors to imitate this normalization.
In high dimensions, the standard Gaussian distribution concentrates around a sphere of radius $D$. Hence, we can mimic the $l_2$ normalization by imposing a Gaussian prior over the embeddings. In particular, the prior $p(x) = \mathcal{N}(x|0,\tfrac{1}{D}I)$ concentrates around the unit sphere, and can therefore be seen as an \textit{implicit} $l_2$ normalization.
We also consider an \textit{explicit} normalization prior, by choosing a uniform prior over the unit sphere.
\subsection{The Approximate Posterior}
The posterior embedding is generally intractable, and we resort to variational approximations for computational efficiency~\cite{blei2017variational}.
We choose a parametrized approximate posterior $q$ as an isotropic distribution from the same family as the prior.
With the Gaussian prior we choose $q(X) =\mathcal{N}(\mu_X,\sigma^2_X I)$. With the uniform spherical prior we choose the approximate posterior as a von Mises Fisher distribution $q(X) = \text{vMF}(\mu_X, \kappa_X)$ \cite{dhillon2003modeling}. The distribution parameters are here described by the neural network.
In the supplements we derive the Expected Lower Bound (ELBO) for the marginal likelihood to be the right-hand side here
\begin{align}\label{eq:the-elbo}
\log P( I(X, Y, Z) ) &\geq
\mathbb{E}_{q(X)q(Y)q(Z)}[\log P(I(X, Y, Z) | X, Y, Z) ] \nonumber\\
& -\text{KL}(q(X) \| p(X)) - \text{KL}(q(Y) \| p(Y)) \nonumber\\
& -\text{KL}(q(Z) \| p(Z)).
\end{align}
With the chosen distribution families, the KL divergences have closed-form expressions~\cite{diethe2015note, murphy2012machine}.
\section{Network Architecture and Training}
For each image we learn an isotropic distribution rather than a point embedding. We treat both Gaussian and von Mises Fisher embeddings identically, and here only describe the Gaussian setup. Similar to \citet{DBLP:journals/corr/abs-1902-02586}, we use a shared backbone network followed by a mean and a variance head (see Fig.~\ref{fig:encoder}). The mean head is a generalized mean (GeM)~\cite{DBLP:journals/corr/abs-1711-02512} aggregation layer followed by a fully connected layer that outputs $\mu \in \mathbb{R}^D$. The variance head consists of a GeM layer followed by two fully connected layers with a ReLU activation function. We found it was advantageous to estimate $\sigma^2$ with a softplus activation rather than estimating $\log \sigma^2$. We have separate GeM layers for the variance and mean heads, as we found it beneficial to learn different $p$-norms for the variance head and mean head.
\begin{figure}[ht]
\centering
\includegraphics[width=\hsize]{images/encoder2.pdf}
\caption{Overview of our network architecture.}
\vspace{-6mm}
\label{fig:encoder}
\end{figure}
In real world applications this trade-off between predictive performance and uncertainty quantification is important. Therefore, we ensure that the number of output parameters is the same for probabilistic and non-probabilistic models, such that $D_{\mu}\!+\!D_{\sigma}\!=\!D$. We focus on isotropic distributions and set $D_{\sigma}\!=\!1$.
For the triplet loss, we follow common practice and $l_2$-normalize the point estimates, that is $x / \|x\|_2 \in \mathbb{R}^{D}$. For the Bayesian triplet loss, we $l_2$-normalize the mean embedding $\mu / \|\mu\|_2 \in \mathbb{R}^{D_{\mu}}$ for the uniform prior, and scale with a single positive trainable parameter for the Gaussian prior.
We use a hard negative mining strategy similar to \citet{DBLP:journals/corr/ArandjelovicGTP15}. Given a query image, we find the closest negative images in a cache. We only present the model with the triplets that violate the triplet constraint \eqref{eq:tripletloss}. We update the cache with $5000$ new images every $1000$ iterations. \citet{DBLP:journals/corr/ArandjelovicGTP15} and \citet{Warburg_CVPR_2020} report the importance of updating the cache regularly to avoid overfitting. This speeds up learning by reducing the number of trivial examples presented to the model.\looseness=-1
\begin{figure*}[htp!]
\centering
\includegraphics[width=0.9\textwidth]{images/cub_resnet50_prob/query-examples.pdf}
%
\caption{Query images for which our Bayesian embedding gives the highest (two first rows) and lowest uncertainty (two last rows). Scenes associated with high uncertainty mostly correspond to scenes where birds blend in with the background and are hardly discernible. The two most certain ones correspond to Cliff Swallows, easily discernible by the characteristic mud nests that they cement to walls or cliffs. In all images, birds stand out from the background and have unique patterns.}
\vspace{-4mm}
\label{fig:most_certain_bird}
\end{figure*}
\section{Evaluation Metrics}
The \textbf{Recall at k} (R@k) measures the number of queries that have at least one positive among their closest $k$ neighbors. This is a commonly used metric for image retrieval. However, this metric does not take into account the ratio of positives and negatives among the neighbors. Therefore, we also evaluate the \textbf{Mean Average Precision at k} (mAP@k) which measures the precision of the $k$ closest neighbors~\cite{DBLP:journals/corr/ArandjelovicGTP15}. These metrics evaluate the predictive performance of our models.
The \textbf{Expected Calibration Error} (ECE) describes how well a model's uncertainties correspond with its predicted accuracy, and is a common metric to measure model calibration in classification tasks~\cite{DBLP:journals/corr/GuoPSW17,gustafsson2020evaluating}. The predictions are divided into $M$ equally spaced bins based on their confidences. For each bin $B_{m}$, the accuracy is compared to the model confidence, and weighted by the bin size. We reformulate this metric to fit for retrieval problems. Confident queries should have a high mAP and unconfident queries low mAP. We can therefore let ECE@k measure the weighted distance between mAP@k and the $M$\textsuperscript{th} percentiles of the variance. We set $M=10$.
\begin{equation}
\mathrm{ECE}=\sum_{m=1}^{M} \frac{\left|B_{m}\right|}{n}\left|\operatorname{mAP@k}\left(B_{m}\right)-\operatorname{conf}\left(B_{m}\right)\right|.
\end{equation}
\section{Experiments and Results}
We conduct experiments across three challenging image retrieval datasets. For each of the experiments, we compare the traditional triplet loss~\cite{tripletloss} with the proposed Bayesian triplet loss with the Gaussian prior (Bayes Triplet) and with the von-Mises Fisher prior (Bayes vMF). We also compare our model's uncertainty estimates with those produced by the triplet regression~\cite{DBLP:journals/corr/abs-1902-02586} and MC dropout~\cite{DBLP:journals/corr/abs-1901-07702}. We evaluate on two strong backbones, namely Resnet50~\cite{DBLP:journals/corr/HeZRS15} ($D = 2048$) and the large Densenet161~\cite{DBLP:journals/corr/HuangLW16a} ($D = 2208$), to illustrate that the Bayesian triplet loss provides calibrated uncertainty estimates across different architectures. Densenet161 is chosen specifically as it applies dropout in the backbone, which allows us to compare the uncertainty estimates with MC dropout. For comparison with triplet regression~\cite{DBLP:journals/corr/abs-1901-07702} we consistently use a dropout rate of $0.2$ as reported in ~\cite{DBLP:journals/corr/abs-1901-07702}. All models are implemented in Pytorch and trained with the Adam optimizer \cite{kingma2017adam} with learning rate $10^{-5}$, weight decay $0.001$ and an exponential learning rate scheduler decreasing the learning rate by $1 \%$ per epoch. We use batches of $25$ triplets, each triplet consisting of one anchor, one positive and five negative images. We resize the images to $224\times224$ in all the experiments. During training, we augment the data with random rotations (up to $10^\circ$), resized cropping ($[0.4; 1]$ of image size), color jitter and horizontal flipping. We use a KL-scale factor $10^{-6}$ in all experiments.
\begin{figure*}[ht]
\centering
\includegraphics[width=0.9\hsize]{images/201013_213433_densent161-probtriplet-cub200/cub-example.pdf}
\vspace{-4mm}
\caption{Six query images (top) and their NN (bottom), all true positives. Our Bayesian model assigns low confidence to images with multiple birds or where birds blend in with their surroundings. Birds with distinguishable patterns or colors have high confidence.}
\label{fig:bird_confidence}
\end{figure*}
\begin{table*}[t]
\begin{center}
\resizebox{!}{0.12\textwidth}{%
\begin{tabular}{ll|ccccccccc}
& & R@1 & R@5 & R@10 & M@1 & M@5 & M@10 &ECE@1 &ECE@5 &ECE@10\\ \hline \hline
\multirow{6}{*}{\rotatebox{90}{ResNet50}}
&Triplet &\bf0.648 &\bf0.864 &\bf0.917 &\bf0.648 &\bf0.505 &\bf0.440 & & & \\
&TripReg &0.643 &0.863 &0.916 &0.643 &0.503 &0.437 &0.196 &0.331 &0.397 \\
&Bayes vMF &0.635 &0.855 &0.911 &0.635 &0.492 &0.426 &0.138 &0.064 &0.089 \\
&Bayes Triplet &0.612 &0.842 &0.902 &0.612 &0.467 &0.397 &\bf0.119 &0.037 &0.099 \\
&Bayes Triplet (Exp) &0.632 &0.857 &0.912 &0.630 &0.489 &0.424 &0.137 & \bf0.020 & \bf0.072 \\ \hline
\multirow{6}{*}{\rotatebox{90}{Densenet161}}
&Triplet &\bf0.717 &0.894 &0.935 &\bf0.717 &\bf0.598 &\bf0.537 & & & \\
&Triplet (MC=50) &0.349 &0.591 &0.700 &0.349 &0.200 &0.143 &0.290 &0.428 &0.480 \\
&TripReg &0.711 &0.897 &\bf0.939 &0.711 &0.587 &0.524 &0.181 &0.302 &0.363 \\
& Bayes vMF & 0.713& \bf0.898& 0.938& 0.713& 0.590& 0.528& \bf0.022& 0.139& 0.200 \\
&Bayes Triplet &0.683 &0.879 &0.926 &0.683 &0.564 &0.502 &0.176 & 0.059 &\bf0.023 \\
& Bayes Triplet (Exp) &0.617 &0.838 &0.902 &0.617 &0.494 &0.437 & 0.101 &\bf0.025 &0.075 \\
\end{tabular}
}
\caption{Recall (R), Mean Average Precision (M) and Expected Calibration Error (ECE) at $1$, $5$ and $10$ on the CUB200 dataset. Bayes Triplet (Exp) refers to the Expected distance rather than the Euclidean distance was used for nearest neighbor search.}
\vspace{-4mm}
\label{tab:retrieval_performance_cub}
\end{center}
\end{table*}
\begin{figure}[t]
\centering
\includegraphics[width=0.9\hsize]{calibration_v2.pdf}
\caption{Calibration plots for triplet regression (TripReg), MC dropout (MCDrop), Bayesian triplet loss with Gaussian distribution (BayesTrip) and Bayesian triplet loss with von Mises-Fisher distribution (vMF)
The solid line indicates mAP@5 and the shaded area covers from mAP@1 to mAP@10. Note how, for both backbones, the Gaussian distributed embeddings are better calibrated, especially for uncertain queries.}
\vspace{-4mm}
\label{fig:calibration_cub}
\end{figure}
\subsection{CUB 200-2011} We first evaluate the models' retrieval performance and calibration performance. The CUB 200-2011 dataset~\cite{Wah2011TheCB} consists of $11,788$ images of $200$ bird species. The birds are captured from different perspectives, making this a challenging dataset for image retrieval. We divide the first $100$ classes into the training set and the last $100$ classes into the test set similarly to \citet{musgrave2020metric}. Thus, the trained models have not seen any of the bird species in the test set, and the learned features must generalize well across species.
Table~\ref{tab:retrieval_performance_cub} shows the retrieval performance for the CUB200 dataset for the models with both a Resnet50 and Densenet161 backbone. We notice that the larger backbone improves the retrieval performance across all models. MC dropout performs worse than the other models in terms of predictive performance and uncertainty quantification.
The triplet loss and the triplet regression have slightly better predictive performance than the proposed Bayesian models, however both of the Bayesian models, especially with the Gaussian embeddings, produce notably better uncertainty estimates.
To gain a better understanding of which images have high and low variance estimates, Fig.~\ref{fig:most_certain_bird} shows the $12$ queries with highest and lowest variance. The (green/red) border indicates if the image's nearest neighbor is correctly retrieved. The network correctly associates high variance to images where the bird blends in with its surroundings, and low variance to birds that are centered or easily distinguishable by their color or patterns.
For applications, the user will often be interested in the covariance of the distance $\mathrm{cov}[\Delta]$ between a query and its nearest neighbor. The covariance depends on both the variance of the query and its nearest neighbor. Figure~\ref{fig:bird_confidence} shows six examples of queries and nearest neighbors which exhibit high or low covariances. The model assigns low confidence when multiple birds are present or when a bird blends into its surroundings. High confidence is associated with birds with unique patterns or colors.
Figure~\ref{fig:calibration_cub} shows the Bayesian model with Gaussian embeddings is better calibrated than other methods which produce uncertainty estimates, especially for uncertain queries. The queries are divided into $10$ equi-sized bins. For each bin the mAP@\{1,\,5,\,10\} is calculated, indicated with the top part of the shaded area, the solid line, and lower part of shaded area respectively. The black dotted line shows a perfectly calibrated model.
This experiment shows our proposed Bayesian triplet loss produces retrieval performance comparable to the triplet loss across two strong backbones. Further, the experiment shows that our model produces very well-calibrated uncertainty estimates based on the ECE metric, calibration plots, and qualitative visualizations.
\begin{table*}
\centering
\resizebox{!}{0.105\textwidth}{%
\begin{tabular}{ll|ccccccccc}
& & R@1 & R@5 & R@10 & M@1 & M@5 & M@10 &ECE@1 &ECE@5 &ECE@10\\ \hline \hline
\multirow{4}{*}{\rotatebox{90}{ResNet50}}
&Triplet & 0.451 & 0.723 & 0.813 & 0.451 & 0.255 & 0.179 & & & \\
&TripReg & 0.447 &0.712 & 0.813 &0.447 &0.254 &0.178 &0.292 &0.479 &0.555 \\
&Bayes vMF &\bf 0.471& \bf 0.733& \bf 0.827& 0\bf.471& \bf0.270& \bf 0.191& 0.117& \bf 0.162& \bf0.225\\
&Bayes Triplet &0.431 &0.696 &0.795 &0.431 &0.235 & 0.163 &\bf 0.094 & 0.271 & 0.343\\ \hline
\multirow{5}{*}{\rotatebox{90}{Densenet161}}
&Triplet &\bf 0.495 &\bf 0.751 &\bf 0.837 &\bf 0.495 &\bf 0.293 &\bf 0.212 & & & \\
&Triplet (MC=50) &0.470 &0.717 &0.813 &0.470 &0.269 &0.191 &0.178 &0.367 &0.438 \\
&TripReg &0.481 &0.744 &0.836 &0.481 &0.285 &0.205 &0.263 &0.456 &0.536 \\
&Bayes vMF &0.478& 0.740& 0.834& 0.474& 0.284& 0.204& 0.160& 0.288& 0.355 \\
&Bayes Triplet &0.467 &0.724 &0.814 &0.467 &0.269 &0.192 &\bf0.101 &\bf 0.134 &\bf 0.208\\
\end{tabular}
}
\caption{Recall (R), Mean Average Precision (M) and Expected Calibration Error (ECE) at $1$, $5$ and $10$ on the CAR196 dataset.}
\label{tab:retrieval_performance_car}
\end{table*}
\begin{figure*}
\centering
\includegraphics[width=0.9\textwidth]{images/histograms.pdf}
\caption{Histogram of the covariance of the distances between queries and their nearest neighbor for triplet regression (TripReg), Bayesian triplet model with Gaussian embeddings (BayesTrip) and MC Dropout for Resnet50 (R50) and Densenet161 (D161). Note that in-distribution (blue) and out-of-distribution (orange) covariances are significantly more separated for the Bayesian model.}
\vspace{-2mm}
\label{fig:OODvsID}
\end{figure*}
\begin{figure}
\centering
\includegraphics[width=\hsize]{images/ood-example.pdf}
\caption{Least probable among in and out of distribution for triplet regression (TripReg) and Bayesian triplet Loss with Gaussian embeddings (BayesTrip). Cars are out of distribution queries and birds are in distribution queries.}
\vspace{-4mm}
\label{fig:least_certain_tr}
\end{figure}
\subsection{Stanford Car-196} Next, we investigate how well the models perform on out-of-distribution (OOD) examples. This is an important capability for image retrieval systems since it is infeasible to retrain the models continuously, and in many practical applications unseen categories are likely to be added to the database or used as queries over time. To test the OOD capabilities of the models, we use the Stanford Car-196~\cite{6755945} dataset and the models trained on the CUB200 dataset. The Car-196 dataset is composed of $16,185$ images of $196$ classes of cars. It is traditionally a classification dataset, but can be cast as a retrieval dataset by using the first $98$ categories as a training set and the last $98$ ones as a test set~\cite{musgrave2020metric}.
First, we evaluate how well the models generalize to the Car-196 test set. Table~\ref{tab:retrieval_performance_car} shows that both Bayesian models match (and for vMF embeddings with the ResNet50 backbone surpass) the retrieval performance of the triplet loss. The ECE metric shows that the Bayesian models are significantly better calibrated. Among the Bayesian models, the Gaussian embeddings give better uncertainty estimates, whereas the vMF embeddings give slightly better predictive performance.
\begin{figure*}
\centering
\includegraphics[width=0.9\hsize]{images/MSLS/msls-examples_001.pdf}
\vspace{-0.5cm}
\caption{Low-confidence (columns 1--3) and high-confidence (columns 4 and 5) retrievals from the MSLS dataset. The top row shows queries and the bottom row shows their NNs. Our model gives low confidence to images with harsh sunlight, blur and ambiguous tunnels and vegetation. In contrast, high confidence is given for landmark buildings.}
\label{fig:msls_confidence}
\end{figure*}
\begin{table*}
\centering
\resizebox{!}{0.105\textwidth}{%
\begin{tabular}{ll|ccccccccc}
& & R@1 & R@5 & R@10 & M@1 & M@5 & M@10 &ECE@1 &ECE@5 &ECE@10\\ \hline \hline
\multirow{4}{*}{\rotatebox{90}{ResNet50}}
&Triplet & 0.350& 0.495& 0.554& 0.350& 0.235& 0.210& & & \\
&TripReg & 0.349& \bf 0.499& 0.551& 0.349& 0.238& 0.215& 0.482& 0.571& 0.593\\
&Bayes vMF & 0.349& 0.494& \bf 0.559& 0.349& \bf 0.249& \bf 0.226& 0.482& 0.571& 0.593\\
&Bayes Triplet &\bf0.354& 0.489& 0.549&\bf 0.354& 0.241& 0.218&\bf0.208&\bf0.319&\bf0.341\\ \hline
\multirow{5}{*}{\rotatebox{90}{Densenet161}}
&Triplet & \bf 0.386& \bf 0.531& 0.583& \bf 0.386& \bf 0.270& \bf 0.246& & & \\
&Triplet (MC=50) &0.282& 0.412& 0.458& 0.282& 0.188& 0.163& 0.540& 0.625& 0.648 \\
&TripReg & \bf 0.386& 0.529& \bf 0.596& \bf 0.386& 0.268& 0.245& 0.424& 0.543& 0.566\\
&Bayes vMF & 0.383& 0.526& 0.588& 0.383& 0.268& 0.245& 0.227& 0.327& 0.350 \\
&Bayes Triplet &0.364& 0.506& 0.571& 0.364& 0.252& 0.228& \bf 0.196& \bf 0.264& \bf 0.283\\
\end{tabular}
}
\caption{Recall (R), Mean Average Precision (M) and Expected Calibration Error (ECE) at $1$, $5$ and $10$ on the MSLS dataset.}
\vspace{-0.4cm}
\label{tab:retrieval_performance_MSLS}
\end{table*}
Second, we show that the Bayesian models can detect OOD queries. To do so, we construct a database consisting of bird images. We retrieve the nearest neighbor with bird queries -- in distribution (ID) -- and car queries -- out-of-distribution (OOD). We expect the distance to the nearest neighbor of the OOD queries to have high uncertainty compared to ID queries. Figure~\ref{fig:OODvsID} shows that the Bayesian model with Gaussian embeddings is significantly better at differentiating between ID and OOD queries.
The six least confident Gaussian query embeddings from our Bayesian model (Fig.~\ref{fig:least_certain_tr}) reveal OOD queries (cars), whereas for the triplet regression, several ID queries (birds) are seen among the least certain. Even though these queries are challenging birds, we would expect the model to be less confident about images from a completely different domain.
This experiment shows that the confidences generated by the Bayesian models generalize well to out-of-distribution examples and can be used to discriminate between queries from in- and out-of-distribution. Again, the Bayesian models match the predictive performance to the other methods, and achieve state-of-the-art uncertainty estimates.
\subsection{Mapillary Street Level Sequences (MSLS)}
Finally, we show that the Bayesian models also have competitive retrieval performance and state-of-the-art uncertainty estimates for large datasets. MSLS~\cite{Warburg_CVPR_2020} is the largest and most diverse place recognition dataset currently available, and comprises $1.6M$ images from $30$ cities spanning six continents. The goal in place recognition is to retrieve images from the same place as a query image (where the same place is typically defined within a radius of $25$ m). This is challenging due to the large number of unique places and large spectrum of appearance changes for each place, such as weather, dynamic, structural, view-point, seasonal and day/night changes. We use the train/test split recommended in \cite{Warburg_CVPR_2020}, training on $24$ cities and testing on six other different cities.
The Bayesian models achieve a performance comparable to the traditional triplet loss, even outperforming it when using the von Mises-Fisher distribution (Table~\ref{tab:retrieval_performance_MSLS}). Furthermore, the Bayesian model with Gaussian embeddings provides state-of-the-art uncertainty estimates for both backbones.
Figure~\ref{fig:msls_confidence} illustrates how the Bayesian model with Gaussian embeddings associates low confidence to images that are difficult to retrieve due to harsh sunlight, blur or the ambiguous, repetitive patterns in tunnels. Furthermore, the model is able to assign high confidence to images that have unique structural appearance, as seen in the last two columns. This experiment shows that the Bayesian models have a competitive performance in very large and challenging datasets, matching the predictive performance of the standard triplet loss, and producing state-of-the-art uncertainty estimates.
\subsection{Trade-off between predictive performance and uncertainty quantification}
In many applications, reliable uncertainties are a requirement. This is common for method that needs to provide guarantees of certifiability. In safety-critical applications uncertainty is important as it can ensure timely interventions from the user e.g. when image retrieval is used in loop closure for robot localization.
Contemporary probabilistic methods often exhibit a slight decrease in performance over non-probabilistic methods, but the trade-off is worth making in the above-mentioned examples. We indeed observe a similar trend, where the Bayesian Triplet Loss is either on par or slightly below state-of-the-art in predictive performance, but is clear state-of-the-art in terms of uncertainty quantification. One reason for the decrease in predictive performance is that we have less free parameters for the mean prediction than other methods: To ensure a fair comparison, we constraint the different models to have the same number of parameters, which imply that we use some of our capacity on predicting $\sigma$. This lessens our capacity for mean predictions.
\section{Conclusion}
We have proposed to model image embeddings as stochastic features rather than point estimates. We derive a new likelihood that follows the intuition of the triplet loss, but works for stochastic features. We introduce a prior over the feature space that together with our likelihood enables us to learn either Gaussian distributed or von Mises-Fisher distributed stochastic features. The proposed method, the Bayesian triplet loss, produces state-of-the-art uncertainty estimates, without sacrificing predictive performance compared to the triplet loss.
Quantification of uncertainty in image retrieval is vital for safety-critical applications, while reliable uncertainty estimates also open many other doors, for example related to interpretability or user-friendly retrieval interfaces. We speculate that reliable uncertainty estimates can also be used for hard negative mining and avoidance of outliers in query expansion~\cite{queryexpansion}.
\vspace{2mm}
\begin{spacing}{0.25}
\begin{footnotesize}
\textbf{Acknowledgments.}
This work was supported in part by a research grant (15334) from VILLUM FONDEN. This project has received funding from the European Research Council (ERC) under the European Union's Horizon 2020 research and innovation programme (grant agreement n\textsuperscript{o} 757360), from the Spanish Government
(PGC2018-096367-B-I00) and the Aragon Government (DGA T45 17R/FSE). MJ is supported by a research grant from the Carlsberg foundation (CF20-0370).
\end{footnotesize}
\end{spacing}
{\small
\bibliographystyle{plainnat}
\section{Introduction}
In this supplementary material we give additional details into the derivations of the mean and the variance for the Gaussian approximation of the proposed likelihood. We show through simulations that the Gaussian approximation of the likelihood is very accurate, even for a small number of dimensions. We provide the full derivation of the Expected Lower Bound (ELBO). Finally, we provide sample code for the proposed Bayesian Triplet loss, which highlights that the proposed method is simple to implement. We will make the entire code available upon acceptance.
\section{Gaussian Likelihood}
First, we provide the details into the derivations of the first two moments of the proposed Gaussian approximation of the likelihood.
\subsection{The Mean}
The expression
\begin{align}
\mathbb{E}[\tau]
&= \mathbb{E}[p(p - 2a)] - \mathbb{E}[n(n - 2a)]
\end{align}
consists of two means of the same form. We first evaluate
\begin{align}
\mathbb{E}[p(p - 2a)]
&= \mathbb{E}[p^2] - 2\mathbb{E}[ap]
= \mathbb{E}[p^2] - 2\mathbb{E}[a]\mathbb{E}[p],
\end{align}
where we have used that the expectation of the product of two independent variables
is the product of the expectations. Using identical arguments for the second term of $\mathbb{E}[\tau]$ we get
\begin{align}
\mathbb{E}[\tau]
&= \mathbb{E}[p^2] - 2\mathbb{E}[a]\mathbb{E}[p]
- \mathbb{E}[n^2] + 2\mathbb{E}[a]\mathbb{E}[n] \\
&= \mathbb{E}[p^2] - \mathbb{E}[n^2]
- 2\mathbb{E}[a](\mathbb{E}[p] - \mathbb{E}[n]) \\
&= \mu_p^2 + \sigma_p^2 - \mu_n^2 - \sigma_n^2
- 2\mu_a(\mu_p - \mu_n).
\end{align}
\subsection{The variance}
The expression
\begin{align}
\mathrm{var}[\tau]
&= \mathrm{var}[p(p - 2a) - n(n - 2a)] \\
&= \mathrm{var}[p(p - 2a)] + \mathrm{var}[n(n - 2a)] - 2 \mathrm{cov}[p(p - 2a), n(n - 2a)]
\end{align}
consists of three terms. We treat the terms one by one
\begin{align}
\mathrm{var}[p(p - 2a)]
&= \mathrm{var}[p^2 - 2ap] \\
&= \mathrm{var}[p^2] + 4\mathrm{var}[ap] - 4\mathrm{cov}[p^2, ap] \\
\begin{split}
&= 2\sigma_p^4 + 4\mu_p^2 \sigma_p^2
+ 4\left( \mathrm{var}[a] + \mathbb{E}[a]^2 \right)
\left( \mathrm{var}[p] + \mathbb{E}[p]^2 \right) \\
&- 4\mathbb{E}[a]^2 \mathbb{E}[p]^2
- 4\mathrm{cov}[p^2, ap]
\end{split} \\
\begin{split}
&= 2\sigma_p^4 + 4\mu_p^2 \sigma_p^2
+ 4\left( \sigma_a^2 + \mu_a^2 \right) \left( \sigma_p^2 + \mu_p^2 \right)
- 4\mu_a^2 \mu_p^2 \\
&- 4\mathrm{cov}[p^2, ap]
\end{split}
\end{align}
The last covariance term is
\begin{align}
\mathrm{cov}[p^2, ap]
&= \mathbb{E}[ap^3] - \mathbb{E}[ap]E[p^2] \\
&= \mathbb{E}[a]\mathbb{E}[p^3] - \mathbb{E}[a]\mathbb{E}[p]\mathbb{E}[p^2] \\
&= \mu_a(\mu_p^3 + 3\mu_p\sigma_p^2) - \mu_a \mu_p(\mu_p^2 + \sigma_p^2) \\
&= \mu_a \left[\mu_p^3 + 3\mu_p\sigma_p^2 - \mu_p^3 - \mu_p \sigma_p^2) \right] \\
&= 2 \mu_a \mu_p\sigma_p^2,
\end{align}
such that
\begin{align}
\mathrm{var}[p(p - 2a)]
&= 2\Big[ \sigma_p^4 + 2\mu_p^2 \sigma_p^2
+ 2\left( \sigma_a^2 + \mu_a^2 \right) \left( \sigma_p^2 + \mu_p^2 \right)
- 2\mu_a^2 \mu_p^2
- 4 \mu_a \mu_p\sigma_p^2 \Big].
\end{align}
The second term of the variance follows the same structure,
\begin{align}
\begin{split}
\mathrm{var}[n(n - 2a)]
&= 2\Big[ \sigma_n^4 + 2\mu_n^2 \sigma_n^2
+ 2\left( \sigma_a^2 + \mu_a^2 \right) \left( \sigma_n^2 + \mu_n^2 \right)
- 2\mu_a^2 \mu_n^2
- 4 \mu_a \mu_n\sigma_n^2 \Big].
\end{split}
\end{align}
The last term of the variance is
\begin{align}
\mathrm{cov}[p(p - 2a), n(n - 2a)]
&= \mathrm{cov}[p^2 - 2ap, n^2 - 2an] \\
&= \mathrm{cov}[p^2, n^2]
-2\mathrm{cov}[p^2, an]
-2\mathrm{cov}[ap, n^2]
+4\mathrm{cov}[ap, an] \\
&= 4\mathrm{cov}[ap, an] \\
&= 4\mathbb{E}[a^2pn] - 4\mathbb{E}[ap]\mathbb{E}[an] \\
&= 4\mathbb{E}[a^2]\mathbb{E}[p]\mathbb{E}[n] - 4\mathbb{E}[a]^2\mathbb{E}[p]\mathbb{E}[n] \\
&= 4\mathbb{E}[p]\mathbb{E}[n]\left( \mathbb{E}[a^2] - \mathbb{E}[a]^2 \right) \\
&= 4\mathbb{E}[p]\mathbb{E}[n]\mathrm{var}[a] \\
&= 4\mu_p\mu_n\sigma_a^2.
\end{align}
Thus, given a mean and variance estimate for each embedding, we can analytically find the mean and variance of the Gaussian that approximate our proposed likelihood. In the next section, we show experimentally that this is good approximation.
\subsection{Simulation Approximation of Gaussian Likelihood}
In this section, we show that the Gaussian approximation of our proposed likelihood is accurate even for low dimensions. We sample $\mu_a$, $\mu_p$ and $\mu_n$ from a $D$-dimensional standard Gaussian, and $\sigma^2_a$, $\sigma^2_p$ and $\sigma^2_n$ from a $1$-dimensional standard Gaussian, where we ensure that $\sigma^2_a$, $\sigma^2_p$ and $\sigma^2_n$ are positive by taking the absolute value of the sample. We then generate $N$ samples from $a \sim N(\mu_a, \sigma_a^2)$, $p \sim N(\mu_p, \sigma_p^2)$ and $n \sim N(\mu_n, \sigma_n^2)$, and calculate $\tau = \|a - p \|^2 - \|a - n\|^2$. We plot a histogram over the samples of $\tau$ as a Monte Carlo approximation of the true CDF (histograms in the figures below). We use the means and variances of $a$, $p$ and $n$ to analytically calculate the CDF of our Gaussian approximation (black line in the figures below). The figures show that the approximation is very accurate even for a very low number of dimensions (the deviation between the analytical CDF and the Monte Carlo simulation is only significant for $D < 4$). This means that the approximation is accurate for any practical retrieval system.
\begin{figure}[htp!]
\centering
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_1_2048.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_2_2048.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_3_2048.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_4_2048.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_5_2048.png}
\end{subfigure}
\caption{$D = 2048$}
\end{figure}
\begin{figure}[htp!]
\centering
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_1_512.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_2_512.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_3_512.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_4_512.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_5_512.png}
\end{subfigure}
\caption{$D = 512$}
\end{figure}
\begin{figure}[htp!]
\centering
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_1_128.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_2_128.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_3_128.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_4_128.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_5_128.png}
\end{subfigure}
\caption{$D = 128$}
\end{figure}
\begin{figure}[htp!]
\centering
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_1_32.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_2_32.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_3_32.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_4_32.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_5_32.png}
\end{subfigure}
\caption{$D = 32$}
\end{figure}
\begin{figure}[htp!]
\centering
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_1_16.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_2_16.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_3_16.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_4_16.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_5_16.png}
\end{subfigure}
\caption{$D = 16$}
\end{figure}
\begin{figure}[htp!]
\centering
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_1_8.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_2_8.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_3_8.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_4_8.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_5_8.png}
\end{subfigure}
\caption{$D = 8$}
\end{figure}
\begin{figure}[htp!]
\centering
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_1_4.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_2_4.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_3_4.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_4_4.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_5_4.png}
\end{subfigure}
\caption{$D = 4$}
\end{figure}
\begin{figure}[htp!]
\centering
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_1_2.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_2_2.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_3_2.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_4_2.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_5_2.png}
\end{subfigure}
\caption{$D = 2$}
\end{figure}
\begin{figure}[htp!]
\centering
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_1_1.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_2_1.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_3_1.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_4_1.png}
\end{subfigure}
\begin{subfigure}[b]{0.19\linewidth}
\centering
\includegraphics[width=\linewidth]{images/fig_5_1.png}
\end{subfigure}
\caption{$D = 1$}
\end{figure}
\section{Variational Approximation}
In this section we derive the Expected Lower Bound. We start with the marginal probability of a triplet label $I(X, Y, Z)$.
\begin{align}
log P( I(X, Y, Z) ) & = log \int P( I(X, Y, Z), (X, Y, Z)) d(X, Y, Z) \\
& = log \int \int \int P( I(X, Y, Z), X, Y, Z) dX dY dZ \\
& = log \int \int \int P( I(X, Y, Z) | X, Y, Z) P(X, Y, Z) dX dY dZ \\
& = log \int \int \int P( I(X, Y, Z) | X, Y, Z) P(X) P(Y) P(Z) dX dY dZ \\
& = log \int \int \int \frac{P( I(X, Y, Z) | X, Y, Z) P(X) P(Y) P(Z) }{q(X) q(Y) q(Z)} q(X) q(Y) q(Z) dX dY dZ \\
& \geq \int \int \int log \frac{P( I(X, Y, Z) | X, Y, Z) P(X) P(Y) P(Z) }{q(X) q(Y) q(Z)} q(X) q(Y) q(Z) dX dY dZ \\
& = \int \int \int log P( I(X, Y, Z) | X, Y, Z) q(X) q(Y) q(Z) \\
& + log \frac{P(X) P(Y) P(Z)}{q(X) q(Y) q(Z)} q(X) q(Y) q(Z)dX dY dZ \\
& = \int \int \int log P( I(X, Y, Z) | X, Y, Z) q(X) q(Y) q(Z) dX dY dZ \\
& + \int \int \int log \frac{P(X) P(Y) P(Z)}{q(X) q(Y) q(Z)} q(X) q(Y) q(Z) dX dY dZ \\
\end{align}
We have two terms. The first part becomes
\begin{align}
& \int \int \int log P( I(X, Y, Z) | X, Y, Z) q(X) q(Y) q(Z) dX dY dZ \\
= & \mathbb{E}_{q(X)q(Y)q(Z)}[log P(I(X, Y, Z) | X, Y, Z) ]
\end{align}
The second part becomes
\begin{align}
& \int \int \int log \frac{P(X) P(Y) P(Z)}{q(X) q(Y) q(Z)}q(X) q(Y) q(Z) dX dY dZ \\
= &\int \int \int [ log P(X) - log q(X) + log P(Y) - log q(Y) + log P(Z) - log q(Z) ] q(X) q(Y) q(Z) dX dY dZ \\
= & \int \int \int [log P(X) - log q(X)] q(X) q(Y) q(Z) dX dY dZ \\
& + \int \int \int [log P(Y) - log q(Y)]q(X) q(Y) q(Z) dX dY dZ \\
& + \int \int \int [log P(Z) - log q(Z)] q(X) q(Y) q(Z) dX dY dZ \\
= & \int [log P(X) - log q(X)] q(X) dX + \int [log P(Y) - log q(Y)] q(Y) dY + \int [log P(Z) - log q(Z)] q(Z) dZ \\
= & - KL(q(X) || P(X)) - KL(q(Y) || P(Y)) - KL(q(Z) || P(Z))
\end{align}
This means that if we choose $P(X) = P(Y) = P(Z) = N(0, 1)$, we can remove the normalization layer and optimize the ELBO directly.
\section{Implementation}
We present our Pytorch implementation of the Bayesian triplet loss with both the von Mises Fischer and Gaussian embeddings. We will make the source code available upon acceptance.
\lstinputlisting[language=Python, label=loss,caption=loss.py]{loss.py}
\lstinputlisting[language=Python, label=functional,caption=functional.py]{functional.py}
\end{document}
|
\section{Introduction}
Colorizing black-and-white videos has increasingly gained attention, since it can revitalize a massive amount of outdated contents into modern standards.
Previously, production of high-quality contents has required manual colorization, resulting in prohibitively high costs in terms of time and labor. Researchers have thus endeavored to come up with a scheme to automate the colorization process, in fully automatic \cite{Lei_2019_CVPR} or semi-automatic ways \cite{deepremaster, devc}.
Yet, video colorization remains a highly challenging task. On top of the challenging aspects of image colorization, such as its ill-posed nature with a large number of potentially correct results, video colorization imposes additional dimensions of challenge, namely maintaining temporal coherence, computational cost, and user controllability.
Recent attention-based approaches \cite{deepremaster, devc} proposed to compute correspondence between the target frame and reference frame using semantic features, and colorize the target frame by attending to the color from reference frame. This approach can alleviate the issue of accumulating mispredictions over the frames, which is prevalent in propagation-based approaches \cite{jampani_vpn_2017, liu2018switchable}.
However, as shown in Fig. \ref{fig:quality_single}, its non-local spatial correspondence frequently results in color leakage between instances, or the objects colorized with average colors from multiple objects.
To address this issue, we instead propose a reference-based video colorization with spatiotemporal correspondence. The key assumption of our work is that, by assigning color to objects that exist in both reference and target frames with finer correspondence, we can enhance video colorization, as illustrated in Fig.~\ref{fig:teaser}.
However, if attention-based model is augmented in an incremental manner by warping the color from both reference frame and previous frame, it inevitably results in placing higher priority for previous frame, since it tends to resemble the target frame more. As a result, it is likely to be degraded to propagation-based model. We thus need another approach to account for the \textit{continuity} of regions over temporal axis, while avoiding the errors from accumulated color propagation.
Our key ideas to tackle this technical issue are as following: 1) propagate masks to represent the correspondence over time axis instead of color, and 2) color is determined within the region restricted by the mask in the reference frame. Fig.~\ref{fig:approach} illustrates the differences between our model and others.
Our framework consists of three stages, namely tracking, warping, and refinement.
Tracking is performed in order to obtain the temporal correspondence between reference frame and target frame. We can specify which color to warp more accurately, by specifying the region in reference frame that is temporally correlated to pixels to colorize on target frame.
For warping color, we obtain semantic features by feeding reference and target frames to the network, and compute the spatial correspondence based on their similarity. Furthermore, by warping the color solely from the region specified by tracking, we can warp the color based on spatiotemporal correspondence. In contrast to propagation-based models in which the succeeding frames may be colorized with incorrect color due to accumulation of prediction error over the frames, our model can perform colorization with vivid color specified by reference frame via propagating masks rather than colors.
Finally, refinement stage employs encoder-decoder network to recover the mistakes from warping colors and enhance the temporal coherence throughout neighboring frames.
\begin{figure}
\centering
\includegraphics[width=0.8\linewidth]{figs/comp_approach.pdf}
\caption{Comparison among four types of approaches when processing an input video $x$ with reference frame $z$. The figures illustrate a user colorizing $x_1$ with a reference frame $z_1$. (a) and (c) suffer accumulation error, because they colorize $x_t$ with colored $x_{t-1}$. See Fig. \ref{fig:temporal_corr} for a visualization of (c). (d) warp colors considering temporal correspondence between $x_t$ and $z_1$, unlike (b).}
\label{fig:approach}
\end{figure}
Moreover, we propose to incorporate two types of tracking as a way to obtain correspondence over temporal axis, which restricts the region to warp color from. We first employ 1) instance tracking in order to prevent incorrectly blending the colors from distinct objects. To the best of our knowledge, our model is the first video colorization work that is instance-aware. By using instance tracking, we can accurately differentiate between instances. However, instance tracking alone cannot track objects of undefined classes, or track at granularity smaller than the instance. In order to resolve such issues, 2) we propose a mechanism to track at pixel-level. Inspired by dense tracking \cite{tracking_emerges}, we exploit correspondence learned from colorization for tracking without having to further train the model.
By specifying temporally correlated regions for each pixel, we can avoid the problem of blurry colors resulting from warping color from the entire frame.
Through the approaches above, our proposed model is capable of high-quality colorization for videos of long duration with complex scenes, frequently involving change in background or rapid movement of objects. Its faithful reflection of reference also leads to reduced amount of manual work and enhanced user controllability. Experiment results clearly demonstrate that our model outperforms state-of-the-art-models both quantitatively and qualitatively. In particular, our spatiotemporal correspondence turns out to be effective when dealing with complex scenes that attention-based approach finds difficult.
Our contributions can be summarized as following:
\begin{itemize}[noitemsep,topsep=0pt]
\itemsep0em
\item We propose a novel reference-based video colorization framework with spatiotemporal correspondence. We propagate a mask as correspondence in time, and warp colors with spatial correspondence from the regions restricted by the temporal correspondence.
\item We propose a novel dense tracking specialized for video colorization. With no additional training, it faithfully reflects the color from user reference.
\item Our proposed method outperforms state-of-the-art methods and improves user-controllability, while alleviating color leakage or color being averaged out.
\end{itemize}
\section{Related Work}
\textbf{Image Colorization.} Early image colorization was mostly performed with user-guided signatures and sample references \cite{Dani04colorizationusing, HuangTCWW05, EGWR:EGSR07:309-320, qu-2006-manga}. These methods propagate local color guidance to similar regions using low-level features.
They frequently relied on deep-learning in fully automatic manner to learn the semantic-color relationships from a large dataset \cite{ IizukaSIGGRAPH2016, pix2pix2017, zhang2016colorful}, or to propagate the user-guided scribbles in the spatial direction based on the semantic feature \cite{zhang2017real}, or warp the color to a corresponding position based on exemplar color sample \cite{he2018deep}.
Recently, as a new perspective, an instance-aware approach has been proposed for image colorization \cite{instance-aware}. Learning instance-color relationships improves the performance of fully automatic image colorization. We extend the instance-aware approach for video colorization.
\textbf{Video Colorization.} Video colorization is far more difficult than image colorization and is still an open challenge.
An intuitive approach is to perform post processing \cite{bonneel2015blind, Lai-ECCV-2018} to impose temporal coherence to flickers of per-frame colorization, but the colors are likely to be washed out.
The propagation of color scribbles \cite{levin2004colorization, yatziv2006fast} or a colored first frame \cite{jampani_vpn_2017, liu2018switchable, tracking_emerges} across frames using estimated flow may suffers from accumulation of errors, and consequently, the number of frames that can be propagated is limited.
Recently, source-reference attention-based methods \cite{deepremaster, devc} has been proposed. Accumulation of errors is reduced by using a reference image for coloring each frame instead of using the last colored frame. However, there exists no direct handling of temporal information for correspondence. These methods warp colors solely based on the relationship to a reference frame, and then consider the relationship between target frames for temporal coherence. Due to non-local attention, colors are frequently mixed even between objects that should be distinguished.
Conversely, our method warps a color from a part of a reference frame by limited correspondence based on temporal information of the target frame.
This makes it possible to determine a color only from a similar region in the nearest neighbor in space and time, resulting in a colorization without a color leakage between instances and a faithful colorization for the reference image.
\textbf{Dense Tracking.} Dense tracking is a task that re-localizes objects in the preceding and succeeding frames with pixel-level segmentation masks. Recent self-supervised learning methods trained with video colorization \cite{jabri2020space, lai2020mast, li2019joint, tracking_emerges} or cycle consistency \cite{wang2019unsupervised, CVPR2019_CycleTime} propagate a given segmentation mask to subsequent frames based on the correspondences. In video colorization task, however, we cannot use methods that require pre-processed object's masks provided by user as input \cite{caelles2017one, luiten2018premvos, maninis2018video}, or methods that use color information \cite{jabri2020space, lu2020learning}.
To improve colorization at pixel-level, we need masks for each pixel of the target frame separately, rather than tracking several representative object masks.
Our newly proposed dense tracking method is designed to be applicable to such requirements of colorization task, inspired by the method \cite{tracking_emerges}, as we describe in Sec.~\ref{sec:dense}.
\begin{figure*}
\centering
\includegraphics[width=\linewidth]{figs/model.pdf}
\caption{Pipeline overview. Our framework consists of three stages: tracking stage for obtaining a mask as a temporal correspondence between target frames (Sec. \ref{sec:instance} and Sec. \ref{sec:dense}), color warping stage for coloring a target frame with the tracking mask (Sec. \ref{sec:spatially-restricted}, and refinement stage for temporal coherence.}
\label{fig:model}
\end{figure*}
\section{Method}
\subsection{Overview}\label{method:overview}
We propose a reference-based video colorization framework which consists of three stages; a tracking stage, a spatially restricted color warping stage, and a color refinement stage. Fig.~\ref{fig:model} shows the overview of our framework.
Inputs for the whole system are grey-scale frames $x^l = \{x^{l}_t\}_{t=1}^{t=N}$ where $x^{l}_t \in \mathbb{R}^{H \times W \times 1}$, and some colored reference frames picked from the video are $y^{ab} = \{y^{ab}_r\}_{r = 1}^{N_{\mathrm{ref}}}$ where $y^{ab}_r \in \mathbb{R}^{H \times W \times 2}$, and the outputs are the chrominance {\it ab} for each frame $\hat{x}^{ab} = \{\hat{x}^{ab}_t\}_{t=1}^{t=N}$ where $\hat{x}^{ab}_t \in \mathbb{R}^{H \times W \times 1}$.
To obtain a mask for restricting regions to calculate correspondence, we execute instance tracking (Sec. \ref{sec:instance}) and dense tracking (Sec. \ref{sec:dense}).
We warp colors based on an affinity matrix $A \in [0, 1]^{HW \times HW}$ between semantic features of a target frame $x^l_t$ and a reference frame $y^{l}_r$.
To colorize the target frame with colors faithful for the reference frame, we calculate a semantic correspondence only among regions which have temporal relations, instead of non-local semantic correspondence (Sec. \ref{sec:spatially-restricted}). To do so, we use the tracking masks for each reference frame $M = \{M_r\}_{r = 1}^{N_{\mathrm{ref}}}$ where $M_r \in \{0, 1\}^{HW \times HW}$, which captures temporal information among the target frames. Furthermore, we extend this mechanism to handle multiple reference images. Namely, we calculate warped colors $W^{ab}_t \in \mathbb{R}^{H\times W \times 2}$ for target frame $x_t$ by warping function $F$ as follows:
\begin{equation}
\label{eqn:warping function}
W^{ab}_t = F(x^l_t, y^{ab}_1, M_1, \dots, y^{ab}_{N_{\mathrm{ref}}}, M_{N_{\mathrm{ref}}})
\end{equation}
Note that $M_r$ here represents tracking result of $y_r$ propagated from t-th frame $x_t$. For all frames $\{x_t\}_{t=1}^{N}$, we calculate different masks from target frames to each reference frame in the same way. For simplicity, we hereinafter omit $x_t$ and $y_r$ and refer to $M_r$ as a mask between a target frame $x_t$ and a reference frame $y_r$.
In color refinement stage, we use fully-convolutional u-net proposed in Zhang {\it et al.} \cite{zhang2016colorful} . This network refines the warp result to have temporal coherence with the consecutive frame and improves spatial consistency. The inputs for the refinement network are the colorized last frame $\boldsymbol{\hat{x}}_{t-1}$, the warp result of the frame to be colorized $W^{ab}_t$, and the warp confidence map $S_t \in [0, 1]^{H\times W}$ that is max values of the affinity matrix for the reference dimension. This refinement function $G$ can be expressed as:
\begin{equation}
\hat{x}_t^{ab} = G(x_{t-1}^l, x_t^l, \hat{x}_{t-1}^{ab}, W^{ab}_t, S_t)
\end{equation}
\subsection{Spatially restricted Correspondence} \label{sec:spatially-restricted}
In this section, we present the calculation of semantic correspondence at first, and the calculation of the correspondence restricted by the tracking mask with temporal information, and extend the mechanism to handle multiple references.
To obtain the semantic correspondence between target frame $x_t$ and reference frame $y_r$, we transfer the target frame and the reference frame to VGG network \cite{vgg} features, and concatenate features from multiple layers. Feeding them into further residual blocks, we extract features $\Phi(x_t), \Phi(y_r) \in \mathbb{R}^{HW \times L}$, respectively. Note that we use only luminance {\it l} for both $x_t$ and $y_r$ to calculate $\Phi(x_t), \Phi(y_r)$. Using $\Phi(x_t)$ and $\Phi(y_r)$, we calculate the affinity matrix $A$ of the target frame and the reference frame from correlation matrix $C \in \mathbb{R}^{HW \times HW}$ as follows:
\begin{align}
A(x_t, y_r) =&\ \underset{j}{\text{softmax}}(C(x_t, y_r)) \\
C_{i,j}(x_t, y_r) =&\ \frac{(\Phi_{i}(x_t) - \mu_{\Phi_{x_t}})^{\mathrm{T}} (\Phi_{j}(y_r) - \mu_{\Phi_{y_r}})}{\|\Phi_{i}(x_t) - \mu_{\Phi_{x_t}}\|_2\ \|\Phi_{j}(y_r) - \mu_{\Phi_{y_r}}\|_2}
\end{align}
where, $\mu_{\Phi_{x_t}}$ and $\mu_{\Phi_{y_r}}$ represent mean feature vectors.
Based on this affinity matrix, we calculate warped colors from reference frame to target frame by the product of the affinity matrix and the \textit{ab} vector of the reference frame. Thus, in the setting with a single reference frame, equation \ref{eqn:warping function} can be represented as:
\begin{equation}
W^{ab}_{t}(i) = \sum_{j} A_{i,j}(x_t, y_r)\ y^{ab}_{r}(j)
\end{equation}
where $W^{ab}_{t}(i) \in \mathbb{R}^{2}$ is a chrominance {\it ab} of the $i$-th position at $t$-th frame and $y_r^{ab}(j) \in \mathbb{R}^{2}$ is that of the $j$-th position at a reference frame $y^{ab}_r$.
This algorithm relates the target frame and the reference frame to each other in non-local regions, without considering their temporal relation. However, our objective is to determine the colors only from the regions that are estimated to be relevant based on the time information. To do so, we use a tracking mask based on the time series relationship for this affinity matrix to limit the candidates. Specifically, we replace $A$ in equation \ref{eqn:warp_single} with a restricted affinity matrix $\tilde{A } \in [0, 1]^{HW \times HW}$ that is:
\begin{align}
\label{eqn:warp_single}
W^{ab}_{t}(i) = \sum_{j} \frac{\tilde{A}_{i,j}(x_t, y_r, M_r)}{\sum_{i'}\tilde{A}_{i',j}(x_t, y_r, M_r)}\
y^{ab}_{r}(j) \\
\tilde{A }_{i,j}(x_t, y_r, M_r) =
\begin{cases}
A_{i,j}(x_t, y_r)& \text{if } M_{r,i,j} = 1 \\
0, & \text{otherwise}
\end{cases}
\end{align}
This suggests that we require the masks $M_r$ on the reference frame to correspond to each target pixel. As a way to prepare tracking masks containing temporal relations, we propose two approaches: using masks from instance tracking (Sec. \ref{sec:instance}) and using masks from a dense tracking (Sec. \ref{sec:dense}). We describe masks obtained by these two approaches as $M^I$ and $M^D$ in the following sections.
Considering a practical application, the method using a single reference as in \cite{devc} is likely insufficient because there are many colors that cannot be specified when working with long videos in which many new colors and objects appear. To address this issue, we extend the model to deal with multiple references. In this case, the equation \ref{eqn:warp_single} can be extended by multiple references $y$ and masks $M$ as follows:
\begin{equation}
W_t^{ab}(i) = \sum_{r,j} \frac{\tilde{A}^{m}_{r,i,j}(x_t, y,M)}{\sum_{i'}\tilde{A}^{m}_{r,i',j}(x_t, y,M)}\
y_{r}^{ab}(j)
\end{equation}
where $\tilde{A}^m, A^m \in [0, 1]^{N_{\mathrm{ref}} \times HW \times HW}$ is a restricted and non-restricted stacked affinity matrix and $C^m \in \mathbb{R}^{N_{\mathrm{ref}} \times HW \times HW}$ is a stacked correlation matrix such as:
\begin{align}
\tilde{A}^m_{r,i,j}(x_t, y, M) =&
\begin{cases}
A^m_{r,i,j}(x_t, y)& \text{if } M_{r,i,j} = 1 \\
0, & \text{otherwise} \\
\end{cases} \\
A^m(x_t, y) =&\ \underset{r, j}{\mathrm{softmax}}(C^m(x_t, y)) \\
C^m(x_t, y) =&\ \mathrm{stack}(C(x_t, y_1), \dots, C(x_t, y_{N_{\mathrm{ref}}}))
\end{align}
\subsection{Instance Tracking}\label{sec:instance}
To solve the problem of warping color between instances,
we use off-the-shelf pre-trained instance segmentation \cite{maskrcnn} to calculate an instance mask for each frame, and then use IoU (Intersection over Union) of each mask between adjacent frames to identify the same instance.
First, using this tracking function $T$, we obtain instance tracking masks $\{I'_t(k)\}_{t=1}^{N} \in [0, 1]^{HW}$ as vectors for each object $k \in \{1, 2, \dots, N_{\mathrm{obj}}\}$:
\begin{equation}
I'_{1}(k),\dots, I'_{N}(k) = T(I_{1}(k), \dots , I_{N}(k))
\end{equation}
where $\{I_t(k)\} \in [0, 1]^{HW}$ is an instance mask of object $k$ in t-th frame.
Let $\phi_{i}(x_t) \in \{1, 2, \dots, N_{\mathrm{obj}}\}$ be a function to get a label id at $i$-th position of target frame $x_t$. Finally, we calculate an instance tracking mask $M^I \in [0, 1]^{HW \times HW}$ for a reference frame $y_r$ to limit affinity between $x_t$ and $y_r$ as follows:
\begin{equation}
M^{I}_{r,i,j} =
\begin{cases}
1& \text{if } I'_{r,j}(\phi_{i}(x_t)) \geq \mathrm{threshold} \\
0& \text{otherwise}
\end{cases}
\end{equation}
\begin{figure}
\begin{center}
\includegraphics[width=\linewidth]{figs/algo_dense.pdf}
\end{center}
\caption{Mask propagation by dense tracking. Our method propagates a mask to the next frame when the similarity between a pixel on the next frame and the neighborhood on the current frame exceeds a threshold.}
\label{fig:algo_dense}
\end{figure}
\subsection{Dense Tracking}\label{sec:dense}
Because instance tracking can only handle instances of classes that are already defined, it is not possible to capture temporal relationships of regions of non-defined classes, or areas other than the instance.
To compensate for this limitation and make the color of the reference frame faithful across the image, we introduce dense tracking.
Previous studies of self-supervised dense tracking have shown that trackers can be learned by training reference-based colorization \cite{tracking_emerges}. Since we already have a correspondence mechanism for video colorization, we can use dense tracking without additional training.
The difference in setting from \cite{tracking_emerges} is that it is necessary to individually track each pixel of the frame to be colored, instead of tracking a set of pixels. In \cite{tracking_emerges}, a set of pixels is specified as an object mask for the first frame to track. Conversely, in our task, the individual pixels of the target to be colored are the target of tracking. We thus need to propose a new dense tracking algorithm since the mask would disappear immediately when we directly use the existing method for our task.
\begin{table*}
\begin{center}
\begin{tabular}{lccccccccc}
\toprule
&\multicolumn{3}{c}{Single Reference}&
\multicolumn{6}{c}{Multiple References}\\
\midrule
&\multicolumn{3}{c}{10th frame}&
\multicolumn{3}{c}{1st \& Nth frames} & \multicolumn{3}{c}{10th \& N-10th frames} \\
Method & Full & Inner & Outer & Full & Inner & Outer & Full & Inner & Outer \\
\midrule
DeepRemaster \cite{deepremaster}& 25.53 & 24.44 & 25.70 & 25.38 & 24.18 & 25.60 & 25.53 & 24.40 & 25.73 \\
Zhang {\it et al.} \cite{devc}{} & 28.61 & 27.71 & 28.72 & - & - & - & - & - & - \\
Zhang {\it et al.} \cite{devc}{}* (mean)& - & - & - & 28.17 & 27.17 & 28.39 & 28.24 & 27.30 & 28.44 \\
Zhang {\it et al.} \cite{devc}{}* (linear)& - & - & - & 28.35 & 27.39 & 28.53 & 28.54 & 27.68 & 28.69 \\
Ours w/o tracking& 28.61 & 27.71 & 28.72 & 28.37& 27.50 & 28.54 & 28.58 & 27.76 & 28.73 \\
Ours (inst.)& 28.59 & 27.75 & 28.70 & 28.36 & 27.55 & 28.52 & 28.58 & 27.82 & 28.72 \\
Ours (dense)& {\bf 28.74} & 29.12 & 27.79 & {\bf 29.27} & 27.59 & {\bf 28.94} & 29.02 & 27.85 & {\bf 29.19} \\
Ours (inst.+dense)& {\bf 29.13} & {\bf 27.94} & {\bf 29.27} & {\bf 28.74} & {\bf 27.69} & 28.93 & {\bf 29.03} & {\bf 27.97} & {\bf 29.19} \\
\bottomrule
\end{tabular}
\caption{PSNR. Higher is better. The first block of three columns shows the results with single reference frame. The remaining two blocks show the results with multi-reference setting. Full, Inner, and Outer refer to the region with respect to instance masks used for evaluation.}
\label{table:psnr}
\end{center}
\vspace{-6mm}
\end{table*}
Fig.~\ref{fig:algo_dense} visualizes how we propagate masks using dense tracking. To calculate the mask $M^D_{r}\in \mathbb{R}^{HW \times HW}$, which represents candidate positions at a reference frame $r$ to warp to the $i$-th position of $x_t$, we repeat propagating a mask from a target $x_t$ to a reference $y_r$.
Let $t' \in \{t, t+1, \dots, t_r\}$ be a set of frame indices from $x_t$ to $y_r$, where $t_r$ represents a frame index of $y_r$, and $D^{t'}(i_0) \in \{0, 1\}^{HW}$ be propagated candidate positions at $t'$-th frame from the $i_0$-th position of $x_t$. We define the initial mask at $t'=t$ as it has value $1$ only at $i=i_0$ position otherwise 0:
\begin{equation}
D^{t}_{i}(i_0) =
\begin{cases}
1& \text{if }\ i = i_0 \\
0& \text{otherwise}
\end{cases} \\
\end{equation}
Assuming that the moving destination of the pixel exists in the nearest neighbors, we propagate candidate positions from the $i_0$-th position of $x_t$ to a reference frame $y_r$ by following equations:
\begin{align}
\label{eqn:binarize}
&D^{t'}_j(i_0) = \mathrm{binarize}\biggl(\sum_{i}\frac{A^D_{i,j}(x_{t'-1}, x_{t'})}{\sum_{j'}A^D_{i,j'}(x_{t'-1}, x_{t'})}\ D^{t'-1}_{i}(i_0)\biggr) \\
&A^D_{i,j}(x_{t'-1}, x_{t'}) =
\begin{cases}
A_{i,j}(x_{t'-1}, x_{t'}) &\text{if }\ j \in \mathcal{N}_i^R\\
0 &\text{otherwise}
\end{cases}
\end{align}
where $A^D \in [0, 1]^{HW \times HW}$ is a spatially restricted affinity, and $\mathcal{N}_i^R$ is a set of neighboring pixels residing within the window whose size is $2R \times 2R$ centered at $i$-th position. Here, $R$ is a hyperparameter to limit neighbors. Propagating masks from $t$-th frame to $t_r$-th frame, we calculate a dense tracking mask $M^D_r \in \{0, 1\}^{HW \times HW}$ for a reference frame $y_r$ as follows:
\begin{equation}
M^D_{r, i, j} =
\begin{cases}
1& \text{if } D^{t_r}_{j}(i) = 1 \\
0& \text{otherwise}
\end{cases} \\
\end{equation}
As described in equation \ref{eqn:binarize}, in order to generate many candidates for tracking destinations, we convert pixels, whose similarity score exceeds a threshold value, to binary masks as candidates for movement. By creating a one-to-many relationship between the starting point and the destinations of tracking, it encourages the generation of multiple mask candidates, even when starting at only one point in the target. Furthermore, by setting binary masks with threshold, it is possible to prevent the repeated multiplication of the probability from reaching zero, which frequently happens without performing threshold processing.
By repeating the above update from target to reference, for each pixel on the target frame, a mask representing the destination on reference is obtained. As a result, it is possible to restrict regions as a candidate for soft warp of a color.
\begin{figure*}
\begin{center}
\includegraphics[width=\linewidth]{figs/comp_quality_single.pdf}
\end{center}
\caption{Qualitative comparisons with state-of-the-arts with single reference. When there are two car on the reference frame, the body of the car on (b) Zhang {\it et al.} \cite{devc}{} contains red. On the other hand, (c) ours is not affected by the red car as we identify the car instances, and the color is clearer than (a) DeepRemaster\cite{deepremaster}.}
\label{fig:quality_single}
\begin{center}
\includegraphics[width=\linewidth]{figs/comp_quality_multi.pdf}
\end{center}
\caption{Qualitative comparisons with state-of-the-arts with multiple reference. (a) DeepRemaster\cite{deepremaster}'s car is green and the sky and the trees are faded. On (b) Zhang {\it et al.} \cite{devc}{}* (linear), the car headlight seems red, and the sky and the mountains are green.}
\label{fig:quality_multi}
\end{figure*}
\begin{figure}
\begin{center}
\includegraphics[width=\linewidth]{figs/temporal_corr.pdf}
\end{center}
\caption{Comparison of color propagation and mask propagation. (b) shows the result of Fig. \ref{fig:approach}(c), and color propagation errors accumulate visibly . Conversely, plausible color can be warped from the reference frame even with an error in the mask propagation (c).}
\label{fig:temporal_corr}
\end{figure}
\begin{figure}
\begin{center}
\includegraphics[width=\linewidth]{figs/comp_inst.pdf}
\end{center}
\caption{A scene where instance tracking is effective.}
\label{fig:comp_inst}
\end{figure}
\section{Experiments}
\subsection{Experimental Setting}
{\bf Datasets.}
We mainly report our results on DAVIS-2017 \cite{davis2017}. We refer the readers to Appendix for results on other datasets, as they generally exhibit similar trends. We test video colorization on 90 videos from the training and validation splits. We resize videos to $384 \times 216$, and set window size $R = 9$ and $\text{threshold} = 0.2$ in binarize function. Note that none of the data from DAVIS-2017 are used for training. In DAVIS-2017, ground truth instance segmentations are annotated at pixel level in each frame.
{\bf Evaluation Metrics.}
As with the existing quantitative evaluation protocol for colorization methods, we report the peak signal-to-noise ratio (PSNR) to compare with other methods. It is possible to evaluate whether the color can be propagated faithfully to the reference color since, by providing ground truth colors as a reference frame, it is expected that the ground truth color is propagated to the following frames.
Note that video with frequent dynamic changes cannot fully reproduce the ground truth frame because not all colors can be specified in a limited number of reference frames.
{\bf Network Training.}
Since our network relies on \cite{devc} as the backbone, we evaluate it using its distributed parameters to make fair comparisons. The feature extraction network for calculating the correspondence and the refinement network are trained end-to-end using multiple effective losses \cite{devc}.
As described in Sec \ref{method:overview}, no additional training is required to perform our dense tracking.
\subsection{Comparisons with the state-of-the-art}
{\bf Quantitative Comparisons.}
We report the results for PSNR on DAVIS in Table \ref{table:psnr}. We report experiments with three types of reference frames: 1) single reference of 10th frame from the beginning, 2) multiple references given at the beginning (1st) and the end ($\textit{N}$-th) of a sequence, and 3) multiple references at the 10th frame from the beginning and 10th from the end ($\textit{N}$-10th). Note that the position of reference frame can be arbitrary, as shown in Appendix.
As well as PSNR for the entire image, we also report the evaluations inside and outside the ground truth instance masks on DAVIS.
Note that while \cite{deepremaster} consists of two networks, a restoration network and a colorization network, we use only the colorization network.
Since Zhang {\it et al.} \cite{devc}{} proposes a workflow for a single reference, in order to compare the multiple reference results with Zhang {\it et al.} \cite{devc}{}, we create the outputs at each reference, and assign them weights either by mean or linearly as the distance between the target and the reference frame. We refer to them as Zhang {\it et al.} \cite{devc}{}* (mean) and Zhang {\it et al.} \cite{devc}{}* (linear), respectively.
We report four variations of our method.
Ours (w/o tracking) is an extension of Zhang {\it et al.} \cite{devc}{} to a mechanism for multiple references.
When only instance tracking is used (Ours (inst.)), an improvement in the inner of the instance mask is observed. Note that there is a change in the score outside the mask, because the region detected by the instance detector is different from the instance region of the ground truth.
Ours (dense) uses dense tracking to improve scores across images. Ours (inst. + dense), which further improved on instance tracking, achieves the highest performance in most cases.
These results demonstrate that using temporal correspondence and restricting the region to reflect the reference frame improve performance.
\begin{figure*}
\begin{center}
\includegraphics[width=\linewidth]{figs/comp_dense.pdf}
\end{center}
\vspace{-5pt}
\caption{Comparison of dense tracking with other methods. (a) Zhang {\it et al.} \cite{devc}{} using non-local attention struggles with long time or changing objects. (b) Instance detection is not successful in this case, and the result also affects colorization. On the other hand, by tracking on a vehicle-by-vehicle basis, (c) ours (dense) propagates correct colors. }
\label{fig:comp_dense}
\end{figure*}
\begin{figure}
\begin{center}
\includegraphics[width=\linewidth]{figs/vis_dense.pdf}
\end{center}
\caption{Visualization of dense tracking. We use dense tracking to obtain masks on the reference frame corresponding to each pixel on the target frame. We determine a color of the target pixel by further weighting from masked regions on the reference image.}
\label{fig:vis_dense}
\end{figure}
{\bf Qualitative Comparisons.}
Fig. \ref{fig:quality_single} and Fig. \ref{fig:quality_multi} show comparisons of the results of the proposed method and the state-of-the-art methods. Fig. \ref{fig:quality_single} shows the results when there are the same semantic objects (car) in a reference frame.
Zhang {\it et al.} \cite{devc}{} warps colors from the two cars, and as a result, the car in the target frame incorrectly contains red. The stone tower on the left-hand side of the image also incorrectly contains red. In contrast, our method prevents color transfer from the red car by considering the temporal relationship between frames. In addition, the color is clearer than that of DeepRemaster \cite{deepremaster}.
As shown in Fig. \ref{fig:quality_multi}, our method achieves more accurate colorization than other methods even when there are multiple reference images. Our proposed framework with spatiotemporal correspondence improves colorization performance at a finer level than instances, such as the color of the pixel of the sky and mountains.
\subsection{Analysis}
{\bf Spatiotemporal Correspondence.}
Our approach expresses temporal correspondence as mask propagation. Another approach (Fig.~\ref{fig:approach}(c)) that warps colors from both the reference frame and previous frame tends mostly to use the color of the previous frame because the previous frame is more similar to current target frame than the reference frame. In this method, therefore, it is difficult to colorize a long video due to accumulation of errors, as shown in Fig. \ref{fig:temporal_corr}. On the other hand, our method results in high fidelity and can colorize a long video, by warping the color of the reference frame, while considering the relation between the target frames.
{\bf Instance Tracking.}
Fig. \ref{fig:comp_inst} shows the effect of instance tracking. Our model takes advantage of the highly accurate segmentation of off-the-shelf instance detection. Our model can also prevent color leakage between instances even in long videos. Table \ref{table:psnr} shows that the performance can be improved within the ground truth instance mask.
{\bf Dense Tracking.}
Fig. \ref{fig:comp_dense} compares dense tacking with other models. Dense tracking tracks every pixel on the target frame. Fig. \ref{fig:vis_dense} visualizes dense tracking. As shown in the figures, tracking can be performed regardless of the class or size of the object.
The color is determined by calculating the similarity only in the masked region propagated from the target frame to the reference frame.
Therefore, while the tracking accuracy is not as high as with instance tracking, the influence of the error can be reduced at the time of warping the color.
{\bf Limitations.}
In our method, thresholds for window to limit neighbors are determined manually for dense tracking. If window size is too large, they can span different instances. On the other hand, if the window size is too small, it is difficult to track an object having a large amount of movement. Therefore, it is necessary to determine a threshold adaptively according to the content of the video. For our future work, we are interested in automating the setting of manual thresholds such as window size.
\section{Conclusions}
We proposed a novel framework for reference-based video colorization.
Our method uses temporal correspondence between target frames to reflect the reference color more faithfully.
We also proposed a dense tracking method in addition to the introduction of instance tracking as a method to compute temporal correspondence.
Experimental results demonstrate that our model outperforms state-of-the-art models both qualitatively and qualitatively. While it is still challenging to track across different scenes with different camera shots, it may be handled efficiently by detecting scene switches, which remains as our future work.
\subsection*{Acknowledgement}
We thank Masato Ishii for helpful discussions and comments. We also thank Sony Pictures Entertainment Technology Development Group for providing data and feedback.
{\small
\bibliographystyle{ieee_fullname}
\section{Effect of Reference Frame's Position}
Table \ref{table:psnr_davis_additional} shows the results of PSNR on DAVIS-2017 dataset \cite{davis2017}, using different reference frame positions from the one reported in the main paper.
We only use 30 frames per a video on the single reference setting, since colors that can be specified by a single reference may not include the ground truth colors of distant frames, although more frames can be colored.
As shown in the table, regardless of the reference frame's position within the video, our model consistently outperforms previous models, demonstrating that it is resilient to the change of reference frame's position.
\section{PSNR on Videvo Dataset}
Table \ref{table:psnr_videvo} shows that our method can better-reflect the colors more from ground truth than the previous methods in Videvo dataset.
Videvo dataset includes 60 videos (30 frames/video) that we collected manually from Videvo website\footnote{https://www.videvo.net} such that it includes various scenes. Unlike DAVIS-2017, there is no ground truth segmentation mask, so we only evaluate the entire frame (Full) for each frame.
Our observation is that instance detection by MaskRCNN \cite{maskrcnn} is not successful for Videvo dataset, due to a large number of instances moving or substantial blurs in the background. We suspect that this is why there is no difference in scores between Ours(dense) and Ours(inst.+dense). Also note that, in consistency with Table \ref{table:psnr_davis_additional}, our model outperforms previous models regardless of the reference frame's position.
\section{Other Evaluation Metric}
We report the results with another evaluation metric for reference-based video colorization.
The metric we introduce is the percentage of pixels whose error magnitude exceeds a threshold. This is similar to how the KITTI benchmark \cite{Menze2015CVPR} evaluates the correctness of estimated disparity or flow end-point error (often called \% Outlier). In particular, this metric is designed to measure the user controllabilty. For example, given a case where the creator needs to partially change the color of the area after applying the colorization model, this metric provides a clue as to how much revision will have to be made by the user.
Fig.~\ref{fig:supp_outlier} shows the relationship between the threshold and the percentage of pixels where the error exceeds the threshold. The percentages are averaged across the entire DAVIS-2017 \cite{davis2017} dataset.
Ours has consistently fewer errors than other methods. This demonstrates that our method is more similar to ground truth color and realizes better user-controllability and lower costs.
For example, in Zhang {\it et al.} \cite{devc}{}* (linear) vs Ours (inst.+dense), there is a 3.5\% difference, when $\textit{Threshold} = 8$.
This implies that at 4K (8.3 million pixels), there is a difference of about 290,000 pixels. In other words, our model leads to reduction of user re-drawing effort of about 540$\times$540 pixels.
Table \ref{table:outlier_davis} and Table \ref{table:outlier_videvo} are the results on DAVIS and Videvo respectively, when we set $\textit{Threshold} = 16$. Our method performs better than the previous methods, and in particular, we can see that dense tracking is critical for enhancing the performance for the entire image. Fig. \ref{fig:supp_vis_outlier_1} and Fig. \ref{fig:supp_vis_outlier_2} show visualization of pixels over a threshold of Euclidean distance from ground truth in RGB space, comparing our model with previous models.
\begin{table*}
\begin{center}
\begin{tabular}{lcccccc}
\toprule
&\multicolumn{6}{c}{Single Reference}\\
\midrule
&\multicolumn{3}{c}{1st frame}&
\multicolumn{3}{c}{Nth frame} \\
Method & Full & Inner & Outer & Full & Inner & Outer \\
\midrule
DeepRemaster \cite{deepremaster}& 25.34 & 24.23 & 25.51 & 25.31 & 24.09 & 25.49 \\
Zhang {\it et al.} \cite{devc}{} & 28.32 & 27.48 & 28.41 & 28.06 & 27.21 & 28.15 \\
Ours (inst.)& 28.31 & 27.52 & 28.40 & 28.00 & 27.21 & 28.15 \\
Ours (dense)& 28.75 & 27.56 & 28.87 & {\bf 28.51} & 27.36 & {\bf 28.64} \\
Ours (inst.+dense)& {\bf 28.76} & {\bf 27.68} & {\bf 28.88} & 28.45 & {\bf 27.40} & 28.63 \\
\bottomrule
\end{tabular}
\caption{PSNR on DAVIS. Higher is better. We report experiments with two types of reference frames: 1) single reference given at the beginning (1st), and 2) the end ($\textit{N}$-th) of a sequence.
Full, Inner, and Outer refer to the region with respect to ground truth instance masks used for evaluation.}
\label{table:psnr_davis_additional}
\end{center}
\end{table*}
\begin{table*}
\begin{center}
\begin{tabular}{lcccc}
\toprule
&\multicolumn{3}{c}{Single Reference} & Multiple References\\
\midrule
&\multicolumn{1}{c}{1st frame}&
\multicolumn{1}{c}{10th frame}&
\multicolumn{1}{c}{Nth frame}&
1st \& Nth frames\\
Method & Full & Full & Full & Full \\
\midrule
DeepRemaster \cite{deepremaster}& 23.88 & 24.08 & 23.85 & 24.22 \\
Zhang {\it et al.} \cite{devc}{} & 26.98 & 27.33 & 26.77 & - \\
Zhang {\it et al.} \cite{devc}{}* (mean) & - & - & - & 27.41 \\
Zhang {\it et al.} \cite{devc}{}* (linear) & - & - & - & 27.63 \\
Ours (w/o tracking) & 26.98 & 27.33 & 26.77 & 27.64 \\
Ours (inst.) & 26.97 & 27.32 & 26.70 & 27.65 \\
Ours (dense) & {\bf 27.35} & {\bf 27.76} & {\bf 27.11} & 28.09 \\
Ours (inst.+dense)& {\bf 27.35} & {\bf 27.76} & 27.04 & {\bf 28.10} \\
\bottomrule
\end{tabular}
\caption{PSNR on Videvo. Higher is better.}
\label{table:psnr_videvo}
\end{center}
\end{table*}
\begin{figure*}
\begin{center}
\includegraphics[width=0.6\linewidth]{figs/supp_outlier.pdf}
\end{center}
\caption{This is the percentage of pixels that is over a threshold of Euclidean distance from ground truth in RGB space.}
\label{fig:supp_outlier}
\end{figure*}
\begin{table*}
\begin{center}
\begin{tabular}{lccccc}
\toprule
&\multicolumn{3}{c}{Single Reference} & \multicolumn{2}{c}{Multiple References}\\
\midrule
Method &\multicolumn{1}{c}{1st} & \multicolumn{1}{c}{10th}& \multicolumn{1}{c}{Nth} & 1st \& Nth & 10th \& N-10th\\
\midrule
DeepRemaster \cite{deepremaster}& 36.0 & 35.7 & 35.9 & 35.3 & 35.1 \\
Zhang {\it et al.} \cite{devc}{} & 12.7 & 12.2 & 13.0 & - & - \\
Zhang {\it et al.} \cite{devc}{}* (mean) & - & - & - & 12.8 & 12.7 \\
Zhang {\it et al.} \cite{devc}{}* (linear) & - & - & - & 12.5 & 12.3 \\
Ours (w/o tracking) & 12.7 & 12.2 & 13.0 & 12.5 & 12.2 \\
Ours (inst.) & 12.8 & 12.2 & 13.0 & 12.5 & 12.2 \\
Ours (dense) & {\bf 11.8} & {\bf 11.0} & {\bf 11.9} & {\bf 11.6} & {\bf 11.2} \\
Ours (inst.+dense) & {\bf 11.8} & 11.1 & 12.0 & {\bf 11.6} & {\bf 11.2} \\
\bottomrule
\end{tabular}
\caption{\% Outlier on DAVIS. Lower is better. This is the percentage of pixels that is over a threshold of Euclidean distance from ground truth in RGB space. We set the $\textit{threshold} = 16$.}
\label{table:outlier_davis}
\end{center}
\end{table*}
\begin{table*}
\begin{center}
\begin{tabular}{lcccc}
\toprule
&\multicolumn{3}{c}{Single Reference} & \multicolumn{1}{c}{Multiple References}\\
\midrule
Method &\multicolumn{1}{c}{1st} & \multicolumn{1}{c}{10th}& \multicolumn{1}{c}{Nth} & 1st \& Nth \\
\midrule
DeepRemaster \cite{deepremaster}& 38.4 & 37.8 & 38.3 & 37.9 \\
Zhang {\it et al.} \cite{devc}{} & 14.6 & 13.6 & 14.2 & - \\
Zhang {\it et al.} \cite{devc}{}* (mean) & - & - & - & 13.6 \\
Zhang {\it et al.} \cite{devc}{}* (linear) & - & - & - & 13.1 \\
Ours (w/o tracking) & 14.6 & 13.6 & 14.2 & 12.9 \\
Ours (inst.) & 14.6 & 13.6 & 14.2 & 12.9 \\
Ours (dense) & {\bf 13.8} & {\bf 12.8} & {\bf 13.7} & {\bf 12.1} \\
Ours (inst.+dense) & {\bf 13.8} & {\bf 12.8} & {\bf 13.7} & {\bf 12.1} \\
\bottomrule
\end{tabular}
\caption{\% Outlier on Videvo. Lower is better. This is the percentage of pixels that is over a threshold of Euclid distance from ground truth in RGB space. We set the $\textit{threshold} = 16$.}
\label{table:outlier_videvo}
\end{center}
\end{table*}
\begin{figure*}
\begin{center}
\includegraphics[width=\linewidth]{figs/supp_vis_outlier_1.pdf}
\end{center}
\caption{The visualization of the pixels that is over a threshold of Euclidean distance from ground truth in RGB space. We set the $\textit{threshold} = 16$. Sparser visualization indicates better performance.}
\label{fig:supp_vis_outlier_1}
\end{figure*}
\begin{figure*}
\begin{center}
\includegraphics[width=\linewidth]{figs/supp_vis_outlier_2.pdf}
\end{center}
\caption{The visualization of the pixels that is over a threshold of Euclidean distance from ground truth in RGB space. We set the $\textit{threshold} = 16$. Sparser visualization indicates better performance.}
\label{fig:supp_vis_outlier_2}
\end{figure*}
\clearpage
|
\section{Introduction}
\input{Figure_1}
With the increasing demand to deploy DNN models on edge devices (e.g., mobile phones, robots, self-driving cars, etc.), which usually have limited storage and computing power, model compression techniques become an essential part of efficient DNN deployment. Network pruning \cite{han2015deep,hassibi1992second,molchanov2019importance}, factorization\cite{swaminathan2020sparse,2013low-rank}, knowledge distillation\cite{polino2018model,park2019relational,hinton2015distilling}, and parameter quantization\cite{han2015deep,9018278,jacob2018quantization} are among the most well-known compression techniques. However, these methods heavily rely on manually defined rules by experts, which requires an extensive amount of time and might not necessarily lead to a fully compressed model.
Recently, automatic model compression ~\cite{he2018amc,9018278,liu2020autocompress} is gaining momentum. Wang et al.~\cite{9018278} proposed a Bayesian automatic model compression method trained in a one-shot manner to find reasonable quantization policies. He et al.~\cite{he2018amc} proposed an automatic model compression method based on reinforcement learning (RL). However, when representing the DNN, they manually defined the embedding vector for each hidden layer, which ignores the rich structural information between the neural network's hidden layers.
To overcome the shortcomings of the existing methods, we propose a graph-based auto encoder-decoder model compression method AGCM combines GNN~\cite{article,NEURIPS2018_53f0d7c5,xu2019how} and reinforcement learning ~\cite{lillicrap2015continuous,sutton1999policy,DPG} to learn the compression strategy of DNNs without expert knowledge. GNN is a powerful technique to learn the graph's structural information. Thus, we use GNN to model the DNN as a graph and learn the hidden layer's representation.
We perform model compression by predicting each hidden layer of DNN's pruning ratio and evaluate the compressed model's performance using RL.
Neural networks can be easily represented as computational graphs, which contain wealthy structural information. However, it is unrealistic to directly transform a DNN into a computational graph because a DNN may involve billions of calculations \cite{he2016deep}, and the resulting computation graph could be huge. Thus, we apply the idea of Motif-Graph\cite{liu2018hierarchical}, as shown in Figure \ref{fig:short}, to construct a hierarchical graph for DNNs.
We modeled a DNN as a hierarchical computation graph and introduced a graph encoder based on Differentiable Graph Pooling (DIFFPOOL) GNN\cite{ying2018hierarchical} to learn the embedding. DIFFPOOL GNN focuses on graph classification and can learn the embeddings of graphs very well. Then, we introduced a decoder to decode the representation of DNN and learn the features of each hidden layer within the DNN. We use each hidden layer's features as the state vector of the environment, let the RL agent look for each hidden layer's compression ratios, and generate the corresponding candidate model. The RL reward function is based on the performance of the candidate model.
In essence, this paper makes the following contributions:
\begin{itemize}
\item To the best of our knowledge, this work is the first work to model the DNN as a hierarchical graph and use GNN to embed the DNN.
\item We introduce a learning-based autoencoder to perform embedding the DNNs without human effort.
\item Under the AGMC framework, we introduced an innovative multiple stages channel pruning cheme to perform structured pruning and unstructured pruning together in a single-shot manner.
\end{itemize}
\section{Related Work}
Many previous works focus on model compression, such as knowledge distillation\cite{polino2018model,park2019relational,hinton2015distilling}, parameter quantization\cite{han2015deep,9018278,jacob2018quantization}, factorization\cite{swaminathan2020sparse,2013low-rank}, network pruning\cite{han2015deep,hassibi1992second,molchanov2019importance} and improve DNNs' efficiency\cite{mammadli_ea}.
The network pruning techniques are among the most widely used methods and can dramatically shrink the model size. In this paper, we compress the DNN by network pruning.
Network pruning includes two major categories: structured pruning and unstructured pruning, and aims to evaluate the parameters' importance in the DNN and remove the parameters with a lower rank.
The unstructured pruning\cite{unstructured_NIPS2016_2823f479,unstructured_zhang2018a} prunes individual unimportant elements in weight tensors and can achieve a high compression ratio. Although the unstructured pruning can accelerate DNN with specialized hardware\cite{ji2018recom,han2017ese}, it fails in parallel implementations like GPUs.
The structured pruning\cite{channel_zhuang2018discrimination-aware,he2017channel} overcomes the limitation of unstructured pruning. For example, the filter pruning\cite{filter_he2018soft,he2019filter} on CNNs removes the redundant channels from feature maps.
As neural networks are typically over-parameterized, network pruning has achieved outstanding results and can remove even 90\% of the parameters in specific models \cite{blakeney2020is}. However, conventional network pruning methods rely primarily on handcraft and rule-based policies, which require human efforts and domain expertise and might not necessarily lead to a fully compressed model.
Recently, many learning-based network pruning methods\cite{xiao2019autoprun,he2018amc,liu2020autocompress} have been proposed. Liu et al.\cite{liu2020autocompress} proposed an ADMM-based\cite{ADMM} structured weight pruning method and an innovative additional purification step for further weight reduction. He et al.\cite{he2018amc} proposed AutoML for network pruning, which leverage reinforcement learning to predict each hidden layer's compression policies. However, they manually defined DNN's embedding and ignored the neural network's enormous structural information. In our work, we introduced an AutoGraph encoder-decoder, which automatically learns the embeddings from the DNN's rich topology information.
\section{Methodology}
\subsection{Deep Neural Network to Graph}
We model the DNNs as graphs since we noticed that neural networks in deep learning frameworks, such as TensorFlow\cite{TensorFlow} and PyTorch\cite{pytorch}, are represented as computational graphs, containing rich structural information. However, it is unrealistic to transform a DNN into a computational graph without simplification, as a DNN may involve billions of calculations\cite{he2016deep}. Thus, we employ the idea of the Motif graph\cite{liu2018hierarchical} to build a hierarchical computational graph for DNNs.
We model our DNN as an $l-$layer single-source and single-sink hierarchical computation graph $G^l = (V^l,E^l,\mathcal{G}^{l-1})$, where $\mathcal{G}^{l-1} = \{G^{l-1}_0,G^{l-1}_1,...\}$ is the primitive operation set at layer $l$. For a hierarchical computation graph in layer $t$, each node of the graph corresponds to a hidden state of the data, and each directed edge with a specific edge type associates with a primitive operation at layer $t$. The primitive operations at layer $t$ is compound operations composed of primitive operations at layer $t-1$.
\input{Figure_2}
Figure \ref{fig:short} shows the idea of a 2-layer hierarchical computation graph. For example, in layer 1, we choose three primitive operations $\mathcal{G}^{0} = $ \{1$\times$1 conv, 3$\times$3 conv, 3$\times$3 max-pooling\} corresponding to three edge types, and the computation graph $G^1_{1}$ denotes a compound operation composed of the primitive operations in $\mathcal{G}^{0}$, each directed edge in $G^1_{1}$ corresponding to a primitive operation in $\mathcal{G}^{0}$. The operation $G^1_{1}$ denotes is
\begin{equation}
y = assemble(conv3(conv1(x)),conv3(conv1(x)))
\end{equation}
In layer 2, $\mathcal{G}^{1} = $ \{$G^1_{1}$, $G^1_{2}$, $G^1_{3}$\}, each edge type in $G^2$ corresponds to a computation in $\mathcal{G}^{1}$, and we can flatten the $G^{2}$ to $G^{'}$ by replacing the edges to their corresponding lower-level computation graph. Figure \ref{fig:nn2graph} shows an example for constructing a 2-layer hierarchical computation graph for a ResNet\cite{he2016deep} block.
The hierarchical computation graph's size depends on the primitive operation we choose in $G^1$. As long as we reasonably choose primitive operation for $G^1$, we can construct a reasonable computation graph $G^{'}$ for DNN. In our experiments, we choose the commonly used operations in machine learning as primitive operations (e.g., convolution, pooling, etc.).
\input{Figure_3}
\subsection{Model Compression with GNN and RL}
Figure \ref{fig:short1} shows an overview of the AGMC. We introduced an auto model compression method, combined GNN\cite{article} with RL\cite{lillicrap2015continuous}, to automatically find the best compression strategy for each hidden layer of DNN. We model the DNN as a graph and learn the DNN's representation $g$ through GCN based encoder. And decode the representation $g$ to the features of each hidden layer $s_i \in S, i=1,2,..T$, where $T$ is the number of hidden layer. Then we take the $S$ as the environment state vectors to the RL agent and search for the hidden layer's compression policy $a_i \in A, i=1,2,..T$. The compressed DNN's performance is feedback to the RL agent as a reward to find the best compression policy.\\
\subsection{Auto graph encoder-decoder}
We introduced an auto graph encoder-decoder to learn the features of DNN's hidden layers automatically. The graph encoder aims to embed the graph. We use GCN to embed the nodes on the graph and then pool it to learn the representation $g$. In this paper, we introduced two graph encoders for different DNNs by applying different pooling strategies, Mean Pool and Differentiable Pool. Moreover, we introduced the LSTM\cite{LSTM} based decoder, which takes the previous layer's embedding and compression policy from the RL agent as input to predict DNN's hidden layers' embeddings.
\subsubsection{Graph Mean Pool}
Mean Pool GCN learns graph representation $g\in\mathbb{R}^{1 \times d}$ by averaging node features across the node dimension:
\begin{equation}
\begin{aligned}
X^{(l)} = GCN_{l}(X^{(l-1)}) \in \mathbb{R}^{N \times d}
\end{aligned}
\end{equation}
\begin{equation}
\begin{aligned}
g = \frac{1}{N} \sum_{n=1}^{N} {x^l}_n
\end{aligned}
\end{equation}
Where $X^{l}$ is the node embedding matrix at layer $l$, ${x^l}_i$ is the embedding of node $n$ at layer $l$, $N$ is the number of nodes on the graph, and $d$ is the embedding size. Mean Pool GCN first learns nodes embedding $X^{(l)}$ through a $l$-layer GCN, and then mean pool the graph, and it works well when graph size is small. However, when the hierarchical computation graph's size is large, Mean Pool GCN is inherently flat and unable to infer and hierarchically aggregate the information\cite{ying2018hierarchical}.
\subsubsection{Differentiable Pool}
Differentiable Pool (DIFFPOOL) GNN focuses on graph classification and is a state-of-the-art\cite{ying2018hierarchical} method to learn graph representation. DIFFPOOL GNN learns a differentiable soft assignment $M$ at each layer of a deep GNN, mapping nodes to a set of clusters based on their learned embeddings, and generate a smaller graph for the next GNN layer based on the clusters. And each node in the graph corresponding to a cluster of nodes at the previous layer. In this paper, we introduced the DIFFPOOL GCN encoder. We take the input adjacency matrix $A^{(l)}$ and denote the node embedding matrix at layer $l$ as $Z^l$. The DIFFPOOL coarsens the input graph, generating a new coarsened adjacency matrix $A^{(l+1)}$ and a new matrix of embeddings $X^{(l+1)}$ for each of the nodes/clusters in this coarsened graph:
\begin{equation}
Z^l=GCN^l_{embed}(A^l,X^l)\in\mathbb{R}^{n_l \times d}
\end{equation}
\begin{equation}
M^l=softmax(GCN^l_{pool}(A^l,X^l))\in\mathbb{R}^{n_l \times n_{l+1}}
\end{equation}
\begin{equation}
X^{(l+1)}=M^{(l)T}Z^{(l)}\in\mathbb{R}^{n_{l+1}\ \times\ d}
\end{equation}
\begin{equation}
A^{(l+1)}=M^{(l)T}A^{(l)}M^{(l)}\ \in\mathbb{R}^{n_{l+1}\ \times\ n_{l+1}}
\end{equation}
where the $d$ is the embedding size and the $n_l$ denotes the nodes at layer $l$ and clusters at layer $l-1$. We set the final layer with $1$ cluster and we can get the final out put $Z\in\mathbb{R}^{1\ \times\ d}$ as the representation $g$ of the graph.
\subsubsection{Decoder}
The decoder aims to learn the embedding of each DNN's hidden layer, and we take the hidden layer's features as the state vectors for RL agent.
Because the state vectors in the RL environment are determined by the previous state and the action, the decoder takes the previous layer’s feature vector and compression policy as input:
\begin{equation}
s_t=Decoder_{lstm}\left(s_{t-1},a_{t-1}\right)
\end{equation}
For the $t-$th hidden layer, we use the feature $s_{t-1}$ of the previous hidden layer and the compression policy $a_{t-1}$ (action selected by the RL agent) to calculate the environment states.
\subsection{DDPG Agent}
\subsubsection{The State an Action Space}
The traditional RL state space is determined by the environment, which is typically fixed. The RL agent finds the best strategy by learning the rewards given by the environment. In AGMC, RL state space is determined by the auto graph encoder-decoder, which means that our environment is also learnable. We use the performance of the compressed model as RL agent's feedback. We choose a continuous action space $a\in\left(0,1\right]$ to determine each hidden layer's compression policy.
\subsubsection{Deep Deterministic Policy Gradient}
To find the best strategy among continuous action space, we adopt DDPG\cite{lillicrap2015continuous,DPG}. DDPG agent receives the state $s$ from the environment and predicts the next action by the feedback of rewards and punishments. Similar to AMC\cite{he2018amc}, we also use truncated normal distribution for the exploration noise process:
\begin{equation}
\mu^\prime\left(st\right)\ \sim\ TN\left(\mu\left(st\ \middle|\ \theta_t^\mu\right),\sigma^2,0,1\right)
\end{equation}
And we update the agent with the loss function:
\begin{equation}
Loss\ =\ \frac{1}{N}\sum_{i}\left(y_i-Q\left(s_i,a_i\middle|\theta^Q\right)\right)^2
\end{equation}
\begin{equation}
y_i=r_i-b+\gamma Q\left(s_{i+1},\mu\left(s_{i+1}\right)\middle|\theta^Q\right)
\end{equation}
\subsubsection{Reward}
We use the performance of the candidate model as the reward. Specifically, we evaluate the candidate model by the error and the FLOPs of the candidate model. In different search protocols, DDPG apply different reward function\cite{he2018amc}. For resource-constrained compression, we take the reward:
\begin{equation}
R_{err} = -Error
\end{equation}
For accuracy-guaranteed compression, we use the reward:
\begin{equation}
R_{FLOPs} = -Error\times \log(FLOPs)
\end{equation}
\begin{equation}
R_{Param} = -Error\times \log(\#Param)
\end{equation}
\subsubsection{Algorithm for the desired model reduction}
The reward we use offers small or no incentive for model size and FLOPs reduction. Without constraint, the RL agent tends to search for a tiny compression ratio for each layer. To get a desired model size reduction, we apply Algorithm \ref{alg} to constraint the action $a$. According to the original scale, the AGMC achieves the desired model size or FLOPs reduction by re-scaling all the action.
\input{Algorithm_1}
\section{Experiment
In this section, we first compare the AGMC with AMC\cite{he2018amc}, which manually defines DNN's layer embeddings, and random search with reinforcement learning, which does not have layer embeddings. This comparison shows the effectiveness of our embedding technique.
Then, we evaluate AGMC on CIFAR-10\cite{CIFAR} and ILSVRC-2012\cite{ILSVRC12} dataset with popular CNN models(VGG-16\cite{VGG}, MobileNet\cite{mobileNet}, MobileNet-V2\cite{mobile_v2}, ResNet-20/50/56\cite{he2016deep}).
We perform the structured channel pruning and fine-grained pruning for FLOPs-constrained compression and accuracy-guaranteed compression on the CIFAR-10\cite{CIFAR} dataset by predicting the pruning ratio of hidden layers. For FLOPs-constrained compression, we focus on the channel pruning (filter pruning) on the convolutional layers, which are the most computationally intensive. For accuracy-guaranteed compression, we apply fine-grained pruning to prune individual unimportant elements in weight tensors. On ILSVRC-2012\cite{ILSVRC12} dataset, we introduced a multiple stages channel pruning strategy to help the AGMC get practical feedback and accelerate the search process. The AGMC performs structured pruning and unstructured pruning together in a single-shot manner. Moreover, we further show the inference acceleration of compressed models on GPU devices.
We construct 2-layer hierarchical computation graphs for DNNs. The primitive operations we choose in level 1 are commonly used operations in machine learning $\mathcal{G}^{0} = $\{$conv1/3/7$, $Relu$, $BatchNorm$, $(Max/Average)Pooling2/3, Padding$, $Splitting$\}. Before we embedding the DNN, we flate the hierarchical computation graph as shown in Figure\ref{fig:short}.
For ResNet-20/50/56, we apply Mean-Pool GCN as a graph encoder. For VGG-16 and MobileNet-V2, we apply Differentiable Pool GCN as a graph encoder.
In the DDPG agent, the actor-network $\mu$ and critic network $Q$ have two hidden layers, each with 300 units. The $\mu$'s output layer applies the sigmoid function to bound the actions within $(0,1)$. We use $\tau = 0.01$ for the soft target updates. In the first $100$ episodes, our agent searches with random action. Then exploits 300 episodes with exponentially decayed noise and trains the network with 64 batch size and 2000 as replay buffer size.
In the CIFAR-10 dataset, we separate the train set to $15K$ and $5K$ images. $15K$ images from the train set used to fast fine-tuning the candidate model and the rest $5K$ images as the validation set to calculate reward. In ILSVRC-2012, we introduced a multiple stages channel pruning strategy, which breaks the pruning into several stages, and split $5K$ images from the test set to calculate reward.
\input{Figure_5}
\subsection{Effectiveness of DNN Embeddings
Layer embeddings are essential for the DDPG agent to find a compression policy. However, many auto model compression methods\cite{liu2020autocompress,he2018amc} relies on manually defined rules for DNN embedding. We introduced an Auto Graph Encoder-Decoder to embed the DNN without human efforts and domain expertise. \\
{\bf Compare with manually defined layer embeddings} We compare AGMC with AMC\cite{he2018amc} to show the effectiveness of our embeddings for the DNN. In AMC, for each layer $t$, they manually defined $11$ features that characterize the state $s_t$:\\
$(t,n,c,h,w,stride,k,FLOPs(t),reduced,rest,a_{t-1})$
\\where $t$ is the layer id, the dimension of the kernel is $n\times c\times k\times k$, and the input is $c\times h\times w$. $FLOPs(t)$ is the FLOPs of layer $t$. Reduced is the total number of reduced FLOPs in previous layers. Rest is the number of remaining FLOPs in the following layers. The above layer embedding rules may miss important information, such as the number of parameters in each hidden layer, which are only applicable to convolutional layers. In AGMC, we learn the layer embeddings from graph encoder-decoder, which does not require expert knowledge and applicable for all kinds of hidden layers.
We compared the learning-based embeddings with different handcraft layer embeddings in AMC and evaluated the compressed model's performance on the validation set of the CIFAR-10. Figure \ref{fig:layer_embedding} shows the spatial decomposition evaluation for AMC's layer embeddings\cite{ADC} under ResNet-20\cite{he2016deep} 2$\times$. Straightforwardly, combining all the $11$ features as the layer embedding, the performance is better than combining part of them. However, even combining all the features, our learning-based embeddings are outperformed the manually defined embeddings.\\
{\bf Compare with random search} Moreover, we compare the AGMC with a random search without layer embeddings. Using the $R_{err}$ as a reward, we apply the DDPG reinforcement learning agent to a random search compression policy for ResNet-20 and ResNet-56 on CIFAR-10 compress the DNNs by pruning the filters for convolutional layers. We remove all the shortcuts between residual blocks; hence, we do not need to share the pruning index between residual connected layers and learn each hidden layer's embedding independently. The DDPG agent random searches 300 episodes and saves the best performance candidate model and fine-tuning the candidate model. As shown in Figure \ref{fig:random_search} for ResNet-20, compared to the random search, the AGMC get a better result. We find the candidate model with fewer episodes and higher accuracy, and more massive FLOPs reduction. Figure \ref{fig:ResNet56} shows the results in ResNet-56. The ResNet-56 is much deeper and more challenging. With fewer searching episodes, AGMC gets an validation accuracy of $95.64\%$ with $60\%$ FLOPs reduction, which outperforms the random search by a large margin. Furthermore, the random search without layer embedding is pruning irregularly on ResNet-56. In contrast, The Model can learn that $3\times 3Conv$ has more redundancy and prunes more on them.\\
{\bf Generalizability of graph encoder}
The AGMC adopts a GCN-based graph encoder to embed DNNs from their informative topology structure. Since we model the DNNs as graphs under the same rule and the graphs we constructed to have the same pattern, the graph encoder trained on one DNN should have a good performance on other similar DNNs. Here we explore whether AGMC has learned the pattern. We perform channel pruning and pre-trained the AGMC on ResNet-56, then transfer the trained AGMC on a similar network ResNet-20. When searching the pruning ratio of ResNet-20, we only update the decoder's parameter and do not require the graph encoder and RL agent's gradients. With 100 searching episodes and $50\%$ FLOPs reduction on ResNet-20, the result of AGMC transferred from ResNet-56 gets a validation accuracy of $92.08\%$, which is similar to the AGMC trained on ResNet-20 with $94.6\%$ validation accuracy. \\
{\bf Node classification} We further evaluate the effectiveness of our embeddings by clustering the nodes on the graph. In the hierarchical computation graph, each node corresponding to a feature map in DNN. Neurons in the same hidden layer often have similar structural information. The graph constructed for ResNet-54 with 31997 nodes and 63893 edges, and we label $20\%$ nodes on the graph and perform semi-supervised classification. The graph encoder can successfully classify nodes according to their layers with a $98\%$ accuracy.
\input{Figure_6}
\input{Table_1}
\subsection{CIFAR-10}
In this subsection, we conducted FLOPs-Constrained compression and accuracy-guaranteed compression and analyzed the effectiveness of AGMC on CIFAR-10\cite{CIFAR}.\\
{\bf Channel Pruning on CONV Layers} We conducted channel pruning on convolutional Layers for FLOPs-constrained compression, and we compared our approach with three handcraft empirical policies\cite{FP_li2017pruning,he2017channel}: uniform, shallow, and deep. The uniform policy sets the compression ratio uniformly, and the shallow and deep policies aggressively prune shallow and deep layers, respectively. We further compared with an AutoML model compression method AMC\cite{he2018amc}.
As shown in Table \ref{table:1}, we prune $50\%$ FLOPs for ResNet-20 and ResNet-56 by using $R_{err}$ to find the pruning policy. After searching, we fine-tune the best performance candidate model on the train dataset. Our method outperforms the handcraft empirical policies by a large margin with $88.42\%$ test accuracy on ResNet-20 and $92.00\%$ on ResNet-56. These handcraft empirical policies heavily rely on experts' manually defined rules and might not lead to an optimal compression policy. And compare to the learning-based method AMC\cite{he2018amc}, which uses manually defined layer embeddings, AGMC with $2.02\%$ higher accuracy on ResNet-20 and $1.8\%$ on ResNet-56 than the AMC.\\
{\bf Fine-Grained Pruning}
We aim to conduct accuracy-guaranteed compression with fine-grained pruning. We do not set the desired model size reduction with accuracy-guaranteed compression and let the DDPG agent find the compression policy with the best accuracy freely. Fine-grained pruning prunes individual unimportant elements in weight tensors, which can achieve a higher sparsity ratio and be accelerated with specialized hardware\cite{ji2018recom,han2017ese}.
Using the $R_{Param}$ as a reward, we compress the ResNet-50 and ResNet-56 and fine-tuning, and compare the AGMC with random search and AMC\cite{he2018amc}. Table \ref{table:1} shows the results, with $50\%$ parameter reduction on ResNet-56, AGMC outperforms random search with $4.71\%$ higher test accuracy. And with $60\%$ parameter reduction on ResNet-50, AGMC outperforms AMC with $0.98\%$ higher accuracy
\subsection{ILSVRC-2012}
This subsection evaluates the AGMC on the ILSVRC-2012\cite{ILSVRC12} dataset, which contains $1000$ classes and millions of images. The validation accuracy on the ILSVRC-2012 dataset is very sensitive to the channel reduction ratio. If the compression ratio is high, the accuracy drop is noticeable without fine-tuning, and the AGMC agent may not get practical feedback from the low validation accuracy. The fine-tuning process is time-consuming. To tackle the limit, We introduced a multiple stages channel pruning strategy for AGMC. For example, we break the $50\%$ FLOPs reduction into two stages, the 1st stage $30\%$ FLOPs reduction and the 2nd stage $30\%$ FLOPs reduction.
The AGMC learns DNN's embeddings from its rich topology structure information automatically and can learn the embeddings with all hidden layers, not only the convolutional layers. So the AGMC is not limited to pruning the convolutional layers. For some CNN models like VGG-16\cite{VGG}, it contains very compact dense layers, which contributes little on FLOPs but leads the model size pretty big (528 MB for VGG-16). In this experiment, the AGMC prunes convolution layers and linear layers together, thus performing filter pruning on convolutional layers and fine-grained pruning on linear layers, respectively, and obtaining the benefits from structured and unstructured pruning — the high sparsity ratio and noticeable FLOPs reduction. Our baselines only prunes filter on convolutional layers.
We compared the AGMC with state-of-art handcraft channel reduction methods: SPP\cite{SPP_wang2017structured}, FP\cite{FP_li2017pruning} and RNP\cite{RNP}, and auto model compression method AMC\cite{he2018amc}.
The SPP prunes DNNs by analyzing each layer and measures the reconstruction error to determine the pruning ratios. FP evaluates the performance of single-layer-pruning and estimates the sensitivity of each layer. Layers with lower sensitivity are pruned more aggressively. RNP introduced an RL-based method and groups all convolutional channels into four sets for training.
\input{Table_2}
We prune the VGG-16\cite{VGG}, MobileNet and MobileNet-V2\cite{mobile_v2}. Table \ref{table:2} shows the results. The AGMC prunes convolutional and dense layers together, where the baselines only prune filter on convolutional layers.
On MobileNet-V2, which are already highly compact, the AGMC prunes $30\%$ FLOPs on convolutional layers and $30\%$ parameters on dense layers and outperforms all the baselines with higher accuracy and lower density.
Moreover, the AGMC performs structured pruning and unstructured pruning together in a single-shot manner, which is more challenging, obtaining the benefits from structured and unstructured pruning. We can not only get a high sparsity ratio but also speed up on parallel devices like GPUs.
\input{Table_3}
\subsection{Inference Acceleration and Memory Saving}
The inference is an essential indicator for applying DNNs, and this subsection shows the inference acceleration of the compressed ResNet-20/50/56\cite{he2016deep}, VGG-16\cite{VGG}, MobileNet\cite{mobileNet} and MobileNet-V2\cite{mobile_v2} on GPU devices. The AGMC performs channel pruning on convolutional layers, accelerating the inference on parallel devices like GPUs. We calculated the inferences of pruned models from the above subsections and compared them with the original model. Our experiment platform is a single RTX 2080Ti GPU with batch size 32, and the compressed models are tested on two datasets CIFAR-10 and ILSVRC-2012.
Table \ref{table:3} shows the results. The models pruned by AGMC achieved notable GPU memory reduction. For the VGG-16, the original model's GPU memory usage is 528 MB since it has a very compact dense layer, and its first dense layer contains 25088 neurons. The $20\%$ FLOPs VGG-16 with pruned convolutional layers significantly reduced the feature map size input to dense layers, and it takes up 141 MB memory less than the original. Moreover, without losing too much test accuracy, all of the models pruned by AGMC achieve inference reduction. And the $20\%$ FLOPs VGG-16 achieves a remarkable $1.22 \times$ speed up on the ILSVRC-2012 dataset.
\section{Conclusion}
This paper proposed AGMC, which combines GNN and RL to explore the deep network compression policies automatically. To the best of our knowledge, we are the first to model DNNs as hierarchical computational graphs for model compression. We introduced a novel autograph encoder-decoder to learn the embedding of DNNs. We performed comprehensive experiments on CIFAR-10 and ILSVRC-2012 datasets. Together with the efficient DNN embedding techniques, our model outperforms the handcrafted and learning-based methods by a large margin. On ResNet-20/50/56, we outperform all the baselines with a $1.8\%$ higher accuracy. Moreover, under the AGMC framework, we introduced a novel pruning scheme that breaks the pruning into several stages and performs structured and unstructured pruning together in a single-shot manner, thus benefiting from structured and unstructured pruning. Using this method, we achieved a higher compression ratio with only $0.93\%$ accuracy loss on MobileNet-V2.
|
\section{Introduction}
Heavy-flavour quarks (charm and beauty) are produced in the initial stage of heavy-ion collisions via partonic hard scatterings. Therefore they can be used to study the initial hard processes and the properties of the hot and cold nuclear medium present in high-energy heavy-ion collisions. In proton--proton (pp) collisions, heavy-flavour particles can be primarily used for testing calculations based on perturbative quantum chromodynamics (pQCD), study flavour-dependent fragmentation, and to set a baseline for nuclear modification in heavy-ion collisions. Besides this, comparing the production yield of different heavy-flavour particle species (baryons to mesons, strange to non-strange heavy-flavour hadrons) provides the opportunity to study the hadronization processes. Unexpected was the discovery of a collectivity-like phenomenon in small collision systems (pp, p--Pb) with high final-state multiplicity \cite{Khachatryan:2016txc}. Collectivity was observed prior to that in heavy-ion collisions, where it is attributed to the presence of the strongly-interacting quark--gluon plasma (QGP) \cite{Adcox:2004mh}. It is unlikely, however, that the QGP is produced in a substantial volume in pp collisions, due to insufficient energy density. To better understand the origin of the collectivity-like phenomenon in small collision systems, multiplicity-dependent studies of pp collisions are performed. Recent results show that the collectivity-like phenomenon can be explained with vacuum QCD effects on the soft-hard boundary, such as Multiple Parton Interactions (MPI) \cite{Ortiz:2013yxa}.
The ALICE experiment \cite{Aamodt:2008zz} provides a great opportunity for studying heavy-flavour hadrons due to its high-precision tracking system. The Inner Tracking System is a set of detectors based on silicon technology, which can reconstruct decay vertices of heavy-flavour hadrons with precision down to 100 $\mu$m. The Time Projection Chamber, along with the Time of Flight Detector, provide charged-particle tracking and identification, while high-$p_{\rm T}$ electrons are further identified with Electromagnetic Calorimeter. These detectors cover the midrapidity region ($|\eta|<0.5$). Muons, on the other hand, are detected at forward rapidity ($2.5<\eta<4$) by the muon spectrometer. In the ALICE experiment, heavy-flavour hadrons are detected via two types of decay channels: hadronic decays and semi-leptonic decays. In the first case a full kinematical reconstruction is performed from decay products. The invariant mass distribution of the hadron candidates is then fitted to discard the combinatorial background. The hadronic decay channels of charmed hadrons in the current analyses are ${\rm D^0\rightarrow K^-\pi^+}$, ${\rm D_{s}^+\rightarrow K^-K^+\pi^+}$, ${\rm \Lambda_{c}^+\rightarrow pK^-\pi^+}$, ${\rm \Sigma_{c}^0\rightarrow \Lambda_{c}^+\pi^-}$, ${\rm \Sigma_{c}^{++}\rightarrow \Lambda_{c}^+\pi^+}$, ${\rm \Xi_{c}^0\rightarrow \Xi_{c}^-\pi^+}$, ${\rm \Xi_{c}^+\rightarrow \Xi_{c}^-\pi^+\pi^+}$. The production of beauty quarks in ALICE is accessed via the non-prompt measurements of D mesons originating from the decay of beauty hadrons. In case of the investigation of semi-leptonic decay channels, electrons from charm and beauty quarks are reconstructed in the central barrel, and their contributions are statistically separated on the basis of the impact parameter distribution of decay electrons, while muons from charm and beauty quarks are reconstructed in the forward muon spectrometer.
\section{Production of heavy-flavour hadrons in pp collisions}
The production of prompt and non-prompt D mesons in pp collisions at $\sqrt{s}=5.02$ TeV was measured with ALICE detectors. In Fig.~\ref{D0cross} the production cross section of prompt ${\rm D^0}$ mesons \cite{Acharya:2019mgn}, as well as preliminary results for non-prompt ${\rm D^0}$ mesons are compared to FONLL calculations \cite{Cacciari:1998it}. The perturbative QCD model describes well the results, with a trend of data being closer to the upper edge of the FONLL uncertainties. The production cross section of non-prompt strange D mesons is also well described by the FONLL model (Fig.~\ref{D+cross}).
\begin{figure}[ht!]
\begin{minipage}{0.45\textwidth}
\includegraphics[width=\textwidth]{2020-05-11-CrossSectionD0_Prompt_NonPrompt_pp5TeV_vsFONLL_Pythia8_BRnative.png}
\caption{\label{D0cross}Production cross section of prompt and non-prompt $\rm{D^0}$ mesons compared with the FONLL calculations.}
\end{minipage}\hspace{0.1\textwidth}%
\begin{minipage}{0.45\textwidth}
\includegraphics[width=\textwidth]{2020-05-11-CrossSectionDs_Prompt_NonPrompt_pp5TeV_vsFONLL_Pythia8_BRnative.png}
\caption{\label{D+cross}Production cross section of prompt and non-prompt $\rm{D_s^+}$ mesons compared with the FONLL calculations.}
\end{minipage}
\end{figure}
Figure \ref{ecross} shows the production cross section of electrons from heavy-flavour hadron decays measured in ALICE at midrapidity up to $p_{\rm T}$=10 GeV/$c$ \cite{Acharya:2019mom} and the rescaled ATLAS measurement \cite{Aad:2011rr}. The results are compared with the FONLL predictions. Similar to the behaviour observed for D mesons, in electron measurements a trend of data being closer to the upper edge of the FONLL uncertainty is also seen at low and intermediate $p_{\rm T}$. At high $p_{\rm T}$, data are closer to the central values of the FONLL predictions. Measurements of muons from heavy-flavour hadron decays are shown in Fig.~\ref{mucross}. FONLL predicts more muons from charm hadron decays at low $p_{\rm T}$, while at high transverse momenta muons from beauty hadron decays are dominant. The production of muons from heavy-flavour decays, measured at forward rapidity, is also well described by the FONLL calculations. High-precision ALICE measurements on heavy-flavour production already provide strong restrictions on theoretical calculations.
\begin{figure}[ht!]
\begin{minipage}{0.45\textwidth}
\includegraphics[width=\textwidth]{2020-05-21-ComparisionFONLL_final_pp_reference_fullpT.png}
\caption{\label{ecross}Production cross section of electrons from semileptonic heavy-flavour hadron decays compared with the FONLL calculations.}
\end{minipage}\hspace{0.1\textwidth}%
\begin{minipage}{0.45\textwidth}
\includegraphics[width=\textwidth]{2019-09-25-Fig3.png}
\caption{\label{mucross}Production cross section of muons from semileptonic heavy-flavour hadron decays compared with the FONLL calculations.}
\end{minipage}
\end{figure}
\section{Fragmentation of heavy-flavour quarks: mesons and baryons}
Differences in fragmentation of c and b quarks into baryons and mesons can be studied by calculating the ratios of different particle species. Figure \ref{LoverD} shows the production ratio of ${\rm \Lambda_c^+}$ baryons to ${\rm D^0}$ mesons. An enhancement is observed at low $p_{\rm T}$, which is not described by the PYTHIA8 Monash tune \cite{Sjostrand:2014zea, Skands:2014pea}. However, the PYTHIA8 Mode2 with colour reconnection using string formation beyond leading colour approximation \cite{Christiansen:2015yqa} provides a qualitatively good description of data.
\begin{figure}[ht!]
\begin{minipage}{0.45\textwidth}
\includegraphics[width=\textwidth]{2020-05-22-LcpKpiOverD0_wPythiaMonashMode2_LowHighMult_HP.png}
\caption{\label{LoverD}Ratio of ${\rm \Lambda_c}$ to $\rm{D^0}$ at low and high multiplicity compared to the PYTHIA8 simulations with Monash and Mode2 tunes.}
\end{minipage}\hspace{0.1\textwidth}%
\begin{minipage}{0.45\textwidth}
\includegraphics[width=\textwidth]{2020-06-24-Xic0ToD0_pp13TeV_wModel.png}
\caption{\label{XoverD}Ratio of ${\rm \Xi_c^{0,+}}$ to $\rm{D^0}$ compared to the PYTHIA8 simulations with Monash and Mode2 tunes, as well as to the SHM-based model.}
\end{minipage}
\end{figure}
Figure \ref{XoverD} shows the ratio of ${\rm \Xi_c^0}$ and ${\rm \Xi_c^+}$ baryons, containing a strange quark, to ${\rm D^0}$ mesons. The PYTHIA8 Monash tune does not predict the enhancement of data at low $p_{\rm T}$, while PYTHIA8 Mode2 significantly underestimates it. Another model proposed to describe the hadronization of charmed baryons with the statistical hadronization model (SHM) by employing an augmented set of charm-baryon states beyond the current listings of the particle data group \cite{He:2019tik} also fails in reproducing the relative enhancement of strange charmed-baryons at low transverse momenta.
In Figs.~\ref{SoverL} and \ref{SoverX} baryon-to-baryon ratios are shown. In the case of ${\rm \Sigma_c}$-to-${\rm \Lambda_c}$ ratio (Fig.~\ref{SoverL}) all the PYTHIA8 tunes \cite{Christiansen:2015yqa, Skands:2014pea} cannot describe the data. PYTHIA uses the fragmentation functions based on the ${\rm e^+e^-}$ collisions, which may signal that charm hadronization strongly depends on the collision system. The SHM-based model \cite{He:2019tik}, on the other hand, reproduces well the ratio of non-strange charmed baryons. For the ratio of ${\rm \Sigma_c}$ and ${\rm \Xi_c}$ (Fig.~\ref{SoverX}), the measurements are well described by the PYTHIA8 Monash tune. However, the higher-order colour string formation scenario predicts further relative enhancement in charmed-baryon production, which is not supported by data.
\begin{figure}[ht!]
\begin{minipage}{0.48\textwidth}
\includegraphics[width=\textwidth]{2020-06-15-Sc_Lc_withTAMUcorr_x10Pythia.png}
\caption{\label{SoverL}Ratio of ${\rm \Sigma_c}$ and ${\rm \Lambda_c}$ baryons compared with PYTHIA8 predictions with different tunes, as well as with SHM-based model.}
\end{minipage}\hspace{0.04\textwidth}%
\begin{minipage}{0.48\textwidth}
\includegraphics[width=\textwidth]{2020-05-22-ratio_with_Xic_2_withBRunc_x10Pythia.png}
\caption{\label{SoverX}Ratio of ${\rm \Sigma_c}$ and ${\rm \Xi_c}$ baryons compared with PYTHIA8 predictions with different tunes.}
\end{minipage}
\end{figure}
\section{Multiplicity-dependent production of heavy-flavour hadrons}
In multiplicity-dependent studies of particle production, it was observed that the relation between the self-normalised multiplicity and the self-normalised number of produced particles at midrapidity is stronger than linear. This can be partly explained by the presence of the autocorrelation effects arising from defining the multiplicity in the same region as the signals. Models including MPI effects \cite{Sjostrand:2014zea}, or similar mechanisms \cite{Drescher:2000ha,Ferreiro:2012fb}, also predict this kind of behaviour (see Fig.~\ref{multe}). This stronger-than-linear dependence is also observed for ${\rm J/\psi}$, B and D mesons \cite{Abelev:2012gx, Adam:2016mkz}.
\begin{figure}[ht!]
\centering
\includegraphics[width=0.6\textwidth]{2018-May-07-HFE_SNYield_PtBins_Comparison_PYTHIA_pp13.png}
\caption{Self-normalised yields of electrons from heavy-flavour hadron decays as a function of self-normalised multiplicity measured at midrapidity in different $p_{\rm T}$ bins.}
\label{multe}
\end{figure}
Strangeness enhancement has been found to be dependent on the event multiplicity, regardless of the collision system \cite{ALICE:2017jyt}, suggesting that the production of light flavour and strange hadrons is dominated by the final state. In order to study the influence of strangeness content on heavy-flavor production, a measurement of ${\rm D_s^+/D^0}$ was executed in ALICE as a function of multiplicity. Results in Fig.~\ref{multS} show that the strange-charmed ${\rm D_s^+}$ meson production in pp collisions is not influenced by the multiplicity. This is different from the behaviour measured for light-flavour particles.
Figure \ref{multL} shows a clear distinction between the hadronization of charmed ${\rm \Lambda_c^+}$ baryons at low and high multiplicity. This behaviour is predicted by the PYTHIA8 with Mode2 tune, however description is only qualitative with this tune.
\begin{figure}[ht!]
\begin{minipage}{0.45\textwidth}
\includegraphics[width=\textwidth]{2020-05-22-DsOverD0_LowAndHighMult_HP.png}
\caption{\label{multS}Ratio of ${\rm D_s^+}$ and ${\rm D^0}$ mesons at low and high multiplicity.}
\end{minipage}\hspace{0.1\textwidth}%
\begin{minipage}{0.45\textwidth}
\includegraphics[width=\textwidth]{2020-05-22-LcpKpiOverD0_zwPythiaMode2_DoubleRatioMB_HP.png}
\caption{\label{multL}Self-normalised ratio of ${\rm \Lambda_c^+}$ and ${\rm D^0}$ at low and high multiplicity compared with the PYTHIA8 Mode2 simulations.}
\end{minipage}
\end{figure}
\section{Conclusions}
The ALICE collaboration performed a broad range of measurements on heavy-flavour particle production in pp collisions in order to test perturbative QCD models. The FONLL calculations predict well the production cross section of heavy-flavour particles, although the data are at the upper limit of the theoretical uncertainties. Also, measurements studying the hadronization of mesons and baryons are executed. PYTHIA8 Monash tune is insufficient to describe the hadronization processes, however the Mode2 tune with higher-order colour reconnection calculations performs better in this. Another model, based on statistical hadronisation with augmented charmed baryon states, also provides qualitatively good predictions for the ratio of non-strange ${\rm \Lambda_c}$ and ${\rm \Sigma_c}$ baryons. However neither of these two models can describe the enhancement of ${\rm \Xi_c}$ baryons with respect to ${\rm D^0}$.
ALICE also performed multiplicity-dependent measurements in order to study the connection of underlying events to the leading hard process. The results show a stronger than linear dependence of heavy-flavour production on event multiplicity, that can be attributed to Multiple Parton Interactions. A multiplicity-dependent comparison of strange ${\rm D_s}$ and non-strange D mesons does not show an enhancement of strange D mesons relative to non-strange D mesons with multiplicity in pp collisions. On the other hand, a clear multiplicity dependence is observed for ${\rm \Lambda_c}$ baryons when compared to ${\rm D^0}$ mesons.
\section*{Acknowledgements}
This work has been supported by the Hungarian NKFIH/OTKA FK131979 and K135515 grants, as well as the NKFIH 2019-2.1.6-NEMZ\_KI-2019-00011 and 2019-2.1.11-TÉT-2019-00078 projects.
\section*{References}
|
\subsection{Ablation Study}
\label{sec:ablation}
To verify the robustness of the framework, we perform an extensive ablation study on the adaptation from GTA5 to Cityscapes with ResNet-101 as backbone. First, we examine the contribution of each loss to the final mIoU; then, we investigate the effect of each novel loss component. Further considerations are reported in the Supplementary Material.
\begin{table}[tbp]
\setlength{\tabcolsep}{6pt}
\renewcommand{\arraystretch}{1.1}
\centering
\begin{tabular}{cccc|c}
$\mathcal{L}_{cl}$ & $\mathcal{L}_{or}$ & $\mathcal{L}_{sp}$ & $\mathcal{L}_{em}$ & mIoU\\[0.1em]
\hline
& & & & 37.0 \\
\checkmark & & & & 42.3 \\
& \checkmark & & & 43.2 \\
& & \checkmark & & 43.7 \\
& & & \checkmark & 44.8 \\
\checkmark & \checkmark & \checkmark & & 45.3 \\
\checkmark & \checkmark & \checkmark & \checkmark & 45.9 \\
\end{tabular}
\caption{Ablation results on the contribution of each adaptation module in the GTA5 to Cityscapes scenario and with ResNet-101 as backbone.}
\label{tab:ablation}
\end{table}
The contribution of each loss to the adaptation module is shown in Table~\ref{tab:ablation}. Every loss component largely improves the final mIoU results from $37.0\%$ of the \textit{source only} scenario up to a maximum of $44.8\%$.
Combining the $3$ novel modules of this work, we achieve a mIoU of $45.3\%$, which is higher than all the losses alone, but lower than our complete framework with all the losses enabled ($45.9\%$).
\begin{figure}[htbp]
\centering
\includegraphics[trim=2.15cm 0.8cm 2.15cm 0.8cm, clip, width=\linewidth]{img/ablation/tsne/tsne_img160_cl.pdf}
\caption{T-SNE computed over features of a single image of the Cityscapes validation set when adapting from GTA5 (\textit{best viewed in colors}).}
\label{fig:tSNE}
\end{figure}
To investigate the effect of the clustering module ($\mathcal{L}_{cl}$) we show a t-SNE \cite{maaten2008visualizing} plot of features extracted from a sample image of the Cityscapes validation set.
In particular, we provide a comparison of the discovered low-dimensional feature distribution for two distinct training settings, i.e.\ \textit{source only} and adaptation with $\mathcal{L}_{cl}$ only.
The results are reported in Fig.~\ref{fig:tSNE}, where sparse points in the \textit{source only} plot turn out more tightly clustered and spaced apart in the $\mathcal{L}_{cl}$ approach (e.g., look at the \textit{person} class).
We analyze the orthogonality constraint ($\mathcal{L}_{or}$) via a similarity score defined as an average class-wise cosine similarity measure (Fig.\ \ref{fig:plot_similarity}).
The cosine distance is first computed for every pair of feature vectors from a single target image.
Then, the average values are taken over all features from the same class to get a score for each pair of semantic classes.
The final values are computed by averaging over all images from the Cityscapes validation set.
The score computation is performed for
two different configurations, i.e.\, $\mathcal{L}_{cl}+\mathcal{L}_{or}+\mathcal{L}_{sp}$ and $\mathcal{L}_{cl}+\mathcal{L}_{sp}$, to highlight the effect induced by the orthogonality module.
Here we report the intra-class similarity scores, whereas the full matrix with also the inter-class values \revised{is} in the Supplementary Material.
The results in Fig.~\ref{fig:plot_similarity} show that $\mathcal{L}_{or}$ causes the similarity score to significantly increase \revised{within}
almost all the classes.
\begin{figure}[htbp]
\centering
\includegraphics[trim=0cm 0.5cm 0cm 0.5cm, width=\linewidth]{img/ablation/orthogonality_hist/all-but-ort.pdf}
\caption{Similarity scores computed over images of the Cityscapes validation set when adapting from GTA5.
}
\label{fig:plot_similarity}
\end{figure}
\begin{figure}[htbp]
\centering
\includegraphics[trim=0cm 0.8cm 0cm 0.8cm, width=\linewidth]{img/ablation/sparsity_hist/all-but-spa.pdf}
\caption{Sparsity scores computed over images of the Cityscapes validation set when adapting from GTA5.
}
\label{fig:plot_sparsity}
\end{figure}
To understand the efficacy of the sparsity loss ($\mathcal{L}_{sp}$) we compute the sparsity scores as the fraction of activations in normalized feature vectors close to $0$ or $1$ (Fig. \ref{fig:plot_sparsity}).
Closeness is quantified as being distant from $0$ or $1$ less than a threshold, which we set to $10^{-4}$.
As for the similarity scores, the sparsity measures for a single target image are obtained through averaging over all feature vectors from the same class.
The final results correspond to the mean values over the entire Cityscapes validation set.
We compute the scores for two different configurations, i.e.\, $\mathcal{L}_{cl}+\mathcal{L}_{or}+\mathcal{L}_{sp}$ and $\mathcal{L}_{cl}+\mathcal{L}_{or}$, so that we can inspect the effect that the sparsity module is providing on feature distribution.
From Fig.~\ref{fig:plot_sparsity} we can appreciate that $\mathcal{L}_{sp}$ effectively achieves higher values of sparseness for all the classes.
\section{Conclusions}
In this paper we propose a novel feature oriented UDA framework for semantic segmentation.
Our approach comprises 3 main objectives.
First, features of same class and separate domains are clustered together, whilst features of different classes are spaced apart.
Second, an orthogonality requirement over the latent space discourages the overlapping of active channels among feature vectors of different classes.
Third, a sparsity constraint further reduces feature-wise the number of the active channels.
All combined, these modules allow to reach a
regularized disposition of latent embeddings
, while providing a
semantically consistent domain alignment over the feature space.
We extensively evaluated our framework in the synthetic-to-real scenario, achieving state-of-the-art results in feature level UDA.
For future work, we intend to explore new techniques aiming at the refinement of the pseudo-labeling based classification of feature vectors, and to integrate our feature space adaptation with other approaches targeting different network levels.
\\
\revised{
Finally,
we would like to investigate the regularizing effect of the proposed techniques when applied to the single-domain standard semantic segmentation.
}
\section{Experimental Setup}
\textbf{Datasets.}
Supervised training is performed on the synthetic datasets GTA5 \cite{Richter2016} and SYNTHIA \cite{ros2016}. We employ Cityscapes \cite{Cordts2016} as target domain.
The GTA5 \cite{Richter2016} contains $24966$ synthetic images taken from a car perspective in US-style virtual cities, with a high level of quality and realism.
On the other hand, the SYNTHIA \cite{ros2016} offers $9400$ images from virtual European-style towns with large scene variability under various light and weather conditions, but little visual quality.
For evaluation on real datasets, respectively $19$ and $16$ compatible classes are considered when adapting from GTA5 and SYNTHIA.
The Cityscapes \cite{Cordts2016} is instead provided with the limited amount of $2975$ images acquired in $50$ European cities.
The original training set (without labels) is used for unsupervised adaptation, while the $500$ images in the original validation set are used as a test set.
\textbf{Model Architecture.} The modules introduced in this work are agnostic to the underlying network architecture and can be extended to other scenarios. For fair comparison with previous works \cite{tsai2018, Chen2019,vu2019advent} we employ the DeepLab-V2, a fully convolutional segmentation network with ResNet-101 \cite{he2016deep} or VGG-16 \cite{simonyan2015very} as backbones.
Further details on the segmentation network architecture can be found in \cite{tsai2018,vu2019advent}, as we follow the same implementation adopted in those works.
We initialize the two encoder networks with ImageNet \cite{deng2009imagenet} pretrained weights.
In addition, prior to the actual adaptation phase, we supervisedly train the segmentation network on source data.
\textbf{Training Details.} The model is trained with the starting learning rate set to $2.5 \times 10^{-4}$ and decreased with a polynomial decay rule of power $0.9$.
We employ weight decay regularization of $5 \times 10^{-4}$.
Following \cite{Chen2019}, we also randomly apply mirroring and gaussian blurring for data augmentation during the training stage.
To accommodate for GPU memory limitations, we resize images from the GTA5 dataset up to a resolution of $1280 \times 720\ \mathrm{px}$, as done by \cite{tsai2018}.
SYNTHIA images are instead kept to the original size of $1280 \times 780\ \mathrm{px}$.
As for the target Cityscapes dataset, training unlabeled images are resized to $1024 \times 512\ \mathrm{px}$, whereas the results of the testing stage are reported at the original image resolution ($2048 \times 1024\ \mathrm{px}$).
We use a batch size of 1 and the hyper-parameters are tuned by resorting to a small subset of labeled target data that we set aside from the original target training set and reserve only for parameter selection.
As evaluation metric, we employ the mean Intersection over Union (mIoU).
The entire model is developed using PyTorch and trained with a single GPU.
\revised{The code is available at \url{https://lttm.dei.unipd.it/paper_data/UDAclustering/}.}
\section{Introduction}
\begin{figure}[htbp]
\includegraphics[width=0.95\linewidth]{img/graphical_abstract/GA_v4.png}
\caption{The proposed domain adaptation scheme is driven by 3 main components, i.e., feature clustering, orthogonality and sparsity. These push features in the previous step (in light gray) to new locations (colored) where
features of the same class are clustered, while features of distinct classes are pushed away. To further improve performances, features of distinct classes are forced to be orthogonal and sparse.
}
\label{fig:graphical_abstract}
\end{figure}
Semantic segmentation is one of the most challenging prediction tasks towards complete scene understanding and has achieved substantial improvements thanks to deep learning architectures.
State-of-the-art approaches typically rely on an auto-encoder structure, where an encoder extracts meaningful compact representations of the scene and a decoder processes them to obtain a dense segmentation map.
Starting from the well-known FCN architecture \cite{long2015}, many models have been proposed, such as PSPNet \cite{zhao2017}, DRN \cite{yu2017drn} and DeepLab \cite{chen2018deeplab,chen2018encoder,chen2017rethinking}.
The main drawback of such architectures is their high complexity: indeed, their success is strictly related to the availability of massive amounts of labeled data. For this reason, many datasets have been created (e.g., Cityscapes \cite{Cordts2016} or Mapillary \cite{neuhold2017mapillary} for urban scene understanding), but the pixel-wise annotation procedure is highly expensive and time consuming.
To avoid this demanding process, UDA has come into play in order to exploit knowledge extracted from (related) data sources where labels are easily accessible to the problem at hand.
Three main levels to which adaptation may occur can be identified \cite{toldo2020unsupervised}: namely, at the input, features or output stages.
A popular solution has become to bridge the domain gap at an intermediate or output representation level by means of adversarial techniques \cite{hoffman2016,hoffman2018,michieli2020adversarial}. The major drawback of these kind of approaches is that they usually perform a semantically unaware alignment, as they neglect the underlying class-conditional data distribution.
Additionally, they typically require a long training time to converge and the process may be unstable.
Differently from these techniques, our approach is simple and does not require complex adversarial learning schemes:
it entails only a slight increase of computation time with respect to the sole supervised learning.
In this work we focus on feature-level UDA.
The main idea is depicted in Fig.\ \ref{fig:graphical_abstract}: we devise a domain adaptation technique specifically targeted to guide the latent space organization and driven by 3 main components. The first is a feature clustering method developed to group together features of the same class, while pushing apart features belonging to different classes. This constraint, which works on both domains, is similar in spirit to the recent progresses in contrastive learning for classification problems \cite{chen2020simple}; however, it has been developed aiming at a simpler computation, as the number of features per image is significantly larger than in the classification task. The second is a novel orthogonality requirement for the feature space, aiming at reducing the cross-talk between features belonging to different classes. Finally, a sparsity constraint is added to reduce the number of active channels for each feature vector: our aim is to enforce the capability of deep learning architectures to learn a compact representation of the scene. The combined effect of these modules allows to regularize the structure of the latent space in order to encompass the source and target domains in a shared representation.
Summarizing, our main contributions are:
(1) we extend feature clustering (similarly to contrastive learning) to semantic segmentation;
(2) we introduce orthogonality and sparsity objectives to force a regular structure of the embedding space;
(3) we achieve state-of-the-art results on feature-level adaptation on two widely used benchmarks.
\section{Method}
\begin{figure*}[t]
\centering
\includegraphics[width=0.95\linewidth]{img/architecture/architecture_vec.pdf}
\caption{Overview of the proposed approach. Features after supervised training on the source domain are represented in light gray, while features of the current step are colored.
A set of techniques is employed to better shape the latent feature space spanned by the encoder. Features are clustered and the clusters are forced to be disjoint. At the same time, features belonging to different classes are forced to be orthogonal with respect to each other. Additionally, features are forced to be sparse
and an entropy minimization loss could also be added to guide target samples far from the decision boundaries.
}
\label{fig:architecture}
\end{figure*}
In this section, we provide an in depth description of the core modules of the proposed method. Our approach leverages a clustering objective applied over the individual feature representations, with novel orthogonality and sparsity constraints.
Specifically, inter and intra class alignments are enforced by grouping together features of the same semantic class, while simultaneously pushing away those of different categories.
\revised{By enforcing the clustering objective on both source and target representations, we drive the model towards feature-level domain alignment.}
We further regularize the distribution of latent representations by the joint application of an orthogonality and a sparsity losses.
The orthogonality module has a two-fold objective: first, it forces feature vectors of kindred semantic connotations to activate the same channels, while turning off the remaining ones; second, it constrains feature vectors of dissimilar semantic connotations to activate different channels, i.e., with no overlap, to reduce cross interference.
The sparsity objective further encourages a lower volume of active feature channels from latent representations, i.e., it concentrates the energy of the features on few dimensions.
A graphical outline of the approach with all its components is shown in Fig.\ \ref{fig:architecture}: the training objective is given by the combination of the standard supervised loss with the proposed adaptation modules, i.e., it is computed as:
\begin{equation}
\mathcal{L}_{tot}' = \mathcal{L}_{ce} + \lambda_{cl} \cdot \mathcal{L}_{cl}
+ \lambda_{or} \cdot \mathcal{L}_{or} + \lambda_{sp} \cdot \mathcal{L}_{sp}
\label{eq:tot}
\end{equation}
where $\mathcal{L}_{ce}$ is the standard supervised cross entropy loss. The other components will be detailed in the following sections: the main clustering objective ($\mathcal{L}_{cl}$) is introduced in Section \ref{sec:clustering}.
The orthogonality constraint ($\mathcal{L}_{or}$) is discussed in Section \ref{sec:orthogonality} and finally the sparsity constraint ($\mathcal{L}_{sp}$) is detailed in Section \ref{sec:sparsity}.
The $\lambda$ parameters balance the multiple losses and \revised{are} experimentally chosen using a validation set. \\
In addition, we further integrate the proposed adaptation method with an off-the-shelf entropy-minimization like objective ($\mathcal{L}_{em}$), to provide an extra regularizing action over the segmentation feature space and ultimately achieve an improved performance in some evaluation scenarios. In particular, we adopt the simple, yet effective, maximum squares objective of \cite{Chen2019}, in its \textit{image-wise class-balanced} version.
Hence, we can define the ultimate training objective comprising the entropy module as:
\begin{equation}
\mathcal{L}_{tot} = \mathcal{L}_{tot}' + \lambda_{em} \cdot \mathcal{L}_{em}
\label{eq:tot2}
\end{equation}
\subsection{Discriminative Clustering}
\label{sec:clustering}
In the considered UDA setting, we are provided with plenty of samples $\mathbf{X}_n^s \in \mathbb{R}^{H \times W \times 3}$ from a source dataset,
in conjunction with their semantic maps $\mathbf{Y}_n^s \in \mathbb{R}^{H \times W}$. Those semantic maps contain at each spatial location a ground truth index belonging to the set of possible classes $\mathcal{C}$, which denotes the semantic category of the associated pixel.
Concurrently, we have at our disposal target training samples $\mathbf{X}_n^t \in \mathbb{R}^{H \times W \times 3}$ with no label maps (we allow only the availability of a small amount of target labels for validation and testing purposes).
Despite sharing similar high-level semantic content, the source and training samples are distributed differently, preventing a source-based model to achieve a satisfying prediction accuracy on target data without adaptation.
We denote as $S=F \circ C$ the segmentation network composed of an encoder and a decoder modules, namely the feature extractor $F$ and the classifier $C$. Notice that the proposed method is agnostic to the employed deep learning model, except for the assumption of an auto-encoder structure
\revised{and of positive feature values as provided by ReLU activations that are typically placed at the encoder output}
(as almost all the current state-of-the-art approaches for semantic segmentation).
To bridge the domain gap between the source and target datasets we operate at the feature level.
The discrepancy of input statistics across domains is reflected into a shift of feature distribution in the latent space spanned by the feature extractor. This ultimately may cause the source-trained classifier to draw decision boundaries crossing high density regions of the target latent space \cite{vu2019advent}, since it is inherently unaware of the target semantic modes extracted from unlabeled target data.
Thus, the classification performance over the target domain is strongly degraded when compared to the upper bound of the source prediction accuracy.
We cope with this performance degradation by resorting to a clustering module, that serves as constraint towards a class-conditional feature alignment between domains.
Given a batch of source ($\mathbf{X}_n^s$) and target ($\mathbf{X}_n^t$) training images (for ease of notation we pick a single image per domain), we first extract the feature tensors $\mathbf{F}_{n}^s = F(\mathbf{X}_n^s)$ and $\mathbf{F}_{n}^t = F(\mathbf{X}_n^t)$, along with the computed output segmentation maps $\mathbf{S}_{n}^s = S(\mathbf{X}_n^s)$ and $\mathbf{S}_{n}^t = S(\mathbf{X}_n^t)$.
The clustering loss is then computed as:
\begin{equation}
\mathcal{L}_{cl} \! = \!
\frac{1}{|\mathbf{F}^{s,t}_n|} \sum_{\substack{\mathbf{f}_i \in \mathbf{F}^{s,t}_n \\ \hat y_i \in \mathbf{S}^{s,t}_n}}
\!\!\! d(\mathbf{f}_i,\mathbf{c}_{\hat y_i})
-
\frac{1}{|\mathcal{C}|(|\mathcal{C}| \! - \! 1)}
\sum_{j \in \mathcal{C}} \sum_{\substack{k \in \mathcal{C} \\ k \neq j}}
d(\mathbf{c}_{j},\! \mathbf{c}_{k})
\label{eq:L_cl}
\end{equation}
where $\mathbf{f}_i$ is an individual feature vector corresponding to a single spatial location from either source or target domain and $\hat y_i$ is the corresponding predicted class (to compute $\hat y_i$ the segmentation map $\mathbf{S}_{n}^{s,t}$ is downsampled to match the feature tensor spatial dimensions).
The function $d(\cdot)$ represents a generic distance measure, that we set to the $L1$ norm (we also tried the $L2$ norm but it yielded lower results).
Finally, $\mathbf{c}_j$ denotes the centroid of semantic class $j \in \mathcal{C}$ computed according to the standard formula:
\begin{equation}
\mathbf{c}_j =
\frac{ \sum_{\mathbf{f}_i} \sum_{\hat y_i} \delta_{j,\hat y_i} \, \mathbf{f}_i }
{ \sum_{\hat y_i} \delta_{j,\hat y_i} }
, \quad j \in \mathcal{C}
\label{eq:centroid}
\end{equation}
where $\delta_{j,\hat y_i}$ is equal to $1$ if $\hat y_i = j$, and to $0$ otherwise.
The clustering objective is composed of two terms, the first measures how close features are from their respective centroids and the second how spaced out clusters corresponding to different semantic classes are.
Hence, the effect provided by the loss minimization is twofold: firstly, feature vectors from the same class but different domains are tightened around class feature centroids; secondly, features from separate classes are subject to a repulsive force applied to feature centroids, moving them apart.
\subsection{Orthogonality}
\label{sec:orthogonality}
As opposed to previous works on clustering-based adaptation methods for image classification, in semantic segmentation
additional complexity is brought by the dense structured classification.
To this end, we first introduce an orthogonality constraint in the form of a training objective.
More precisely, feature vectors from either domains, but of
different semantic classes according to the network predictions, are forced to be orthogonal, meaning that their scalar product should be small. On the contrary, features sharing semantic classification should carry high similarity, i.e., large scalar product.
Yet, feature tensors associated to training samples enclose thousands of feature vectors to cover the entire spatial extent of the scene and to reach pixel-level classification.
Thus, since measuring pair-wise similarities requires a significant computational effort, we calculate the scalar product between each feature vector and every class centroid $\mathbf{c}_j$ (centroids are computed using Eq.~\ref{eq:centroid}).
\revised{Inspired by \cite{Saito2019,saito2020universal}, we devise the orthogonality objective as
an entropy minimization loss that forces each feature to be orthogonal with respect to all the centroids but one:
}
\begin{equation}
\mathcal{L}_{or} = - \! \! \!
\sum_{\mathbf{f}_i \in F(\mathbf{X}^{s,t}_n)} \sum_{j \in \mathcal{C}}
p_{j} (\mathbf{f}_i) \log p_{j} (\mathbf{f}_i)
\label{eq:L_orth}
\end{equation}
where $\{p_{j}(\mathbf{f}_i)\}$ denotes a probability distribution derived as:
\begin{equation}
p_{j} (\mathbf{f}_i) = \frac{e^{\langle \mathbf{f}_i , \mathbf{c}_j \rangle}}
{\sum_{k \in \mathcal{C}} e^{\langle \mathbf{f}_i , \mathbf{c}_k \rangle}}
, \quad j \in \mathcal{C}
\label{eq:p}
\end{equation}
The loss minimization forces a peaked distribution of the probabilities $\{p_{j}(\mathbf{f}_i)\}$, promoting the orthogonality property as described above, since each feature vector is compelled to carry a high similarity score with a single class centroid.
The overall effect of the orthogonality objective is to promote a regularized feature distribution, which should ultimately boost the clustering efficacy in performing domain feature alignment.
\subsection{Sparsity}
\label{sec:sparsity}
To strengthen the regularizing effect brought by the orthogonality constraint, we introduce a further training objective to better shape class-wise feature structures inside the latent space.
In particular, we propose a sparsity loss, with the intent of decreasing the number of active feature channels of latent vectors.
The objective is defined as follows:
\begin{equation}
\mathcal{L}_{sp} = -
\sum_{i \in \mathcal{C}}
|| \tilde{\mathbf{c}}_{i} - \bm{\rho} ||_2^2
\label{eq:L_spa}
\end{equation}
where $\tilde{\mathbf{c}}_{i}$ stands for the normalized centroid $\mathbf{c}_{i}$ in $[0,1]^D$ and $D$ denotes the number of feature maps in the encoder output.
We also empirically set $\bm{\rho} = [0.5]^D$.
It can be noted that the sparsifying action is delivered on class centroids, thus applying an indirect, yet homogeneous, influence over all feature vectors from the same semantic category.
The result is a semantically-consistent suppression of weak activations, while rather active ones are jointly raised.
While the orthogonality objective aims at promoting different sets of activations on feature vectors from separate semantic classes, the sparsity loss seeks to narrow those sets to a limited amount of units.
Again, the goal is to ease the clustering loss task in creating tight and well distanced aggregations of features of similar semantic connotation from either source and target domains, by providing an improved regularity to the class-conditional semantic structures inside the feature space.
\section{Related Work}
\label{sec:related}
\begin{comment}
\textbf{FROM ICPR2020}
\\
\noindent
\textbf{Domain Adaptation},
especially in its unsupervised form, has drawn wide
attention in the research community, as it represents a possible solution to the data shortage problem affecting several visual recognition tasks.
Early works on domain adaptation for deep networks mainly focus on matching the statistical distribution of network embeddings, promoting domain invariant latent representations, while a task-specific loss preserves feature discriminativeness. The distribution alignment is achieved by estimating and minimizing a measure of domain discrepancy, as
the Maximum Mean Discrepancy (MMD) \cite{TzengHZSD14,long2015learning,LongZ0J16} or a correlation distance \cite{SunFS16,SunS16}.
The introduction of adversarial learning \cite{goodfellow2014} has given rise to new adaptation techniques, which make use of an additional domain classifier
to bridge the domain gap between source and target data distributions.
The adversarial approach has been widely investigated in classification tasks, being applied both on the latent space, to align source and target representations \cite{ganin2015,ganin2016,tzeng2017}, and within the input space, to produce a form or target supervision provided by labeled target-like source samples \cite{LiuT16,bousmalis2017,ShrivastavaPTSW17}.
Recently, a multitude of diverse adaptation strategies have been proposed to bridge the source-target domain discrepancy. Some examples include feature clustering for class-conditional alignment \cite{Xie2018,Deng2019}, minimization of a sliced Wasserstain distance unaffected by class imbalance \cite{Balaji2019}, feature norm matching \cite{Xu2019}, regularization provided by a joint source-target predictor \cite{Cicek2019}, entropy minimization-maximization for cross-domain feature alignment \cite{Saito2019}.
Unlike image classification tasks, semantic segmentation involves dense highly-structured predictions and pixel-level precision in the output space is required.
Hence, the inherent higher complexity of network representations %
to capture both global and local semantics
demands more sophisticated techniques to address the domain adaptation task.
Multiple methods based on adversarial learning have been proposed, focusing on distribution alignment in the input space \cite{Zhu2017}, feature space \cite{hoffman2016}, output space \cite{tsai2018,Tsai2019} or more effectively on a combination of those \cite{hoffman2018,MurezKKRK18,sankaranarayanan2018,chen2019crdoco,toldo2020,pizzati2020domain}.
In alternative to adversarial learning, several approaches have been experimented,
such as adversarial dropout \cite{Saito2018ADR,Park2018,Lee2019}, entropy minimization \cite{Chen2019,vu2019advent}, style transfer for generation of artificial target supervision \cite{Dundar18,Wu19,Choi2019} and curriculum-style learning \cite{zhang2017,lian2019constructing}
\textbf{Self-Training} is another tool that can be exploited:
highly-confident predictions on unlabeled data are used to generate pseudo-labels, which are then used to train the classifier with a self-generated supervision.
While commonly employed in semi-supervised learning \cite{GrandvaletB05,hung2018},
self-training techniques have been recently adopted to address the domain adaptation task, as concurrently learning from source annotations and target pseudo-labels intrinsically promotes domain alignment over network embeddings \cite{biasetton2019,michieli2020adversarial,zou2018,Zou2019,lian2019constructing}.
An issue when applying self-teaching to semantic segmentation is that different classes show
very different distributions and
frequencies, as well as variable transferability across domains.
Hence, a simple class-unaware confidence-based pseudo-label filtering leads
towards the optimization of the easy classes, whereas the harder ones are neglected, thus hindering the process of knowledge transfer to the unlabeled domain.
For this reason, effective self-training approaches rely on class balancing techniques, based on, for example, class weights computed \textit{a priori} over source annotations \cite{biasetton2019,michieli2020adversarial} or extrapolated from the confidence statistic of all the pixels in the target set \cite{zou2018,Zou2019}. In our approach we opt for a
more effective solution, as we perform class-wise confidence threshold selection at each training step by looking at network predictions on target data in the current batch, thus avoiding assumptions on shared source-target properties, or slow computations involving the analysis of the whole employed dataset.
\end{comment}
\noindent
\revised{\textbf{Unsupervised Domain Adaptation.}}
The majority of the UDA techniques focus on a distribution matching to bridge the statistical gap affecting data representations from different domains.
While early approaches directly quantify the domain shift in terms of first or second order statistics \cite{TzengHZSD14,long2015learning,LongZ0J16,SunFS16,SunS16},
extremely successful has been the introduction of adversarial learning
as an adaptation technique \cite{ganin2015}:
a domain discriminator implicitly captures the domain discrepancy,
which is then minimized in an adversarial fashion.
Adversarial adaptation has been first introduced for image classification, both at pixel and feature levels, in order to produce a target-like artificial supervision \cite{LiuT16,bousmalis2017}
or to learn a domain invariant latent space \cite{ganin2015,tzeng2017}.
A variety of techniques have been proposed to tackle the UDA task, ranging from completely non-adversarial approaches \cite{Xie2018,Deng2019,Balaji2019,Xu2019,Cicek2019,Saito2019} to enhanced adversarial strategies \cite{cui2020gradually,wang2020progressive}.
\noindent
\textbf{UDA for Semantic Segmentation.}
The aforementioned adaptation methods have been developed in the context of image classification.
Nonetheless, semantic segmentation introduces further challenges, as dense classification demands for structured predictions that must capture high-level global contextual information, while simultaneously reaching pixel-level precision.
Thus, domain adaptation in semantic segmentation calls for more sophisticated techniques to face the additional complexities. In turn,
the adaptation is overly rewarding, being human effort in pixel-level labeling extremely expensive and time consuming.
\\
Multiple methods have been recently proposed to tackle this scenario.
Some works seek for statistical matching in the input (image) space to achieve cross-domain uniformity of visual appearance. This has been attained through generative adversarial techniques \cite{hoffman2018,MurezKKRK18,sankaranarayanan2018,chen2019crdoco,toldo2020,pizzati2020domain} and with style transfer solutions \cite{Dundar18,Wu19,Choi2019}.
Alternatively, domain distribution alignment has been enforced over semantic representations, both on intermediate or output network levels.
In this direction, adversarial learning has been widely adopted
\revised{\cite{hoffman2016,Saito2018ADR,Park2018,Lee2019,tsai2018,Tsai2019,du2019ssfdan,paul2020domain}},
as well as entropy minimization \cite{Chen2019,vu2019advent}, self-training
\revised{\cite{biasetton2019,michieli2020adversarial,spadotto2020unsupervised,zou2018,Zou2019,yang2020fda}}
or curriculum style approaches \cite{zhang2017,lian2019constructing}.
\noindent
\textbf{Clustering in UDA.}
A few approaches have been proposed recently to address UDA in image classification by resorting to a discriminative clustering algorithm, whose goal is to disclose target class-conditional modes in the feature space.
\\
A group of works \cite{kang2019contrastive,liang2019distant,wang2019unsupervised,tian2020domain} embed variations of the K-means
algorithm in the overall adaptation framework, where clusters of geometrically close latent representations are identified,
revealing the semantic modes from the unlabeled target domain.
Being developed to address image classification, these clustering strategies may lose efficacy
when dealing with semantic segmentation.
Moreover, they deeply rely on a geometric measure of feature similarity to assign target pseudo-labels, which may not be feasible in a very high-dimensional space.
For this reason, this type of clustering technique is often combined with a learnable projection to discover a more easily tractable lower dimensional latent space \cite{liang2019distant,wang2019unsupervised,tian2020domain}.
\\
To overcome the lack of target semantic supervision, other approaches \cite{Xie2018,Deng2019} resort to pseudo-labels directly from network predictions to discover target class-conditional structures in the feature space. Those structures are then exploited to perform a within-domain feature clusterization \cite{Deng2019} and cross-domain feature alignment by centroid matching \cite{Xie2018,Deng2019}.
Starting from analogous premises, we extend a similar form of inter and intra class adaptation to the semantic segmentation scenario, by introducing additional modules that help to address the inherent increased complexity.
\\
Avoiding the need for target pseudo-labels,
\revised{\cite{Saito2019, saito2020universal}}
propose a self-supervised clustering technique to discover target modes without any form of supervision.
However,
their approach is not easily scalable to semantic segmentation, as it requires to store feature embeddings of past samples, which is rather impractical when each data instance is associated with thousands of latent representations.
\\
Quite recently, Tang et al.\ \cite{tang2020unsupervised} argue that a direct class-wise alignment over source and target features could harm the discriminative structure of target data. Thus, they perform intrinsic feature alignment by a joint, yet distinct, model training with both source and target data.
Nonetheless, in a more complex semantic segmentation scenario, an implicit adaptation could be not enough to bridge the domain gap that affects the effectiveness of target predictions.
\noindent
\textbf{Orthogonality and Sparsity.}
Deep neural networks are trained to learn a compact representation of the scene. However, no constraint is posed on the orthogonality among feature vectors belonging to different classes or on the sparsity of their activations \revised{\cite{shi2018entropy, wang2019clustering}}.
The orthogonality between feature vectors has been recently proposed for UDA in \cite{pinheiro2018unsupervised,wu2019improving}. In these works, a penalty term is introduced to force the prototypes (i.e., the class centers) to be orthogonal. Differently from these approaches, we apply a feature-wise entropy minimization constraint, imposing that each feature is orthogonal with respect to all but one centroid.
To minimize the interference among features we drive them to be channel-wise sparse. To the best of our knowledge, there are no prior works employing channel-wise sparsification in deep learning models. However, some prior techniques exist for domain adaptation on linear models exploiting sparse codes on a shared dictionary between the domains \cite{shekhar2013generalized,zhang2015domain}. Additionally, in \cite{ranzato2007efficient} an expectation maximization approach is proposed to compute sparse code vectors which minimize the energy of the model. Although the approach is applied to linear encoders and decoders for simplicity, it could be extended to non-linear models.
\section{Results}
\input{sections/table_results}
\input{sections/mosaic}
We evaluate the performance of our approach on two widely used synthetic-to-real adaptation scenarios, namely the GTA5 $\rightarrow$ Cityscapes and SYNTHIA $\rightarrow$ Cityscapes benchmarks.
Table \ref{tab:all} reports the numerical results of the experimental evaluation.
We compare our model to several state-of-the-art methods, which, similarly to our approach, resort to a direct or indirect form of feature-level regularization and distribution alignment to achieve domain adaptation.
With \textit{source only} we indicate the na\"{i}ve fine-tuning approach, in which no form of target adaptation assists the standard source supervision.
\subsection{GTA5 $\rightarrow$ Cityscapes}
For the GTA5 $\rightarrow$ Cityscapes and ResNet-101 configuration, our approach shows state-of-the-art performances in feature-level UDA for semantic segmentation, achieving $45.3\%$ of mIoU, which is further boosted up to $45.9\%$ by the entropy minimization objective.
By looking at Table \ref{tab:all}, we observe about $9\%$ increase over the \textit{source only} baseline, with the improvement well distributed over all the classes.
A similar behavior can be noted when switching to the less performing VGG-16 backbone: we achieve $33.7\%$ mean IoU with $\mathcal{L}_{tot}'$ (i.e., without the entropy minimization objective) and $34.2\%$ with $\mathcal{L}_{tot}$ (i.e., with all components enabled) starting from the $25.4\%$ of the baseline scenario without adaptation.
\\
When compared with other approaches, our method performs better than standard feature-level adversarial techniques \cite{hoffman2016,hoffman2018,tsai2018,li2020spatial}.
For example, with the VGG-16 backbone there is a gain of $4.5\%$ w.r.t.\ \cite{hoffman2018}.
This proves that a more effective class-conditional alignment has been ultimately achieved in the latent space by our approach.
Due to the similar regularizing effect over feature distribution and comparable ease of implementation, we also compare our framework with some entropy minimization and self-training techniques \cite{vu2019advent,Chen2019,zou2018}, further showing the effectiveness of our adaptation strategy even if the gap here is a bit more limited.
With both backbones, our novel feature level modules ($\mathcal{L}_{tot}'$) perform better than \textit{MaxSquare IW} \cite{Chen2019}.
Moreover, adding the entropy minimization objective from \cite{Chen2019} to $\mathcal{L}_{tot}'$
provides a slight but consistent improvement.
It is worth noting that our method does not rely on additional trainable modules (e.g., adversarial discriminators \cite{hoffman2016,hoffman2018,tsai2018,li2020spatial}) and the whole adaptation process is end-to-end, not requiring multiple separate steps to be re-iterated (e.g., pseudo-labeling in self-training \cite{zou2018}). Moreover, being focused solely on feature level adaptation, it could be easily integrated with other adaptation techniques working at different network levels, such as the input (e.g., generative approaches) or output (e.g., self-training), as shown by the addition of the output-level entropy-minimization loss.
Fig. \ref{fig:qual_res} displays some qualitative results on the Cityscapes validation set of the adaptation process when the ResNet-101 backbone is used.
We observe that the introduction of the clustering module is beneficial to the target segmentation accuracy w.r.t.\ the \textit{source only} case. Some small prediction inaccuracies remain, that are corrected with the introduction of the orthogonality, sparsity and entropy modules in the complete framework.
By looking at the last two columns, we also notice that our entire framework shows an improvement over the individual entropy-minimization like objective from \cite{Chen2019}, which is reflected in a better detection accuracy both on frequent (e.g.\ \textit{road}, \textit{vegetation}) and less frequent (e.g.\ \textit{traffic sign}, \textit{bus}) classes.
\subsection{SYNTHIA $\rightarrow$ Cityscapes}
To further prove the efficacy of our method, we evaluate it on the more challenging SYNTHIA $\rightarrow$ Cityscapes benchmark,
where a larger domain gap exists.
Once more, our approach proves to be successful in performing domain alignment with both ResNet-101 and VGG-16 backbones, reaching state-of-the-art results for feature-level UDA in both configurations (see Table~\ref{tab:all}).
When ResNet-101 is used, the mIoU\textsuperscript{*} on the 13 classes setting is pushed up to $48.2\%$ from the original $40.5\%$ of \textit{source only}, while the VGG-16 scenario witnesses an even \revised{more} improved performance gain of almost $11\%$ over the no adaptation baseline till a final value of $43.7\%$.
Differently from the GTA5 $\rightarrow$ Cityscapes case, here the contribution of the entropy-minimization module varies for the two backbones.
The induced benefit is absent with VGG-16, since the clustering, orthogonality and sparsity jointly enforced already carry the whole adaptation effort.
Besides, even the $\mathcal{L}_{em}$ objective alone (i.e., \textit{MaxSquares IW \textsuperscript{(r)}} \cite{Chen2019}) displays quite limited gain over the no adaptation baseline.
On the contrary, the regularizing effect of the entropy objective is strongly valuable in case the ResNet-101 backbone is used.
Yet,
the combination of all modules together actually provides a noticeable boost over both the entropy and feature-level modules separately applied.
As for the GTA5 scenario,
our model shows better performance than feature-level adversarial adaptation \cite{hoffman2016,chen2017nomore,tsai2018,li2020spatial} and output-level approaches \cite{vu2019advent,zou2018} comparable in computational ease.
Qualitative results of adaptation from SYNTHIA are in the Supplementary Material.
\section{Qualitative Results}
In Figure~\ref{fig:qual_res} we show some additional qualitative results of the proposed model when adapting source knowledge either from the GTA5 or the SYNTHIA datasets to the Cityscapes one. In these figures we can appreciate a robust improvement with respect to the baselines: e.g., the person in row 1, the sidewalk in row 2, the traffic sign in row 3, the road in rows 4, 5, 7 and 8. Additionally, shapes and details are more refined and localized.
\input{sections/mosaic_supp}
\section{Ablation Studies}
In this section we provide further analysis for each novel loss component of our complete framework.
\subsection{Clustering Loss}
The effect introduced by the clustering objective is investigated by means of the t-SNE tool \cite{maaten2008visualizing}.
The results are reported in Figure \ref{fig:plot_tsne}.
In particular, we extract all feature vectors from a single target image and reduce their dimensionality from 2048 to 2, so that we able to visualize their disposition.
Each single feature instance is then associated to a semantic class from the ground-truth segmentation map, with the categorization expressed by the standard color map we jointly report.
To allow for the analysis of the aggregating effect of the clustering module, in Figure~\ref{fig:plot_tsne} we show the t-SNE plots in the \textit{source only} scenario, when only $\mathcal{L}_{cl}$ is enabled and when all adaptation modules are turned on ($\mathcal{L}_{tot}$).
The effect brought by the clustering constraint is twofold.
From one hand, we can see how features of the same class are more tightly clustered when $\mathcal{L}_{cl}$ is enabled, effect which is even further amplified by the class-conditional structural regularization provided by
the other components of our work (see $\mathcal{L}_{tot}$).
For instance, this is particularly visible in \textit{road} and \textit{vegetation} in row 2.
From the other hand, we can appreciate that features belonging to different classes are more easily spaced apart, as shown in \textit{car} or \textit{person} in row 1 or in \textit{traffic light} in row 3.
\begin{figure*}[htbp]
\centering
\begin{subfigure}[htbp]{\textwidth}
\centering
\includegraphics[trim=3cm 0 3cm 0,clip,width=0.9\linewidth]{img/ablation/tsne/tsne_img160_3f.pdf}
\end{subfigure}
\begin{subfigure}[htbp]{\textwidth}
\centering
\includegraphics[trim=3cm 0 3cm 0,clip,width=0.9\linewidth]{img/ablation/tsne/tsne_img70_3f.pdf}
\end{subfigure}
\begin{subfigure}[htbp]{\textwidth}
\centering
\includegraphics[trim=3cm 0 3cm 0,clip,width=0.9\linewidth]{img/ablation/tsne/tsne_img330_3f.pdf}
\end{subfigure}
\caption{T-SNE computed over features of single images from the Cityscapes validation set when adapting from GTA5 (\textit{best viewed in colors}).}
\label{fig:plot_tsne}
\end{figure*}
\subsection{Orthogonality Loss}
We investigate the contribution of the orthogonality constraint $\mathcal{L}_{or}$ via a similarity score defined as an average class-wise cosine similarity measure.
The cosine distance is first computed for every pair of feature vectors from a single target image.
Then, the average values are taken over all features from the same class to get a score for each pair of semantic classes.
The final values are computed by averaging over all images from the Cityscapes validation set.
In Figure~\ref{fig:plot_similarity} we analyze the orthogonalizing action in three different configurations and we can clearly see that $\mathcal{L}_{or}$ causes the similarity score to significantly increase on almost all the classes (higher similarity reflects into lower orthogonality).
To show the effect of the orthogonality constraint alone, we compare the \textit{source only} similarity score and the scenario with only $\mathcal{L}_{or}$ enabled (Figure~\ref{fig:plot_similarity}a).
To investigate its effect when all the loss components are enabled, we compared the similarity scores of the full approach with respect to \textit{source only} (Figure~\ref{fig:plot_similarity}b)
and to the case where all components but the $\mathcal{L}_{or}$ are enabled (Figure~\ref{fig:plot_similarity}c).
The results are robust and coherent in showing an increased similarity score in the configurations where $\mathcal{L}_{or}$ is active.
The same considerations are visible in Figure~\ref{fig:orthogonality_matrix} in which the matrices of class-wise similarity scores are reported for the three aforementioned scenarios. In particular, we can see how the diagonal is much brighter (i.e., high similarity for classes with themselves) when $\mathcal{L}_{or}$ is added, while off-diagonal entries are darker.
\begin{figure*}[htbp]
\centering
\begin{subfigure}[t]{0.03\textwidth}
a)
\end{subfigure}
\begin{subfigure}[htbp]{0.7\textwidth}
\includegraphics[width=\linewidth]{img/ablation/orthogonality_hist/noadapt-orth_abl.pdf}
\end{subfigure}
\\
\begin{subfigure}[t]{0.03\textwidth}
b)
\end{subfigure}
\begin{subfigure}[htbp]{0.7\textwidth}
\centering
\includegraphics[width=\linewidth]{img/ablation/orthogonality_hist/noadapt-all_abl.pdf}
\end{subfigure}
\\
\begin{subfigure}[t]{0.03\textwidth}
c)
\end{subfigure}
\begin{subfigure}[htbp]{0.7\textwidth}
\centering
\includegraphics[width=\linewidth]{img/ablation/orthogonality_hist/all-but-ort_abl.pdf}
\end{subfigure}
\caption{Similarity scores computed over all the images on the Cityscapes validation set when adapting from GTA5 to analyze the effect of the orthogonality constraint (\textit{best viewed in colors}).}
\label{fig:plot_similarity}
\end{figure*}
\begin{figure*}[htbp]
\centering
\begin{subfigure}[htbp]{\textwidth}
\centering
\includegraphics[width=0.93\linewidth]{img/ablation/orthogonality_matrix/noadapt-orth_v2.pdf}
\vspace{-0.5cm}
\end{subfigure}
\begin{subfigure}[htbp]{\textwidth}
\centering
\includegraphics[width=0.93\linewidth]{img/ablation/orthogonality_matrix/noadapt-all_v2.pdf}
\vspace{-0.5cm}
\end{subfigure}
\begin{subfigure}[htbp]{\textwidth}
\centering
\includegraphics[width=0.93\linewidth]{img/ablation/orthogonality_matrix/all-but-ort_v2.pdf}
\end{subfigure}
\vspace{-0.3cm}
\caption{Class-wise similarity scores computed over images on the Cityscapes validation set when adapting from GTA5 (\textit{best viewed in colors}).}
\label{fig:orthogonality_matrix}
\end{figure*}
\begin{figure*}[htbp]
\centering
\includegraphics[width=0.9\linewidth]{img/ablation/sparsity_density/all-but-spa.pdf}
\caption{Analysis of the distribution of feature activations computed over all the images on the Cityscapes validation set when adapting from GTA5 (\textit{best viewed in colors}).}
\label{fig:plot_sparsity}
\end{figure*}
\subsection{Sparsity Loss}
To further investigate the contribution of the sparsity loss, $\mathcal{L}_{sp}$, we inspect how values of feature channels (i.e.\ single units in feature vectors) end up being
distributed for different adaptation settings.
In Figure~\ref{fig:plot_sparsity} we plot the histogram distribution of all normalized feature activations with bin size set to $0.05$ in linear scale and in log scale. Here, we can observe that adding $\mathcal{L}_{sp}$ leads to a greater number of occurrences of activations within $0$ and $0.1$ and within $0.95$ and $1$ than in the case without sparsity constraint. In the middle, instead, the opposite is true. We refer the reader to Eq. 7 of the main paper to certify that this is indeed what the sparsity loss was aiming to achieve. Namely, the sparsity constraint reduces class-wise the number of active feature channels pushing them either toward $0$ (inactive features) or towards $1$ (active features).
Ultimately, for more immediate visualization, we plot in the third image of Figure~\ref{fig:plot_sparsity} the difference of the sparsity distributions with and without $\mathcal{L}_{sp}$. We can more easily verify that extremely low (in closest range to $0$) and extremely high (in closest range to $1$) bins have positive values while middle-range bins have negative values.
|
\section{Introduction}
Understanding 3D geometry and semantics of a scene is essential to many real-world systems including but not limited to autonomous driving, robotics, remote sensing, AR/VR and medical treatment \cite{liu2018see, li2019rgbd, garbade2019two, zhang2019cascaded, chen2017multi}.
With rapid growth in 3D acquisition technologies, 3D sensors are becoming increasingly available and affordable for rich data generation through various types of 3D scanners, LiDARs and RGB-D cameras.%
3D data is usually represented in various formats like pointclouds, meshes, depth maps and volumetric grids.
Deep Learning techniques have disrupted traditional methods in domains such as computer vision, speech processing and machine translation that operate over images, videos, audio, text and other forms of data.
However, DL methods face severe challenges in processing 3D visual data due to the high dimensionality and the unstructured nature of 3D data.
Several methods (Figure \ref{fig:taxonomy_3d_proc}) have been proposed for various 3D visual AI applications such as shape classification, object detection, tracking, and scene segmentation.
3D scene segmentation requires extraction of global geometric structure and intricate details of each point in the 3D pointcloud.
Semantic segmentation (Figure \ref{fig:scene_semantics_completion}) aims to divide a pointcloud into several subsets based on real world semantics. Instance segmentation identifies instances of each semantic object, while part segmentation further breaks each instance into different parts. Scene completion predicts and labels missing regions arising from sensing inaccuracies or occlusions.
Point based networks (Table \ref{tab:seg_methods_mIoU}) directly operate over irregular, orderless and unstructured pointclouds, making it infeasible to directly apply standard CNNs. Performance of multi-view 2D projection based methods is highly sensitive to viewpoint selection and these methods also do not fully exploit underlying 3D geometry.
Since volumetric representation preserves neighbourhood structure of pointcloud and regular data formats allow direct application of standard 3D convolutions, volumetric projection based methods provide higher accuracy. %
However, voxelization introduces discretization artifacts and causes information loss.
A low resolution voxel representation can degrade accuracy, whereas high resolution pointclouds cubically grow compute and memory requirements (Figure \ref{fig:accu_vs_resolution}).
This poses a huge impediment in achieving real-time real-world deployments of visual AI that fundamentally require low-latency and low-energy 3D scene understanding capability.
Thankfully, the ample free space in 3D scenes provides significant opportunity to exploit the inherent \textbf{spatial sparsity}.
\begin{figure}
\centering
\includegraphics[trim=15 20 15 18, clip, width=0.5\textwidth]{images/taxonomy_3d_proc.pdf}
\caption{Taxonomy of 3D visual data processing, courtesy: \cite{guo2019deep}}
\label{fig:taxonomy_3d_proc}
\end{figure}
\begin{figure}%
\centering
\includegraphics[width=0.4\textwidth]{images/scene_semantics_completion}
\caption{3D Semantic segmentation, annotating voxels with labels \cite{song2017semantic}}%
\label{fig:scene_semantics_completion}
\end{figure}
\begin{table}
\centering
\caption{Comparison of semantic segmentation methods on ScanNet\cite{dai2017scannet}}
\label{tab:seg_methods_mIoU}
\resizebox{0.5\textwidth}{!}{
\begin{tabular}{c|c|c|c|c|c|c|l}
\hline
\multicolumn{2}{c|}{\textbf{Category}} & \textbf{Method} & \textbf{mIoU} & \multicolumn{2}{c|}{\textbf{Category}} & \textbf{Method} & \textbf{mIoU} \\ \hline \hline
\multirow{5}{0.2cm}{\rotatebox[origin=c]{90}{Point based}} & \multirow{2}{1.5cm}{Pointwise MLP} & PointNet++ \cite{qi2017pointnet++} & 33.9 & \multirow{5}{0.5cm}{\rotatebox[origin=tc]{90}{\makecell[b]{Projection\\based}}} & \multirow{2}{*}{\textbf{Volumetric $\star$}} & SparseConvNet \cite{graham20183d} & \textbf{72.5 $\star$} \\
\cline{3-4}\cline{7-8} & & PointSIFT \cite{jiang2018pointsift} & 41.5 & & & MinkowskiNet \cite{choy20194d} & \textbf{73.6 $\star$} \\
\cline{2-4}\cline{6-8} & \multirow{2}{1.5cm}{Point Convolution} & PointCNN \cite{li2018pointcnn} & 45.8 & & Multiview & TangentConv \cite{tatarchenko2018tangent} & 40.9 \\
\cline{3-4}\cline{6-8} & & KPConv \cite{thomas2019kpconv} & 68.4 & & Perm. Lattice & LatticeNet \cite{rosu2019latticenet} & 64.0 \\
\cline{2-4}\cline{6-8} & Graph based & HPEIN \cite{jiang2019hierarchical} & 61.8 & & Hybrid & UPB \cite{chiang2019unified} & 63.4 \\ \hline
\end{tabular}
}
\end{table}
For dense DNNs, multiple accelerator designs \cite{zhang2016cambricon, parashar2017scnn, gondimalla2019sparten, hegde2019extensor, centaur} have been proposed to exploit \textit{channel-wise sparsity} in weights and inputs.
They focus on identifying valid pairs of non-zero weights and input activations while operating over a compressed data structure.
We observe two fundamental attributes of spatial sparsity as present in 3D visual analytics that differentiate it from the channel-wise sparsity:
1) the selection of a non-zero pair of weights and inputs depends solely on local 3D spatial sparsity, 2) the nature of the operation per selected pair is of the matrix-to-vector type as compared to scalar-to-scalar type in channel-wise sparsity.
The first motivates a different hardware-architecture to enable input-weight pair selection based on the variable local sparsity per voxel.
The second further offers the opportunity to exploit higher efficiency through coarser dispatches of work to the compute units quite unlike the prior accelerators that hunt for fine-grained sparsity across channels.
\bfit{We will show in Section \ref{sec:sec_motiv} that a custom-built sparse engine is required for efficient acceleration of spatially-sparse applications such as 3D visual analytics as they have distinct hardware requirements. }
Optimized dataflows, as explored in prior art \cite{chen2016eyeriss, chen2018eyeriss, yang2016systematic, hegde2018morph, gao2019tangram, kwon2018mef}, focus on dense-DNNs and enable tiled execution with optimal tile-sizes and loop-orders to exploit data-locality in on-die memories.
It is worth noting that the execution attributes of dense-DNNs (\#data transfers and \#compute operations) are highly predictable, and since they do not depend on input data, optimal dataflows can be derived apriori based on network parameters and underlying hardware architecture.
However, these optimizers cannot be deployed in data-dependent sparse-DNN contexts since determining optimal tile-size and loop order requires on-the-fly processing of input data and hence cannot be determined a priori.
Further, due to the sparsity-induced asymmetry of work packets, load balancing requires online intelligence as part of a suitably designed software-hardware solution.
\bfit{Hence specialized dataflow optimizers that explicitly exploit spatial sparsity structure are warranted.
In addition, they must achieve compute efficiencies similar to dense-DNNs without the latency overheads incurred by on-the-fly processing. }
\subsection{Our Contribution}
Driven by a detailed end-to-end performance characterization of the Sparse Convolution Network (SCN), we present \textbf{\textsc{Accelerator for Spatially Sparse 3D DNN}s\xspace}, the first end-to-end solution for accelerating 3D scene segmentation by exploiting spatial sparsity.
In brief, our key contributions are as follows:\newline
1. We introduce a \bfit{novel locality-aware metadata structure}, \textit{\textsc{Coir}}\xspace, for voxel data that stores spatial locality information by encoding active receptive fields at each location. We also present a \bfit{novel pointcloud reordering technique}, \textsc{Soar}\xspace, that maximizes spatial data locality and reuse across all DNN layers for multi-level memory architectures.\newline %
2. We present (to the best of our knowledge) the \bfit{first-ever sparsity aware dataflow optimizer}, \textsc{Spade}\xspace, that analyzes the local
geometry structure of a pointcloud and uses the sparsity attributes to maximize data reuse across all DNN layers. To meet real-time requirements, we enable latency-critical dataflow optimizer routines to be run in offline mode while retaining the benefits of the sparsity-aware dataflow. \newline %
3. We present a \bfit{novel sparse-accelerator for spatially-sparse DNNs}, \textsc{Ss}p\textsc{nna}\xspace, whose sparse scheduler maximizes weight reuse. Systolic and multicast interconnects in the PE arrays maximize input feature-map reuse. We also propose, \bfit{Ad\textsc{mac}\xspace}, an accelerator for fast 3D neighbourhood search and \textit{\textsc{Coir}}\xspace metadata creation and \bfit{\textsc{Carom}\xspace}, a joint dataflow optimization technique for multi-level memory hierarchies. We show how a scaled-up architecture based on AccSS3D accelerates 3D sparse convolution by \textbf{16.8x}\xspace compared to a 4-core CPU baseline with a \textbf{2232x}\xspace improvement in energy efficiency.\newline %
\section{Background}
Recent algorithmic advances \cite{dai2018scancomplete, wu20153d, maturana2015voxnet} extended 2D-CNNs to 3D to recognize 3D objects and enabled semantic segmentation of real-world 3D scenes.
However, due to the curse of dimensionality, compute and memory requirements grow in cubic complexity with voxel resolution.
Free space in 3D scenes is a source of inherent spatial sparsity, offering high opportunity for efficient processing.
Recent algorithms \cite{qi2017pointnet, qi2017pointnet++, graham20183d} exploit this spatial sparsity by processing only those voxels (\textit{active voxels}) that are in the vicinity of a surface boundary.
They transform 3D sparse data into a list of active voxels for compressed storage and use a map \cite{googlehashmap, teschner2003optimized} to retrieve lists of indices based on 3D coordinates.
Graham \textit{et al. } \cite{graham2017submanifold} introduced \textit{Sparse Convolution Network (SCN)} using the novel \textit{Valid Sparse Convolution (VSC)} that provides significant reduction in compute and memory costs by considering output voxels as active only if the corresponding input voxel is active.
\textit{This retains the sparsity structure of feature maps across the network and paves the way for achieving real-time complex 3D scene understanding.}
Zhang \textit{et al. } \cite{zhang2018efficient} extended SCN to use Spatial Group Convolution, dividing the pointcloud into groups, further reducing compute without accuracy loss.
Several systems employ encoder-decoder U-net topologies \cite{shi2019pv, wang20203d, dai2019sg, ye2019arpnet, li2019pointsite, wu2019complementary, yan2018second, schmohl2019submanifold, di2019wafer, ye2020sarpnet}, with layers that reduce spatial resolution (strided convolutions) followed by upsampling layers (deconvolutions), interspersed with VSC layers.
\begin{figure}
\centering
\includegraphics[width=0.4\textwidth]{images/scn_wl_proc.png}
\caption{Processing flow for SCN workload}
\label{fig:scn_wl_proc}
\end{figure}
\begin{figure*}[t]
\centering
\includegraphics[width=0.95\textwidth]{images/wl_profile_breakup.pdf}
\caption{Performance characterization of SCN\cite{graham20183d} inference for a typical ScanNet \cite{dai2017scannet} dataset on Intel-i7-8700K CPU with single core execution @ 3.7GHz (a) Layer-wise runtime and break-up into constituent functions (b) Runtime break-up across all layers (c) Performance scaling with multi-core execution}
\label{fig:wl_profile_breakup}
\vspace{-0.8cm}
\end{figure*}
\section{Motivation}
\label{sec:sec_motiv}
\subsection{Increasing complexity of 3D Visual processing}
Over the years, compute/memory requirements for 3D visual processing have increased multi-fold. (Table \ref{tab:dataset_size}). %
While 3D volumetric representations enable higher accuracy (Table \ref{tab:seg_methods_mIoU}), low-resolution representation can hurt accuracy (Figure 5). Though compute and memory requirements grow in cubic order with resolution size, the free space in 3D scenes, a source of exploitable ’spatial sparsity’, motivates a hardware-software co-designed approach to acceleration of 3D visual processing.
\begin{figure}
\centering
\includegraphics[width=0.40\textwidth]{images/voxelsize_compute_mem}
\caption{Correlation between compute needs and accuracy (mIoU) as a function of resolution obtained by downsampling input pointclouds in ScanNet\cite{dai2017scannet}.}
\label{fig:accu_vs_resolution}
\end{figure}
\begin{table} [b]
\centering
\caption{A chronological overview of typical RGB-D/3D datasets.}
\label{tab:dataset_size}
\resizebox{0.5\textwidth}{!}{
\begin{tabular}{cccc}
\toprule
\textbf{Datasets} & \textbf{\# Images/Models (\#Objects)} & \textbf{\#Ops} \cite{graham20183d} & \textbf{I/O FP (grid)} \cite{graham20183d} \\
\midrule
NYU Depth V2 \cite{Silberman_ECCV12} & 1.5k images (894) & $\sim$2.3B & $\sim$12MB ($4096^3$)\\
ModelNet \cite{Wu_2015_CVPR} & 50k models (660) & $\sim$9M & $\sim$400kB ($30^3$)\\
ShapeNet \cite{chang2015shapenet} & 3M models (3135) & $\sim$0.5B & $\sim$1MB ($192^3$)\\
Matterport3D \cite{chang2017matterport3d} & 194k images (40) & - & -\\
ScanNet \cite{dai2017scannet} & 2.5M frames (40) & $\sim$90B & $\sim$65MB ($4096^3$)\\
Waymo \cite{sun2019scalability} & 113K models (210K) & $\sim$249B & $\sim$128MB ($4096^3$)\\
\bottomrule
\end{tabular}
}
\end{table}
\subsection{Sparse Convolution Network (SCN) workload profile}
\label{sec:wl_char}
Figure \ref{fig:wl_profile_breakup} shows the runtime CPU profile of SCN \cite{graham20183d} as a representative workload. The middle layers take much lower execution time than initial and last few layers as in the U-net, the middle layers operate on lowest resolution needing lower compute.
As the order of voxel processing can be different from the memory layout, a gather operation for inputs and scattered write for outputs is required.
Overall, \textit{Input Gather and Output Write dominates across the layers, due to the weight stationary dataflow, where input-output index pairs are created and processed for each weight plane independently.}
These components are majorly dominant for the initial and last few layers, where the voxel resolution sizes are higher.
Lack of tiled execution and inability of CPU caches to hold the entire large pointcloud significantly hurts data reuse.
We observe that the performance of the workload scales poorly with number of cores and flattens beyond 4 cores (Figure \ref{fig:wl_profile_breakup}-c).
Further analysis shows that thread synchronization (spin locks) and thread creation events (both of which scale with \#cores), increased load/store traffic for shared data, and increased DRAM bandwidth bottlenecks are responsible for this lack of scaling.
On an Nvidia GPU, SCN performance improves by 2.34X over single-core CPU (Figure \ref{fig:gpu_wl_profile}), but effective GPU utilization is low due to high register usage per thread, thereby limiting the number of threads that simultaneously execute. By recompiling GPU kernels to enforce fewer registers per thread, running thread count can be increased, but performance saturates due to memory load-store bottlenecks.
\begin{figure}
\centering
\includegraphics[width=0.50\textwidth]{images/gpu_wl_profile.png}
\caption{SCN performance characterization on Nvidia GeForce-GTX-1080 @1.6GHz. Though GPU is processing for most of the time, average GPU core utilization is significantly low at 21\% due to high register usage.}
\label{fig:gpu_wl_profile}
\end{figure}
\subsection{The need for Sparsity-aware Dataflow Optimizers}
\label{sec:need_for_df}
Several dataflow optimizers have been proposed for dense DNNs \cite{chen2016eyeriss, chen2018eyeriss, yang2016systematic, hegde2018morph, gao2019tangram, kwon2018mef}.
Since dense DNNs operate over regular data-structures, memory size requirements and data accesses for each data-type can be estimated and an optimal dataflow could be chosen offline without requiring input data.
Since network parameters are usually known prior to input data arrival, an optimal dataflow could be chosen in offline mode per layer.
\bfit{Since 3D scenes are typically spatially sparse, a uniform 3D tiling strategy would result in extremely inefficient execution due to excessive memory consumption and uneven work distribution.}
Though tiling 1D compressed data-structure through a spatial hash map is a concise representation, it has the following drawbacks: 1) size of compressed data-structure varies per input pointcloud and across different regions within a pointcloud 2) memory requirement and data accesses can not be formulated as mathematical expressions 3) storing 3D data in an unordered 1-D compressed format results in irregular data accesses as convolution operations need to be performed on spatially proximate points in 3D space.
\textit{In Sections \ref{sec:coir}, \ref{sec:soar}, \ref{sec:spade_df}, we show how specialized sparsity-aware dataflow optimizers can effectively addresses these challenges.}
\subsection{Accelerator Options for 3D Spatial Sparsity}
As discussed in Section \ref{sec:need_for_df}, storing 3D spatially-sparse data in 1D compressed format leads
to inefficient execution due to irregular data accesses as convolution operations need to be performed on spatially proximate points in 3D space while the data is stored in 1D compressed format.
We discuss two potential ways to accelerate spatially sparse 3D processing: \newline
\bfit{1) Generic GEMM-based Acceleration:} Implement 3D sparse convolution as a dense-GEMM using efficient gather/scatter operations and performing GEMM over the regularized data structure similar to reference CPU implementation (Figure \ref{fig:scn_wl_proc}).\newline
\unit{Challenges:} a) Since a 3D convolution is mapped onto a GEMM engine, input/output features need to be re-fetched as many times as the local receptive field, requiring prohibitively large data transfers and bandwidth. b) Due to input-dependent sparsity, data-specific source/destination rulebook tables need to be created by the host to enable a gather/scatter engine to perform explicit data copies. When local sparsity is medium-to-high and the point-cloud is large, the rulebook can significantly increase size and bandwidth requirement. \newline
\bfit{2) Specialized Acceleration for 3D sparsity}: Build specialized implementation to locate input/output data on-the-fly while performing 3D sparse convolution on a pool of MACs. \newline
\unit{Challenges:} a) While custom acceleration for 3D sparsity can entirely eliminate the need for explicit metadata/rulebook generation, re-computation of input/output data addresses would be required for each DNN layer with the same resolution and at every accelerator core in the system. b) The number of lookups into the sparse hash-map required per unit compute is input sparsity-dependent. So, either the convolution engine will suffer significant utilization loss due to the high variability in the local receptive field OR to cover the variable latency and bandwidth requirement, the local buffering would need to be prohibitively large.
\textit{We propose in section \ref{sec:uarch} a semi-specialized accelerator for 3D sparsity which can process a compressed metadata structure while adopting a tile-based sparsity-aware dataflow for efficient data-movement}.
\subsection{Custom Accelerator Requirements for 3D Spatial Sparsity}
\label{sec:need_for_acc}
State-of-the-art sparse accelerators \cite{hegde2019extensor, zhang2016cambricon, parashar2017scnn, Smash} have been proposed for sparse matrix multiply or sparse DNN models. In general, these sparse accelerators are composed of two major blocks: 1) a Front-end which processes metadata of input operands (feature-maps and weights) locating pairs of non-zero input operands and 2) a Back-end for performing valid operations (MAC, activation, pooling etc.) through PEs. Proposals such as Sparten \cite{gondimalla2019sparten} also schedule work efficiently such that the imbalance between compute engines can be mitigated.
\begin{table} [b]
\centering
\caption{Micro-Ops and data accesses savings with coarse level of work-scheduling}
\label{tab:uop_savings}
\resizebox{0.5\textwidth}{!}{
\begin{tabular}{c|ccccrc}
\hline
& & & Tile Size & & uOps & Data-accesses \\
Layers & Type & Total $Ops$ & ${\scriptscriptstyle (\Delta O, \Delta C, \Delta N)}$ & uOps & Savings & Savings \\
\hline
L2 & SCN & 1.3e+9 & (28,16,32) & 2.5e+6 & 512x & 1.93x \\
L12 & Conv & 4.4e+8 & (12,16,32) & 8.6e+5 & 512x & 1.94x \\
L24 & Dconv & 1.7e+8 & (860,8,8) & 2.7e+6 & 64x & 1.75x \\
L35 & SCN & 5.4e+9 & (212,8,16) & 4.2e+7 & 128x & 1.88x \\
\hline
\end{tabular}
}
\end{table}
We discuss challenges in adopting prior sparse-accelerators for 3D spatially sparse data processing:\newline
\bfit{A) Front-end}: for 3D spatially sparse convolution, valid input pair selection depends solely on whether the voxel is active in the receptive field in the input pointcloud and not on the weights. Further, the selection logic (Figure \ref{fig:corf_cirf_metadata}) significantly differs from the logic in any of these prior sparse accelerators. \newline%
\bfit{B) Back-End}: the back-end in these accelerators receives a list of uops, each representing a scalar multiply and accumulation operation (MAC). In 3D spatially sparse convolution, each valid input pair selection requires either a) a vector dot product (V-V) or b) a matrix-vector (M-V) multiply maximizing the data reuse when there are multiple output channels (N) in a tile. Hence, scheduling the work at the granularity of M-V would be more optimal than dispatching the work per MAC.
\bfit{Table \ref{tab:uop_savings} shows how a M-V granularity of dispatch can help to achieve a huge reduction in dispatched uops and in data accesses between compute and on-chip memory for a few select layers in Unet \cite{graham20183d}.}
We use 64KB of on-chip memory with optimal tile size and dataflow selection to minimize data accesses between on-chip and off-chip memory.
We thus present a sparse-accelerator for spatially-sparse DNNs that consists of a) a sparse scheduler based Front-end to process custom-compressed 3D metadata and b) a Back-end that dispatches matrix-vector operations which maximizes data reuse and minimizes the dispatched uops.
\section{Hardware-Software Co-Designed Acceleration for 3D Spatial Sparsity}
\label{sec:acc_for_ss}
\subsection{Locality aware Data-structure (\textit{COIR})}
\label{sec:coir}
Workload analysis in Section \ref{sec:wl_char} provided the following insights: 1) performing convolution for all the voxels together in the receptive field (i.e. neighbourhood points) can reduce data accesses for input/output feature maps 2) storing all input point indices per output point (or vice a versa) can achieve metadata compression compared to weight wise listing of in-out pairs\cite{graham20183d}.
Metadata size savings could be significantly higher for denser pointclouds. Inspired by these insights, we propose a novel metadata structure (\bfit{COIR}) with two flavors 1) \bfit{Compressed Output Response Field (CORF)}, 2) \bfit{Compressed Input Receptive Field (CIRF)} (Figure \ref{fig:corf_cirf_metadata}).
\begin{figure}[t]
\centering
\includegraphics[width=0.45\textwidth]{images/corf_cirf_metadata_half.png}
\caption{Two-dimensional illustration of the two flavors for \textit{\textsc{Coir}}\xspace metadata structure for submanifold convolution operator. With 3D visual data input, output activations and weights would be in form of cuboids (instead of planes)}.
\label{fig:corf_cirf_metadata}
\end{figure}
In \textit{CORF}, each metadata entry corresponds to one unique point in input space and consists of 1) the index of the input point, 2) indices of all the points in the output space in the response field of the input point.
In addition, relative location of each neighbour is also required to select the appropriate weight index for convolution operation.
For this, a weight bit-mask is stored for each entry with '1's indicating valid neighbours and bit-locations indicating corresponding weight indices.
Similarly, each \textit{CIRF} entry contains the index of a unique output point, the indices of all the input points in the receptive field required to compute feature map for the output point and bit-masks for weight index selection.
Two flavours of metadata are motivated by the observation that
for the layers with resolution change (input and output space having different resolution), input to output mapping is not one-to-one.
\bfit{Hence, based on the sparsity in the pointcloud and the type of convolution (upscaling or downscaling) picking the right flavor could provide higher compression and data-savings over the other.}
\subsection{Point-cloud Reordering (\textsc{Soar})}
\label{sec:soar}
\textit{COIR} improves data reuse of input points with \textit{CORF} (or output points with \textit{CIRF}) by performing convolution across multiple neighbours per element access, but it doesn't ensure data reuse of neighbours across multiple input or output points.
\bfit{To maximize data reuse for neighbours as well, entries in the metadata needs to be ordered such that the entries with shared neighbours are co-located in the metadata structure and processed in close temporal vicinity.}
To achieve this, we propose \bfit{Surface Orientation Aware Reordering} (\textsc{Soar}) of the pointcloud.
We first create an \textit{Adjacency Map} with the voxel index as key and a list of indices to all its neighbours as value.
When provided as input the maximum number of voxels for which data can fit in the on-chip memory, \textsc{Soar}\xspace divides the entire pointcloud into multiple chunks, each chunk composed of ordered voxels obeying the maximum voxels constraint.%
\begin{figure}
\centering
\includegraphics[width=0.50\textwidth]{images/soar_divide.png}
\caption{An illustration for dividing points in pointclouds in size constrained \textit{chunks} and reordering points in each chunk through \textsc{Soar}}
\label{fig:soar_divide}
\end{figure}
As shown the Figure \ref{fig:soar_divide}, \textsc{Soar}\xspace constructs an m-ary tree with each node representing a voxel and an edge connecting two neighbouring voxels such that each child node connects to only one parent even if there is more than one neighbour at parent's levels, though a parent node can connect to one or more neighbours as child nodes.
To begin, the voxel with minimum number of neighbours is selected as the root node representing a corner in the pointcloud. \textsc{Soar}\xspace pushes all its neighbours to a \textit{Neighbour Queue} and pops out voxels one-by-one.
If a voxel is already selected in previous chunks, it gets dropped otherwise it is inserted into the m-ary tree as a child node to the first neighbour in breadth-first order.
The inserted voxel is then tagged as selected and all its neighbours are added to the \textit{Neighbour Queue}.
This process continues till the number of voxels in the m-ary tree matches with the provided threshold, upon which the m-ary tree is selected as the desired chunk with voxels in the breadth-first order.
The root node for the next chunk is selected among voxels in the \textit{Neighbour Queue} with minimal number of neighbours and then this queue is flushed.
This process gets completed when all the voxels in the pointcloud are divided into chunks.
\subsection{Sparsity Aware Dataflow (\textsc{Spade}\xspace)}
\label{sec:spade_df}
Section \ref{sec:need_for_df} highlighted two key challenges of tiling 3D spatially sparse data: 1) memory requirement varies highly due to input dependent spatial sparsity 2) data accesses can not be estimated through mathematical expressions due to irregular data-structures. In this section, we propose a framework for dataflow exploration for spatially sparse data processing.
\begin{figure}
\centering
\includegraphics[width=0.45\textwidth]{images/spade_tiling.png}
\caption{Tiling 1D compressed data-structure for 3D spatially sparsed data}
\label{fig:spade_tiling}
\end{figure}
\begin{figure}[b]
\centering
\includegraphics[width=0.4\textwidth]{images/spade_block_diagram.pdf}
\caption{\textsc{Spade}\xspace Dataflow Exploration Framework}
\label{fig:spade_blk_diag}
\end{figure}
For a layer $\mathcal{L}$, let the total number of input voxels, output voxels, filter size, input channels, output channels and metadata size be represented as $I$, $O$, $K$, $C$, $N$ and $M$ respectively. And if $\Delta$'s correspond to respective values in a given tile $\mathcal{T}$ (Figure \ref{fig:spade_tiling}), then the tile size $\Delta T$ can be expressed as:
\begin{equation}
\footnotesize
\Delta T = (\Delta I . \Delta C) + (\Delta O . \Delta N) + (\Delta K . \Delta C . \Delta N) + \Delta M\\
\end{equation}
For a number of output voxels ($\Delta O$) in the tile, required number of input voxels and metadata size could be obtained per region ($\mathcal{R}^{\Delta O}_{i}$) as:
\begin{equation}
\footnotesize
\label{eq:fimo}
\begin{split}
\Delta I = f_{I}(\mathcal{R}^{\Delta O}_{i}, \Delta O), \; \Delta M = f_{MO}(\mathcal{R}^{\Delta O}_{i}, \Delta O)
\end{split}
\end{equation}
Tile size $\Delta T$, therefore, could be formulated as a complex function of $\Delta O$, $\Delta N$ and $\Delta C$.
There are two possible ways of tiling: 1) dynamic tiling and 2) static tiling.
In dynamic tiling, the data fetch module can keep fetching additional input feature maps as required for computing every new output feature map till the on-chip memory is full, thus each tile can have different value of $\Delta O$.
Note that to enable this, $\Delta N$ and $\Delta C$ need to be known prior to the execution and, therefore, \bfit{a joint optimization of all tiling parameters could not be performed}.
A solution to this would be to process the metadata before the DNN execution extracting out region information ($f_{I}$, $f_{MO}$) for every region and empirically choose the optimal tiling candidates by iterating over all possible values of $\Delta C$ and $\Delta N$ pairs. This would explode the dataflow exploration space and require multiple passes of metadata processing significantly degrading latency in real-time scenarios.
\begin{figure*}
\centering
\includegraphics[width=0.90\textwidth]{images/uarch_blk_diag.png}
\caption{Micro-Architecture block diagram for \textsc{Ss}p\textsc{nna}\xspace, \textbf{(a)} \textbf{WAVES} group features as per weight planes, stores tuples into Link-List index queue, \textbf{(b)} \textbf{SyMAC} connects DeNNs as group of systolic arrays along the weight data, \textcircled{6} perform caching and local accumulation on hits \textbf{(c)} DeNN block where IC-data is buffered, to be reused among multiple output channels and multi casted to all the PEs.}
\label{fig:uarch_blk_diag}
\vspace{-0.7cm}
\end{figure*}
Thus, we \bfit{propose to decouple extraction of region information in the form of sparsity attributes and then perform dataflow exploration using these attributes via an analytical framework}.
We compute sparsity attributes, $\mathcal{SA}_{I}$ and $\mathcal{SA}_{MO}$, as function of $\Delta O$ over all regions (Eqn. \ref{eq:gimo}).
Note that $\mathcal{SA}_{MO}$ represents Average number of voxels in Receptive Field (ARF) for a given region, while $\mathcal{SA}_{I}$ takes the form of $(1 + \beta)$ where $\beta$ reflects the fraction of voxels at region boundary.
\begin{equation}
\footnotesize
\label{eq:gimo}
\begin{split}
\mathcal{SA}_{I}(\mathcal{R}^{\Delta O}_{i}, \Delta O) & = \left(f_{I}(\mathcal{R}^{\Delta O}_{i}, \Delta O)\right) \; / \; {\Delta O} \\
\mathcal{SA}_{MO}(\mathcal{R}^{\Delta O}_{i}, \Delta O) & = \left(f_{MO}(\mathcal{R}^{\Delta O}_{i}, \Delta O)\right) \; / \; {\Delta O}
\end{split}
\end{equation}
We adopt static tiling with two ethods: 1) Strict Static Tiling (SST) and 2) Relaxed Static Tiling(RST). In SST, $\mathcal{SA}_{I}$ and $\mathcal{SA}_{MO}$ with the highest value across all regions are picked for each $\Delta O$ to ensure worst-case tile size allocation while under-utilizing the on-chip memory for quite a few tiles.
In RST, to improve memory utilization, we use n\textsuperscript{th} quantile of $\mathcal{SA}_{I}$ and $\mathcal{SA}_{MO}$ such that majority of the tiles fits within on-chip memory. The tiles overshooting the on-chip memory are split into two (or a next power of two) such that each sub-tile fits well into the on-chip memory.
To calculate data transfers and operations, we use $\mathcal{SA}^{Avg}_{I}$ and $\mathcal{SA}^{Avg}_{MO}$ (Eqn. \ref{eq:himo}) averaging the sparsity attributes over all the regions ($\mathbb{R}^{\Delta O}$) for each $\Delta O$.
\begin{equation}
\footnotesize
\label{eq:himo}
\begin{split}
\mathcal{SA}^{Avg}_{I}(\Delta O) & = \left(\Sigma_{\mathcal{R}^{\Delta O}_{i} \in \mathbb{R}^{\Delta O}} \mathcal{SA}_{I}(\mathcal{R}^{\Delta O}_{i}, \Delta O)\right) / \; |\mathbb{R}^{\Delta O}|, \\
\mathcal{SA}^{Avg}_{MO}(\Delta O) & = \left(\Sigma_{\mathcal{R}^{\Delta O}_{i} \in \mathbb{R}^{\Delta O}} \mathcal{SA}_{MO}(\mathcal{R}^{\Delta O}_{i}, \Delta O)\right) / \; |\mathbb{R}^{\Delta O}|
\end{split}
\end{equation}
Similar to dense DNN, we choose between three types of walk-patterns ($\mathscr{WP}$) 1) Input Stationary ($IS$) 2) Output Stationary ($OS$) and 3) Weight Stationary ($WS$).
Note that Eqn. \ref{eq:fimo}, \ref{eq:gimo} and \ref{eq:himo} could also be expressed as functions of $\Delta I$ computing for $\Delta O$ and $\Delta M$ with CORF metadata structure and ARF representing as Average Response Field.
Using the analytical framework (as shown in Figure \ref{fig:spade_blk_diag}), \textsc{Spade}\xspace explores the entire dataflow design space to arrive upon the best tile size, walk pattern and metadata structure ($\mathscr{MD}$) for each layer in the network given an input pointcloud.
\textsc{Spade}\xspace's Analytical framework minimizes data accesses $\mathscr{DA}$ (Eqn. \ref{eq:data_acc}) between the on-chip memory and the off-chip memory over the entire dataflow design space $\mathcal{D}=\{(\mathcal{T},\mathscr{WP},\mathscr{MD})\}$.
\begin{equation}
\footnotesize
\label{eq:data_acc}
\begin{split}
\mathscr{DA}&\left(\mathcal{D}\right) = F_{WS}\left(\mathscr{WP},\ceil{O/\Delta O}\right).\left(C.N.K\right)\\
& + F_{IS}\left(\mathscr{WP},\ceil{N/\Delta N}\right).\left(\mathcal{SA}^{Avg}_{I}(\Delta O).O.C\right) \\
& + F_{OS}\left(\mathscr{WP},\ceil{C/\Delta C}\right).\left(O.N + \mathcal{SA}^{Avg}_{MO}(\Delta O).O\right) \\
\text{where, }&\;\;F_{X}(Y,Z) = {1\;if\;{\left(Y = X\right)},\;else\;{Z}}
\end{split}
\end{equation}
\subsection{3D-Sparse-NN-Core Micro-architecture: \textsc{Ss}p\textsc{nna}\xspace}
\label{sec:uarch}
Section \ref{sec:need_for_acc} described the distinctive requisites of a custom accelerator for 3D spatial sparsity, especially contrasted with prior sparse accelerators. We describe in this section, the microarchitecture of the \textsc{Ss}p\textsc{nna}\xspace (\textbf{S}patially \textbf{SP}arse \textbf{N}eural \textbf{N}etwork \textbf{A}ccelerator) core which lies at the heart of our AccSS3D solution.
The primary requisite for the hardware accelerator (HWA) is to process a tile (Figure \ref{fig:spade_tiling}), convert from sparse to dense representation by restructuring the tile data in the Front-end and perform dense compute in the Back-end.
\textbf{Top-level Overview:}
The \textsc{Ss}p\textsc{nna}\xspace HWA is comprised of two major blocks (a) \textbf{WAVES Front-end}- \textbf{W}eight plane based \textbf{A}ctive \textbf{V}oxel \textbf{E}xecution \textbf{S}cheduler (b) \textbf{SyMAC Back-end}- \textbf{S}ystolic and \textbf{M}ulticast based \textbf{MAC} \textbf{C}omputation in Figure \ref{fig:uarch_blk_diag}. Metadata (MT) is partitioned into header and feature data, where header stores \textit{\textsc{Coir}}\xspace bit-masks and feature data stores the feature indices and its data. HWA also has a memory arbiter, a configuration and a control block. The Global event controller initiates execution after loading the L1 and configuring the HWA. Upon start, the WAVES scheduler formats the metadata and then triggers SyMAC for channel-wise computation and output element accumulation, during which, WAVES starts working on formatting the next set of data.
The \textbf{WAVES Front-end} rearranges the spatially distributed voxels along weight plane (Figure \ref{fig:uarch_blk_diag}-a). Its subblock MT HDR Processor fetches weight mask and corresponding IFM and OFM indices. By using smart-lookup, it finds weight index for 4 active neighbor voxels per cycle. The HDR Format block forms tuples by grouping 4 features per weight plane, using 27 blocks to manage all weight planes together. Link-List based buffer is used to provide dynamic memory space allocation for weight planes, enabling more storage for weights with more active voxels.
This design choice was motivated by the observation that fixed allocation of resources per weight plane leads to significant under-utilization, since it depends on \textit{ARF}. By allocating 1 FIFO per weight plane for tuple storage, higher occupancy for all the FIFOs cannot be achieved. This under-utilization can be visualized as a wavy line touching the top element in each FIFO. %
The Link-List design helps increase the utilization by dynamic allocation of more resources to planes with higher number of active neighboring voxels, \bfit{allowing us to accommodate 1.5X-2X more metadata lines} in the same size of memory internal to the \textsc{Ss}p\textsc{nna}\xspace.
The \textbf{SyMAC Back-end} increases the data reuse within the HWA by connecting multiple compute blocks systolically, multicasting the input features to a set of PEs and accumulating data within the PEs as per channel length. Figure \ref{fig:uarch_blk_diag}(b) shows three options for systolic groups as \textcircled{A}, \textcircled{B}, \textcircled{C}, which can be dynamically selected for weight plane grouping in the WAVES. Figure \ref{fig:uarch_blk_diag}(b)\textcircled{6} ACC OFM block has local buffering with cache lookup capability which helps in reducing memory transactions for elements with cache hit.
Figure \ref{fig:uarch_blk_diag}(c) shows a DeNN block where input features are buffered and reused for all output channels, by convolving with different weights. PEs are implemented using tree structure where they can perform dot-product on IEEE754 Full Floating-Point numbers and accumulate locally along the input channels.%
4-DeNN configuration with 4 PEs per DeNN computes 4 elements per PE per cycle allowing \textsc{Ss}p\textsc{nna}\xspace to support 64-MUL operations per cycle. Changing \textsc{Ss}p\textsc{nna}\xspace configuration to 8 DeNNs, working in two systolic groups of 4-DeNN each, doubles performance to 128 MUL operations per cycle, but does not require any more memory ports for weights.
\textit{\textbf{Through conscious design choices we reduce bandwidth requirement by 68\%}}: a) Local input buffer sharing and Systolic weight connection reduce bandwidth requirement by 37\% and 25\% respectively, b) local accumulation within PEs for $\Delta C$ and $\Delta N$ greater than 15 provides another 6\% reduction.
\begin{figure}
\centering
\includegraphics[width=0.48\textwidth]{images/adj_map_accl.pdf}
\caption{Micro-Architecture block diagram for Ad\textsc{mac}\xspace, \textcircled{A} is common block streaming voxels from memory, \textcircled{B} prepares adjacency map to help \textcircled{C} create Metadata with minimal memory reads}
\label{fig:adj_map_accl}
\end{figure}
\subsection{Adjacency Map accelerator Micro-Architecture - Ad\textsc{mac}\xspace}
Section \ref{sec:soar} described the requirements for reordering pointcloud and Section \ref{sec:spade_df}, Figure \ref{fig:spade_tiling} described metadata structure for tiling. We describe in this section, the Micro-Architecture of \textbf{Ad\textsc{mac}\xspace}-\textbf{A}djacency map and \textbf{M}etadata \textbf{Ac}celerator core in Figure \ref{fig:adj_map_accl}. Input voxels (x,y,z) are fetched serially by block \textcircled{A} in Figure \ref{fig:adj_map_accl}. Block \textcircled{B} creates lookup table for all the active voxels. For faster lookup, Ad\textsc{mac}\xspace maintains hierarchical lookup table, at level one it encodes active voxels at higher granularity (called voxel 3D groups) and at second level it stores active information and corresponding memory address per voxel. Voxel information is stored in an 8-banked memory where \texttt{bankID} is encoded using \{y[2], z[1:0]\}. Within the bank, voxels are hashed so that each memory read of 64 Bytes can provide information for 16 voxels as per \{y[1:0], x[1:0]\} addressing. \bfit{This specific hashing helps in reading 26 neighboring voxels in a single cycle}, with the exception of boundary voxels. Block \textcircled{C} creates Adjacency List for the voxels in the memory using the Sparse hash from \textcircled{B}. Blocks \textcircled{C}\textcircled{1},\textcircled{2},\textcircled{3} compute address of neighbors, reads voxel information and write to memory after packing data as per metadata structure.
\section{Scale-up Architecture for 3D Spatial Sparsity}
\label{sec:arch}
In this section, we present \textsc{Accelerator for Spatially Sparse 3D DNN}s\xspace, an architecture (Figure \ref{fig:arch_block_diagram}) targeting 3D spatially sparse DNN applications.
\subsection{Overall Architecture}
\subsubsection{\textbf{On-die memory architecture}}
Multi-level memory hierarchies have been widely adopted as they allow high bandwidth short-distance reuse at smaller inner level memories with lower latencies, while longer-distance reuse are captured at higher capacity by outer memory levels.
The two levels of memories in the AccSS3D architecture are managed as scratchpads by the software to orchestrate the 3D sparse-CNN execution following the optimal directives of the \textsc{Spade}\xspace.
A scratchpad-based architecture with multiple levels of memory, requires compute and data-transfer needs to be effectively synchronized to maximize compute and bandwidth utilization.
As a result of the locality-aware tile-based execution as described in section \ref{sec:spade_df}, there is significantly higher space sensitivity at L1 compared to L2.
This is because when processing similar number of voxels, the unique-OFM to unique-IFM ratio is typically highly skewed (away from 1) for L1 when compared to L2.
This results in higher sensitivity for reuse opportunity to memory size at L1 as compared to L2.
This precludes double-buffering at L1.
\textit{Hence, we choose distinct compute and data-exchange phases as in \cite{graphcore}}.
All data transfers from between the shared-L2 and a \textsc{Ss}p\textsc{nna}\xspace core's L1 are blocked when the core is active, and the \textsc{Ss}p\textsc{nna}\xspace core is idled when data is being exchanged between its L1 and the shared L2.
\subsubsection{\textbf{Scaled-up multi-sparse-NN Core architecture}}
To compensate for the increased latency due to sequential phases, we adopt an overlapped tile execution model across the multiple \textsc{Ss}p\textsc{nna}\xspace cores in our scaled-up architecture (Figure \ref{fig:async_exec_load_balance}-a).
Using a shared bus at the L1-L2 interface, tile data is transferred between the shared-L2 and a \textsc{Ss}p\textsc{nna}\xspace core's L1 memory while other cores are in their compute phases and this continues in round-robin mode as each core enters its data exchange phase.
\subsubsection{\textbf{Data transfers between L1, L2 and DRAM}}
\label{sec:data_tx_l1_l2}
We employ a DMA-based architecture to accomplish data transfers in the data-exchange phases.
DMAs are triggered through a global hardware-based event controller, with the software specifying data-movement details such as source/destination addresses and number of bytes through the DMA engines tables.
We provision two DMA engines: one each for the L1-L2 and L2-DRAM interfaces respectively.
Based on the selected metadata structure (\textit{CORF} or \textit{CIRF}) - either one of the datatypes between IFM and OFM is accessed in order, while the other can be un-ordered (see Figure \ref{fig:spade_tiling}).
We use block transfers programmed as a single DMA table entry for the entire tile for the datatype with ordered accesses. For the other datatype, we use DMA table entries per voxel level. Since weights are dense, a block transfer is sufficient. DMA transfers for all tiles of a layer are chained in a pre-selected order as this allows limiting CPU/software intervention to only once per layer.
\begin{figure}
\centering
\includegraphics[width=0.45\textwidth]{images/arch_block_diagram.png}
\caption{Proposed architecture for spatial sparsity: \textsc{Accelerator for Spatially Sparse 3D DNN}s\xspace}
\label{fig:arch_block_diagram}
\end{figure}
\subsubsection{\textbf{Load Balancing with Multi-core}}
Though \textsc{Spade}\xspace ensures uniform tiling (equal $\Delta N$, $\Delta C$ and $\Delta O$ or $\Delta I$), due to region dependent sparsity (varying $\mathscr{SA}_{MO}$), operations per tile could differ.
Asymmetric core execution times and data transfer period can introduce idle periods for both processing cores and the DMA engine (Figure \ref{fig:async_exec_load_balance}b-left).
To address this, we sort all the spatial tiles based on 'Ops-per-tile' in descending order.
Based on parallelism along $N$, cores are grouped with each group to process different $N$-tiles.
The sorted spatial tiles are scheduled in order and round-robin fashion on cores in each group maximizing concurrent execution (Figure \ref{fig:async_exec_load_balance}-b-right).
\subsection{Dataflow for Multi-level memory hierarchy}
\label{sec:df_mult_mem}
Multi-level memory hierarchies pose significant challenges for dataflow optimization, as minimization of data-transfers is required at every level of the memory hierarchy to enable best performance at lowest hardware and energy cost.
Inspired by dense DNN dataflow optimizers \cite{chen2018eyeriss, yang2016systematic, hegde2018morph}, we adopt hierarchical dataflow search starting from outermost to innermost level of the on-chip memory. One of the drawbacks of hierarchical search is the likelihood of picking a globally suboptimal dataflow.
For example data access minimization at $L_q{\leftrightarrow}L_{q+1}$ memory interface may choose tile candidates with lower spatial data reuse and higher temporal data reuse, which could increase data accesses at inner interface $L_{q}{\leftrightarrow}L_{q-1}$.
To address this, we propose \bfit{Constrained Access based Reuse Opportunity Maximization (CAROM)} to maximize spatial reuse while keeping the number of data accesses at $L_{q}{\leftrightarrow}L_{q+1}$ interface lower than a maximum threshold value ($\mathscr{DA}_{th}^{L_{q}}$) without being bandwidth constrained.
For this, \textit{CAROM} first identifies a set of dataflow candidates $\mathbb{D}^{L_{q}}$, such that:
\begin{equation}
\small
\begin{split}
\mathbb{D}^{L_{q}} = & \left\{\mathcal{D}_{i}: \mathscr{DA}_{\mathcal{D}_i}^{L_{q}} \le \mathscr{DA}_{th}^{L_{q}}\right\} \cup \left\{{argmin}_{\mathcal{D}_{i}}(\mathscr{DA}_{\mathcal{D}_i}^{L_{q}})\right\}\\
\end{split}
\end{equation}
where, $\mathscr{DA}_{th}^{L_{q}}$ is computed based on number of operations to be performed on the working set at $L_{q+1}$, total compute (Ops/sec) available to an instance of memory level $L_{q}$ and bandwidth at $L_{q}{\leftrightarrow}L_{q+1}$ interface:
\begin{equation}
\small
\begin{split}
\mathscr{DA}_{th}^{L_{q}} = (Ops^{L_{q}} \times {BW}^{L_{q}}) / Total\_Comp^{L_{q}}\\
\end{split}
\end{equation}
\begin{equation}
\small
\begin{split}
\text{where,} \;Ops^{L_{q}} = \mathscr{SA}_{MO}^{Avg}\left(O^{L_q}\right).O^{L_q}.N^{L_q}.C^{L_q}
\end{split}
\end{equation}
\textit{CAROM} then picks the optimal dataflow over the set $\mathbb{D}^{L_{q}}$ maximizing reuse opportunity ($\mathscr{RO}^{L_{q-1}}$) for $L_{q-1}$ level.
\begin{equation}
\small
\begin{split}
\mathcal{D}_{opt}^{L_{q}} = {argmax}_{\mathcal{D}_{i} \in \mathbb{D}^{L_{q}}}\left(\mathscr{RO}_{i}^{L_{q-1}}\right)
\end{split}
\end{equation}
Since for a given working set, reuse opportunity is proportional to the total number of operations to be performed on the working set, $Ops^{L_{q-1}}$ is used for reuse opportunity maximization.
The optimal tile candidate at a memory level $L_{q}$ acts as the working set for level $L_{q-1}$.
And, therefore, \bfit{CAROM continues to pick optimal dataflow(s) from outer levels to inner levels except the innermost level as per the above criterion.
For the innermost memory level, it selects the optimal dataflow by minimizing data accesses} (${{argmin}_{\mathcal{D}_{i}}\left(\mathscr{DA}_{i}\right)}$).
\begin{figure}
\centering
\includegraphics[width=0.5\textwidth]{images/async_exec_load_balance.png}
\caption{(a)Execution flow orchestrating asynchronous scheduling of sparse-NN cores with serialized DMA transfers. (b) An illustration of improved performance with smart work scheduling. W$_x$ and D$_x$ represents processing-work and data-transfer respectively as associated with the tile $\mathcal{T}_{x}$.}
\label{fig:async_exec_load_balance}
\end{figure}
To improve data locality across all the memory levels through pointcloud reordering, \textsc{Soar}\xspace (Section \ref{sec:soar}) is extended to perform hierarchical pointcloud ordering starting from innermost to outermost levels.
Given optimal tiling from \textsc{Spade}, \textsc{Soar}\xspace groups the entire pointcloud in chunks and finds optimal ordering of points in each chunk based on tilling parameters for the innermost memory. Reinterpreting each chunk as a point, \textsc{Soar}\xspace is reapplied to recursively group these chunks into super-chunks with optimal ordering based on tile parameters of the outer memory level, till the outermost level.
\subsection{Minimizing \textsc{Spade}\xspace latency overhead}
\label{sec:metasparsity}
As described in sections \ref{sec:spade_df} and \ref{sec:df_mult_mem}, \textsc{Spade}\xspace requires pre-processing of input pointcloud data to extract sparsity attributes ($\mathscr{SA}$'s) to perform dataflow exploration. Extraction of $\mathscr{SA}$'s
could add significant overhead to end-to-end latency.
To minimize this, we explore: 1) if the sparsity attributes could be categorized into two sets: \textit{a)} common attributes which are consistent across pointclouds - referred to as \bfit{Meta Sparsity Attributes ($\mathscr{MSA}$)}, \textit{b)} \bfit{Input Specific Attributes ($\mathscr{ISA}$)} which varies highly across pointclouds; and, 2) whether by using $\mathscr{MSA}$, optimal dataflow candidates could be pre-computed for selected binned values of $\mathscr{ISA}$.
Thus, we correlate $\mathscr{SA}^{Avg}$ over randomly picked pointclouds (Figure \ref{fig:msa_illustration}) and observe that: \newline
1. $\mathscr{SA}_{I}^{Avg}(\Delta O)$ exhibits high variance across various values of $\Delta O$, but follows similar pattern across pointclouds. Also, $\mathscr{SA}_{I}^{Avg}(v)$ shows a high correlation with $(\alpha_m/\sqrt[\leftroot{-2}\uproot{2}m]{v})$ representing surface area to volume ratio of $m$-dimensional cube with volume $v$ and faces $\alpha_m$. \newline
2. $\mathscr{SA}_{MO}^{Avg}(\Delta O)$ which represents the \textit{ARF}, remains constant with $\Delta O$ for a pointcloud, but varies across pointclouds.\newline
Based on above observations, we propose an offline version of \textsc{Spade}\xspace to use $\mathscr{MSA}_{I}$ as the meta sparsity attribute and \textit{ARF} as $\mathscr{ISA}$. The $\mathscr{MSA}_{I}$ is computed over a representative set of pointclouds $\mathbb{P}$ using Eq. \ref{eq:msa_i}. We generate tables of optimal dataflow candidates with \textit{ARF} as table index, for all network layers. For tile allocation, we use $90$-quantile of $\mathscr{SA}_{I}^{Avg}(\Delta O)$ along with RST as described in \ref{sec:spade_df}.
Note that \bfit{the proposed semi-offline mode of dataflow exploration strikes a conscious balance between DNN execution performance and runtime latency overhead of sparse dataflow selection}.
\begin{equation}
\small
\label{eq:msa_i}
\mathscr{MSA}_I^{Avg}(\Delta O) = \left(\Sigma_{p\in\mathbb{P}}{\mathscr{SA}_{I,p}^{Avg}}(\Delta O)\right) \; / \; |{\mathbb{P}}|
\end{equation}
\begin{figure}
\centering
\includegraphics[width=0.45\textwidth]{images/MSA_dots_v2}
\caption{Sparsity attributes for different points clouds}
\label{fig:msa_illustration}
\end{figure}
To minimize latency overhead, \textsc{Spade}\xspace is deployed as two components (Figure \ref{fig:spade_proc_flow}): 1) \bfit{offline-\textsc{Spade}\xspace} - to generate a table of optimal dataflows for multiple selected \textit{ARF} values, and 2) \bfit{on-the-fly \textsc{Spade}\xspace} (OTF-\textsc{Spade}\xspace) - to reorder a given input pointcloud and select optimal dataflow for the input.
Though \textit{Adjacency Map} and \textit{COIR} metadata contain a similar data structure, due to tiling and reordering, entries in \textit{Adjacency Map} are re-grouped to create tiled metadata ($\Delta M$) based on tiling parameters of innermost memory level.
To transfer data between memory levels, required DMA tables (as mentioned in section \ref{sec:data_tx_l1_l2}) are generated prior to DNN execution.
To further hide the latency for OTF-\textsc{Spade}\xspace, DNN execution is kicked-off just after the OTF-\textsc{Spade}\xspace completes processing for the first layer. Since OTF-\textsc{Spade}\xspace processing for the rest of the layers does not depend on DNN execution of previous layers, both the threads, OTF-\textsc{Spade}\xspace and DNN execution, proceed independently without further need for synchronization.
\section{Evaluation}
\subsection{Setup, Methodology and Workloads}
We evaluate AccSS3D using a whole chip performance and energy model. We design, synthesize \textsc{Ss}p\textsc{nna}\xspace core with 64KB L1 memory using Synopsys DC \cite{synopsysdc} at 1GHz clock, perform Place and route using Synopsys IC Compiler II \cite{synopsysic}. L2 memory of 2$\times$1MB is constructed hierarchically, using sub-arrays of size 16KB each, with 4 banks per instance, 4 sub-banks per bank and 4 sub-arrays per sub-bank.
Power consumption for compute and on-chip buffers is estimated using Synopsys PrimeTimePX from SystemVerilog (SV) simulation.
Interconnect energy is computed using estimated wire lengths and added to L1 and L2 access energy estimates.
Area and energy cost for Ad\textsc{mac}\xspace is estimated using micro-architecture accurate model and counting data access events.
DRAM power is taken from Micron power calculator \cite{micron2020power} for DDR4-2660.\newline
\begin{figure}
\centering
\includegraphics[width=0.45\textwidth]{images/spade_proc_flow}
\caption{Processing flow for offline mode and on-the-fly mode of \textsc{Spade}}
\label{fig:spade_proc_flow}
\end{figure}
\bfit{Performance}: To measure AccSS3D performance, we obtain execution cycles for \textsc{Ss}p\textsc{nna}\xspace core for each tile processing in every network layer through SystemVerilog simulation. For end-to-end latency estimation, we simulate multi-core asynchronous execution model through a detailed analytical framework feeding per tile execution time from the SV simulation and including processing time for OTF-\textsc{Spade}\xspace (Section \ref{sec:metasparsity}).
CPU (Intel-i7-8700K @3.7 GHz) performance is measured through VTune \cite{amplifier2019intel} and power is estimated using PSST tool \cite{mubeen2018workload}. GPU (Nvidia GeForce-GTX-1080 @1.6GHz) performance is obtained form visual profiler \cite{nvidia2016nvidia} and power is reported from \textit{nvidia-smi}. We denote single core CPU, 4-core CPU and GPU software baseline performance as 1-CPU, 4-CPU and GPU. \newline
\bfit{Workloads and Datasets}: \textit{We evaluate AccSS3D on three applications of 3D visual analytics 1) 3D semantic segmentation 2) 3D object detection 3) 3D scene completion picking three state-of-the-art workloads 1) SCN \cite{graham20183d}, 2) PV-RCNN \cite{shi2019pv} and 3) SGNN \cite{dai2019sg} one from each application. We choose 3D pointclouds from ScanNet \cite{dai2017scannet} and Waymo Open Dataset \cite{sun2019scalability} (Table \ref{tab:dataset_size}, rows 5 and 6) for indoor and outdoor scenarios.}
\subsection{Scaled-up Configuration for AccSS3D}
We describe a 1024 MACs based AccSS3D architecture that achieves a 50x execution-time speed-up at an operating frequency of 1 GHz compared to 1-CPU.
Given the prohibitively large architecture configuration space, we adopt a hierarchical framework to arrive at the most optimal configuration.
Firstly, the optimal L2 memory size is selected such that total DRAM accesses do not exceed $1.5\times$ of the total data footprint accumulated across layers while avoiding bandwidth bottlenecks at DRAM interface for a given DRAM bandwidth.
A joint optimization is then performed to optimize L1 memory size, L1$\leftrightarrow$L2 bandwidth and number of the \textsc{Ss}p\textsc{nna}\xspace cores. Figure \ref{fig:l1_core_sel_opt_arch} shows performance sensitivity to these parameters for a chosen pair of L2 memory size and DRAM bandwidth.
Performance scales with cores up to a certain number owing to a reduction in idle time during data-transfer phase.
With further increase in cores, data replication for shared datatype dominates, degrading the performance. At higher L1$\leftrightarrow$L2 bandwidth and larger L1 size, data-transfer time reduces significantly favoring lower core count configuration.
Similarly, we obtain the optimal architecture configuration for each DRAM bandwidth point (Figure \ref{fig:opt_arch_sel_off_chip_bw}) and select the optimal bandwidth that maximizes performance.
Since the L2 is dual-buffered, we provision for 2x the required size.
Figure \ref{fig:res_area_analysis}-Right lists the optimized architecture parameters.
\begin{figure}
\centering
\includegraphics[width=0.40\textwidth]{images/l1_core_sel_opt_arch}
\caption{Performance Sensitivity to L1 memory size, L1$\leftrightarrow$L2 bandwidth and core count at an L2 size of 2 MB and DRAM bandwidth of 48 Bytes/clk.}
\label{fig:l1_core_sel_opt_arch}
\end{figure}
\begin{figure}
\centering
\includegraphics[width=0.40\textwidth]{images/opt_arch_sel_off_chip_bw.png}
\caption{Relative performance, on-chip and DRAM data transfers with optimal architecture configuration for select DRAM memory bandwidth points}
\label{fig:opt_arch_sel_off_chip_bw}
\end{figure}
\begin{figure*}
\centering
\includegraphics[trim=27 27 25 20, clip, width=1.0\textwidth]{images/lyr_wise_aos_speedup_power.pdf}
\caption{\textbf{Layer-wise Power Reduction and Performance} for SCN/ScanNet with AccSS3D for 3D sparse convolution over 1-CPU and 4-CPU \cite{graham20183d} (setting OpenMP threads to 1 and 4). Hyper-threading was disabled during measurement. Idle power was subtracted from total power to get workload power.}
\label{fig:res_power_speed_up_energy}
\vspace{-0.75cm}
\end{figure*}
\begin{table}
\centering
\caption{Speed-up \& Energy Savings with AccSS3D on SCN/ScanNet} %
\label{tab:scn_savings}
\begin{tabular}{c|l|l|l|l}
\hline
\multirow{2}{*}{} &
\multicolumn{2}{c|}{DNN Only} &
\multicolumn{2}{c}{End-to-end} \\
\cline{2-5} & 1-CPU & 4-CPU & 1-CPU & 4-CPU \\
\hline%
Speed-up & 36.6x & 16.8x & 23.7x & 11.8x \\
Energy Savings & 2079.0x & 2232.0x & 23.2x & 24.8x \\
\hline
\end{tabular}
\end{table}
\subsection{Power, Performance and Area Analysis}
As described in Section \ref{sec:uarch}, the \textsc{Ss}p\textsc{nna}\xspace core can be scaled with the number of internal DeNN instances. %
The design parameters, area breakup for the major blocks on a typical 16nm process and the local buffering details in the \textsc{Ss}p\textsc{nna}\xspace core for both configurations are shown in Figure \ref{fig:res_area_analysis}. With dual 8KB of local buffer we were able to hide the execution latency of WAVES MT formatting. Figure \ref{fig:res_area_analysis} also shows the physical placement for the \textsc{Ss}p\textsc{nna}\xspace core where we achieved a high utilization 72.6\% by placing the logic blocks as dictated by the internal dataflow. The energy consumption of the \textsc{Ss}p\textsc{nna}\xspace compute core and other local storage contributes to $\sim$50\% of total energy and remaining 50\% is attributed to SRAM accesses. 70\% of the logic power is consumed by the clock network whereas sequential and combinational cells consume 5\% and 25\% respectively.
For \textit{Ad\textsc{mac}\xspace}, energy is dominated by DRAM reads. Local buffer access and logic energy contributes to only 2\% of total energy.
Figure \ref{fig:res_power_speed_up_energy} shows layer-wise speed-up and power reduction for the 3D sparse convolution operation in the SCN network with ScanNet.
Speedup for initial and last few layers reaches up to \textbf{80x} over 1-CPU.
As \textsc{Spade}\xspace adopts spatial sparsity aware tiled execution, data accesses are reduced significantly.
With tiled metadata, ordered data transfers through DMAs and asynchronous execution model, data transfer latencies are overlapped with the accelerator's compute, as compared to CPU execution where Input Gather and Output Write incur high sequential latency.
In the middle layers, reuse opportunity is significantly higher, therefore the impact of dataflow optimization is low, yet speedups close to 20x are achieved over 1-CPU.
AccSS3D achieves a power reduction by \textbf{56.8x}\xspace and \textbf{132.9x}\xspace on average across all layers compared to 1-CPU and 4-CPU respectively.
Since middle layers are convolution heavy, CPU achieves higher instructions-per-cycle resulting in higher power consumption. Therefore, power reduction with AccSS3D is relatively higher for the middle layers.
Table \ref{tab:scn_savings} summarises speed-up and energy reduction for both 3D sparse convolution operation and end-to-end scene segmentation over CPU baselines for SCN on ScanNet.
\begin{figure}
\centering
\includegraphics[width=0.42\textwidth]{images/res_area_analysis.pdf}
\caption{Left: Physical placement and area utilization of \textsc{Ss}p\textsc{nna}\xspace, Right-Top: 16nm \textsc{Ss}p\textsc{nna}\xspace Design parameters, Right-Bottom: Architecture Parameters.}
\label{fig:res_area_analysis}
\end{figure}
Figure \ref{fig:perf_network_dataset} shows power and performance for two additional workloads (PV-RCNN, SGNN) and including Waymo's outdoor dataset, where AccSS3D is compared with 1-CPU, 4-CPU and GPU.
For PV-RCNN and SGNN networks, acceleration for \textit{Adjacency Map} creation provides significant speed-up and energy savings as size of pointcloud is relatively higher than number of channels ($N, C$) in these network topologies.
\begin{figure}
\centering
\includegraphics[width=0.47\textwidth]{images/perf_network_dataset.pdf}
\caption{Power, Performance and Energy Savings (including DRAM) across workloads and datasets with AccSS3D over CPU and GPU baselines.}
\label{fig:perf_network_dataset}
\end{figure}
\subsection{AccSS3D Feature Analysis}
We evaluate the goodness of AccSS3D features as described in Sections \ref{sec:acc_for_ss} and \ref{sec:arch} (Figure \ref{fig:feature_perf}).
We collect performance metrics for each feature by disabling it from the fully-featured AccSS3D.
As reference software implements a weight-stationary dataflow with \textit{no spatial tiling}, it was infeasible to implement for few layers due to large weight size and also likely to be unoptimized for a system with limited memory such as the proposed AccSS3D.
Hence, we picked input-stationary dataflow as a reasonable baseline which performs tiling on available on-chip memory, equally distributing tiles along output channels ($N$) onto many-cores and supporting on-chip partial accumulation minimizing DRAM accesses.
\textbf{Optimal tiling and walk-pattern selected by \textsc{Spade}\xspace} provides significant reduction in both on-chip and DRAM data accesses compared to baseline dataflow.
A data-accesses minimization at L2 results in lower DRAM accesses, but it increases on-chip data transfers and hence performance drops significantly due to on-chip bandwidth bottlenecks.
\textbf{\textsc{Carom}\xspace} helps alleviating this issue by striking a balance between the DRAM and the on-chip data-transfers without being bandwidth limited at DRAM interface.
Comparing with input pointcloud dependent $\mathcal{SA}$ based dataflow ($\mathscr{ISA}$), \textbf{AccSS3D with $\mathscr{MSA}$} marginally loses performance for a few pointclouds while it provides significant reduction in end-to-end latency through offline-dataflow.
Gains with \textbf{\textsc{Soar}\xspace} based pointcloud reordering varies across pointclouds as scope for the reordering depends on input geometry and scan order performed during the data acquisition. Figure \ref{fig:data_loc_with_soar} shows relative data-access savings with \textsc{Soar}\xspace comparing with three different scan-orders along x, y and z direction.
\begin{figure}
\centering
\includegraphics[width=0.5\textwidth]{images/feature_perf.png}
\caption{Impact of different AccSS3D features (\textsc{Soar}\xspace, \textsc{Spade}\xspace, \textsc{Carom}\xspace, \textsc{Otf-Spade}\xspace) on performance, on-chip energy savings, and DRAM data accesses evaluated across different input pointclouds in ScanNet dataset}.
\label{fig:feature_perf}
\end{figure}
\subsection{CPU Performance with \textsc{Spade}\xspace}
To evaluate the performance impact of \textsc{Spade}\xspace on a CPU only system, we implement tiling and loop order in the reference SCN-CPU baseline \cite{graham20183d}.
Performing the 3D sparse convolution as per \textit{\textsc{Coir}}\xspace metadata structure requires irregular data accesses interleaved with compute.
Without explicitly ensuring data residency in inner level caches, processing performance will be limited by latency.
For efficient processing, irregular data accesses need to be separated from the convolution.
To achieve this, similar to the reference CPU baseline, we gather input and weights into local buffers and after convolution we perform scattered write for output features.
Since footprint for most of layers exceeds the capacity of the CPU's last-level-cache (LLC) and given the high latency to DRAM memory, we optimize for DRAM accesses.
The dataflow optimizer assumes 10\% of LLC's capacity to be used for code and miscellaneous data and remaining 90\% would be be available for the SCN's working set.
Figure \ref{fig:spade_sw_speedup} shows the CPU performance with the optimized tiling and loop order as recommended by \textsc{Spade}\xspace.
\begin{figure}
\centering
\includegraphics[width=0.45\textwidth]{images/data_loc_with_soar.pdf}
\caption{Left: Data access savings with \textsc{Soar}\xspace reordering over raster-scan \{inner, middle, outer loop\}. %
Right: Effect of SOAR on a pointcloud; the thin strips caused by raster scan would invoke multiple data refetches from neighbouring tiles during convolution.}
\label{fig:data_loc_with_soar}
\end{figure}
\begin{figure}
\centering
\includegraphics[width=0.5\textwidth]{images/spade_sw_speedup.pdf}
\caption{CPU performance improvements with \textsc{Spade}\xspace}
\label{fig:spade_sw_speedup}
\end{figure}
For brevity, we show one layer from each spatial resolution.
With \textsc{Spade}\xspace, overall performance improves by 18\%.
For some layers gain performance upto 74\%, while for a few layers it drops by 21\%.
These layers have smaller metadata (due to lower resolution) and more channels ($C, N$), hence \textsc{Spade}\xspace prefers tiling across channels requiring metadata to be accessed and processed repeatedly.
\bfit{We observe that high CPU overheads of metadata processing and explicit scatter-gather operation are reasons for lower performance}.
\section{Related Work}
Taichi \cite{hu2019taichi} offers a high level interface to efficient data structures for spatially sparse data by using index analysis. %
Eyeriss \cite{chen2016eyeriss} proposed row-stationary dataflow with diagonal data-feedforwarding over 2D systolic array demonstrating substantial energy savings, while Eyeriss-V2 \cite{chen2018eyeriss} extended it to a scale-up architecture through mesh connections.
\cite{yang2016systematic} utilizes a tiling structure through unrolling nested loops of convolution to maximize reuse at different levels of caches.
FlexFlow \cite{lu2017flexflow} aims to maximize compute utilization by minimizing wastage due to spatial split of work among PEs.
Morph \cite{hegde2018morph} optimizes dataflows for a 3-level memory scale-up architecture maximizing reuse at each level in the hierarchy.
ExTensor \cite{hegde2019extensor} proposes technique to find non-zero element intersection for effective computation.
Sparten \cite{gondimalla2019sparten} defines SparseMap, which is two tuple of bitmask and performs efficient inner join logic to feed MAC.
SMAASH \cite{Smash} compresses sparse matrix in software and performs efficient index finding by hardware accelerator on compressed data.
\cite{HuaFineGrainedSparsity} proposes fine grained channel gating technique and an accelerator to exploit the dynamic sparsity.
\cite{zhang2016cambricon} proposes an accelerator with Indexing Module to efficiently select and transfer needed neurons to PEs.
\section{Conclusion}
Understanding of 3D objects and environment is critical for many real world applications.
To our best of knowledge, this is the first end-to-end solution for accelerating 3D scene analysis by exploiting spatial sparsity through sparsity-aware dataflow optimizer, novel micro-architecture and design for a spatially-sparse compute engine and, employing custom software-hardware co-designed methodologies.
\bibliographystyle{IEEEtranS}
|
\section{Introduction}
After the decades of continuous searches, scientists come to know about the Higgs Bosons by performing the CMS and ATLAS experiments at the platform of Large Hadron Collider (LHC) in the year of 2012. In the view of particle physics, the prediction of the Standard Model (SM) seems to fall by the properties of Higgs Bosons. However, the SM is unable to describe the determined properties of Nature as the presence of Dark Matter. To overcome this fact, the model mainly considered is beyond the SM. Models like this can predict many of Higgs Bosons. Particularly the probability of the discovery of Neutral Scalar Higgs Boson can be the clear determination of Physics beyond SM, so it is examined. Mostly the analysis of SM in the context of two Higgs doublet models (2HDMs) ~\cite{theory}, which mainly consists of five Higgs Bosons. The postulates of the outcomes of Higgs Bosons are elaborated on various channels through the production of cross-sections and the decay of branching ratios. In about July 2017, the new result published by ATLAS collaboration on the trending search of decaying neutral Higgs collaboration into two tau leptons. Taus are individually interesting to search due to the existence of stronger coupling of A/H and fermions of down type for the specific value of MSSM provided parameter space. These will certainly boost up the probability of A/H production in accordance with b-quarks and provides a higher cross-section.Future collider such as $e^{-}e^{+}$ will play an important role for the detection of Higgs boson. The future collider has clean signature and low background. Precise attention is given to this search of Higgs boson.
The process of focus of study is Neutral Higgs pair production at electron
positron collider and its decay is fully hadronic where CP even Higgs decays to a pair of bottom quark and the pseudoscalar Higgs decays to Z boson along with neutral heavy CP even Higgs boson.The Feyman diagram of process is given in Figure~\ref{fig:diagram1}
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{png2pdf.pdf}
\caption{\label{fig:diagram1} Feynman diagram for signal process $e^{-}e^{+} \rightarrow AH \rightarrow ZHH \rightarrow jjb \bar{b}b\bar{b}$.}
\end{figure}
In other process of focus of study at electron positron collider, the CP even Higgs and the pseudoscalar Higgs decay to pairs of bottom quark. The Feyman diagram of this process is given in Figure~\ref{fig:diagramF}.
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{Capture111.JPG}
\caption{\label{fig:diagramF} Feynman diagram for signal process $e^{-}e^{+} \rightarrow AH \rightarrow b \bar{b}b\bar{b}$.}
\end{figure}
\section{Two Higgs Doublet Model 2HDM}
In Two Higgs Doublet Model, the Higgs sectors are considered and by the beyond standard model, Higgs sector are extended. The Two-Higgs-Doublet Model (2HDM) is a Beyond Standard Model theory which is proficient of solving some of the problems declared above while still maintaining the good agreement between the Standard Model and experiments. The 2HDM offers a simple extension of the Standard Model. 2HDM is the easy and less complex possible extension in the above focus. Supersymmetric theories show
that the scalar are associated to chiral multiplets and opposite chirality is found in their complex conjugates. 2HDM is able as it has flexibility of the scalar mass spectrum and because of CP violation which
is additional source of it. In 2HDM there have been done much works. It is the most attractive feature of 2HDMs that it smoothens the way for initiating new possibilities for explicit or for the automatic CP violation ~\cite{fk}. Two-Higgs-doublet models can be splitted in the following types ~\cite{fe} on behalf of conditions that the doublet $ \phi $ couple to which fermions coupling. Each class of 2HDM gives interesting environment and unique phenomenology. On the basis of which type of fermions coupled with which doublet, the 2HDM is divided into different types shown in table~\ref{tab:1}.
\begin{table}[tbp]
\centering
\begin{tabular}{|l|c|c|c|c|}
\hline
Types of Model& Description&Up quarks & Down quarks & charged leptons \\
\hline
Type I & Fermiophobic&$\Phi_{2}$ & $\Phi_{2}$ & $\Phi_{2}$ \\
\hline
Type II &MSSM like &$\Phi_{2}$ & $\Phi_{1}$ & $\Phi_{1}$ \\
\hline
X&Lepton-specific & $\Phi_{2}$ & $\Phi_{2}$ & $\Phi_{1}$ \\
\hline
Y&Flipped & $\Phi_{2}$ & $\Phi_{1}$ & $\Phi_{2}$ \\
\hline
\end{tabular}
\caption{\label{tab:1}Different types of 2HDM on the basis of coupling of Fermions with charged leptons }
\end{table}
\subsection{2HDM Potential}
General scalar of 2HDMs are most usual scalar potential of 14 parameters which can function as CP-conserving, PV-violating and charge violating minima. These potentials must be written with great care while defining different bases and in discriminating parameters which can be moved away from those which have physical implication.Most common scalar potential expression is assumed for two doublets $ \phi_{1} $ and $\phi_{2}$ ~\cite{gf} with hypercharge +1 is and is given in equation \eqref{eq:A}
\begin{equation}
\label{eq:A}
\begin{aligned}
V_{2HDM}=m_{11}^{2}\phi_{1}^{\dagger}\phi_{1}+m_{22}^{2}\phi_{2}^{\dagger}\phi_{2}
-m_{12}^{2}(\phi _{1}^{\dagger}\phi _{2}+\phi _{2}^{\dagger}\phi _{1})+\frac{1}{2}\lambda_{1}(\phi _{1}^{\dagger}\phi_{1})^{2}+\frac{1}{2}\lambda_{2}(\phi_{2}^{\dagger}\phi_{2})^{2}+\lambda_{3}(\phi _{1}^{\dagger}\phi_{1}) (\phi_{2}^{\dagger}\phi _{2})+\\
\lambda_{4}(\phi_{1}^{\dagger}\phi_{2})(\phi _{2}^{\dagger}\phi_{1})+\frac{1}{2}\lambda_{5}[(\phi_{1}^{\dagger}\phi_{2})+(\phi_{2}^{\dagger}\phi _{1})]
\end{aligned}
\end{equation}
This potential contains all real parameters with two assumed $SU(2)$ doublets in 2HDM. $v_{1}$ and $ v_{2} $ are the values of vacuum expectation of two doublets i.e $\phi_{1}$ and $\phi_{2}$. The doublet expanded by making known to eight read field $ w_{i}^{\pm} $, $\rho_{i}$, $ \eta_{i} (i=1,2......)$ all over the place of these minima, is given in equation \eqref{eq:b}
\begin{equation}
\label{eq:b}
\langle\phi_{1}\rangle=\frac{1}{\sqrt{2}}
\begin{pmatrix}
0 \\
v_{1}
\end{pmatrix},
\langle\phi_{2}\rangle=\frac{1}{\sqrt{2}}
\begin{pmatrix}
0 \\
v_{2}
\end{pmatrix}
\end{equation}
\begin{equation}
\label{eq:z}
\langle\phi_{1}\rangle=
\begin{pmatrix}
w_{1}^{\dagger} \\
\dfrac{v_{1}+\rho_{1}+\iota\eta_{1}}{\sqrt{2}}
\end{pmatrix},
\langle\phi_{2}\rangle=
\begin{pmatrix}
w_{1}^{\dagger} \\
\dfrac{v_{2}+\rho_{2}+\iota\eta_{2}}{\sqrt{2}}
\end{pmatrix}
\end{equation}
By implementing the two minimization conditions of 2HDM, the terms $ m_{11}^{2} $ and $ m_{22}^{2} $ can be eliminated in the favour of pseudo scalar inputs. By the use of conditions following seven real independent parameters are obtained.\\
~$ \tan\beta=\dfrac{v_{2}}{v_{1}}, m_{11}^{2},\lambda_{1},\lambda_{2},\lambda_{3},\lambda_{4},\lambda_{5} $\\
To be more convenient, the parameters would be\\
$m_{h^{0}}, m_{H^{0}}, m_{A^{0}}, m_{H^{\pm}}, \alpha, \tan\beta, m_{12}^{2}$\\
Where $ \alpha $ is mixing angle which rotates non-physical states ($\phi_{1}$ and $\phi_{2}$ ) to the physical states ($ h^{0} $ and $ H^{0} $
). For Yukawa Lagrangian, the procedure as in SM cannot be followed and if both of the Higgs doublets couples to SM fermions, this would be flavor violating. To overcome this problem, one can impose discrete symmetry $ Z_{2} $ which helpful in evading.\\
There is eight degrees of freedom, three of those are absorbed to give mass to $ w^{\pm} $ and $ z^{0} $ gauge bosons. The remaining five physical fields lead to prediction that there are five Higgs bosons,
which are\\
Two charge Higgs$ H^{\pm} $\\
Two neutral scalar Higgs h and H\\
One pseudo scalar Higgs A\\
While a discrete $ Z_{2}$ symmetry ~\cite{gs} was forced on the 2HDM potential to avoid FCNCs ~\cite{ga} the potential still contains a term that clearly breaks this symmetry. If $ m_{12}^{2} $ is not disappearing, the potential is not invariant under the transformation $ \phi_{1}\rightarrow\phi_{2} $ but this form of symmetry breaking is only soft because $ m $ has mass dimension.
\section{Constraints}
The constraints are applied to 2HDM parameters by some of the theoretical considerations like perturbativity, vacuum stability, perturbative unitarity, and experimental limits from the LEP, Tevatron and LHC as well. Consistency is checked at the confidence level of $95\%$ with experimental values of oblique parameters T, S, and U. Noting that the perturbativity, unitarity, vacuum stability, and T, S, and U constraints are imposed through public code 2HDMC ~\cite{con}. The consistency with the measurement of Z width from LEP, $\Gamma_{z}=2.4952 ± 0.0023$ GeV . Partial width ($\Gamma\rightarrow h^{0}A^{0})$ is then required to lie in the range of 2$\sigma$ uncertainty of experimental measurement$(\leq4.6 )$ Mev ~\cite{pw}.
The consistency of mass and rate of signal of$ H^{0}$ with the data of LHC for$ H_{obs}$, It is required that relevant quantities which are calculated with the HiggsSignals-v2.2.0 beta ~\cite{hbc} fulfill these measurements at the Confidence Level of $95\% $under the Gaussian uncertainties.
The Consistency of Higgs states with constraints of direct searches from LEP, LHC and Tevatron at the Confidence Level of $95\%$, which are tested through the HiggsBounds-5.3.2beta ~\cite{hbi} is checked.
\section{Signal Analysis Strategy}
The signals $e^{-}e^{+} \rightarrow AH \rightarrow ZHH \rightarrow jjb \bar{b}b\bar{b}$ and $e^{-}e^{+} \rightarrow AH \rightarrow b \bar{b}b\bar{b}$ are supposed to be with reference to type-I 2HDM in the low $tan\beta$ regime, enhancement of A and H is achieved. Where Z boson goes into hadronic decay as a di-jet pairs $jj$, $Z \rightarrow jj$. The enhancement of the Higgs boson decay mode $H \rightarrow b\bar{b}$ is due to $cot\beta$ factor. To provide possibility of $A \rightarrow ZH$ , different masses of Higgs boson are selected. In type-I 2HDM, the two scalar Higgs bosons decay $H \rightarrow b\bar{b}$ is dominate in which b is bottom quark , and decay of Z boson to $Z \rightarrow jj$. The benchmark point with different masses assumed as hypothesis is shown in table~\ref{tab:signalcuts1}. For initial collision, the centre of mass energy $\sqrt{s}$ of $500 $ and $1000$ GeV is assumed. The value of mass $150$ and $250$ GeV is assumed and $50-100 $ GeV is assumed to mass splitting of H and A Higgs boson. For both bench mark the value of $tan\beta$ is set to $10$ for all scenarios which results in the enhancement of H decay. To satisfy theoretical requirement of potential stability ,there is a range of $m_{12}^2$ parameter for each. By using 2HDM,perturbativity and unitarity are checked.\\
Branching Ratio of $A \rightarrow Z H$ and BR of $H \rightarrow b\bar{b} \cong 0$ is achieved by using 2HDMC ~\cite{con}. B-tagging and jet reconstruction algorithms give rise in the uncertainties which perturb the final results due to more errors in the Z boson decay into di-jets such as $ t\bar{t},u\bar{u} ,d\bar{d}$ etc. The Z decay is chosen since this provides a simple and clean signature at linear collider. The branching ratio of the channel Z decay BR$(Z \rightarrow j\bar{j}) \cong 0.69$ is higher than the H decay BR $(H \rightarrow b\bar{b}) \cong 0.71$. Z boson decays into di-jets which are identified by the detector and H Higgs boson which decay into $b\bar{b}$ are identified by the b-tagging. Z and H Higgs boson are reconstructed by recombination of di-jets and bottom pairs respectively. By the reconstructed Z and H Higgs bosons , pseudo scalar A Higgs boson is also reconstructed.\\
In the background, di-vector boson $W^+W^-, ZZ, Z/\gamma$ and top quark pair production processes are more relevant to signal process which is considered. Relevant processes in the background and signal’s cross sections are computed at $\sqrt{s}$ of $500$ and $1000$ GeV. In signal process different bench mark points are assumed for CMS energy $ \sqrt{s} $=1000 GeV. The cross section of interaction is to be calculated by using Comphep-4.5.2 ~\cite{cp,cf}. According to theoretical requirements physical masses are and range of $m_{12}^2$ are provided for Higgs bosons. For different scenarios as BP1, BP2 etc cross section can also be calculated by using Comphep-4.5.2 ~\cite{cp,cf}.
\begin{table}[tbp]
\centering
\begin{tabular}{|c|c|c|c|c||c|c|}
\hline
& BP1 & BP2 & BP3 & BP4& BP5& BP6 \\
\hline
$m_{h}$ & 125 & 125 & 125 & 125 & 125& 125 \\
\hline
$m_{H}$ & 150 & 150 & 200 & 200 & 250& 250 \\
\hline
$m_{A}$ & 200 & 250 & 250 & 300 & 300 & 300\\
\hline
$m_{H^\pm}$ & 1987-2243 & 1987-2243 & 3720-3975 & 3720-3975 & 5948-6203&5948-6203 \\
\hline
$tan\beta$&10&10&10&10&10&10\\
\hline
$sin(\beta - \alpha)$ &1&1&1&1&1&1 \\
\hline
$\sigma(pb)$ &1.053$\times10^{-2}$&9.40$\times10^{-3}$&8.79$\times10^{-3}$&7.93$\times10^{-3}$&7.19$\times10^{-3}$&6.63$\times10^{-3}$ \\
\hline
$\sigma(fb)$ & 10.53&9.40&8.79&7.93&7.19&6.63\\
\hline
\end{tabular}
\caption{\label{tab:signalcuts1} Benchmark points for CM energy of 1000 GeV.}
\end{table}
\subsection{Branching Ratio}
2HDMC package is used for the extraction of branching ratio by giving the masses (physical) of Higgs bosons. Branching Ratio of Neutral Higgs boson H decay into bottom pairs, $BR\cong 61\%$ for our assumed points can be calculated by using 2HDMC. Due to reconstruction of jets and b-tagging, uncertainties arise, creating errors in end results. The branching ratio of Z decay is $BR\cong 69\%$, which is larger than H decay and compensates potential errors.
$ \sigma $ versus energy and branching ratio verses mass of Pseudo scalar and neutral higgs plots are shown in Figure~\ref{fig:diagram5a}, Figure~\ref{fig:diagram5b} and Figure~\ref{fig:diagram5c}.
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{2HDM-AH.eps}
\caption{\label{fig:diagram5a} The $ \sigma $ versus energy}
\end{figure}
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{Awalaplot.pdf}
\caption{\label{fig:diagram5b} The branching ratios of A verses mass .}
\end{figure}
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{Hwalaplot.pdf}
\caption{\label{fig:diagram5c} The branching ratios of H verses mass.}
\end{figure}
Branching ratios of neutral Higgs bosons H and pseudo scalar A Higgs boson decay for different benchmark pints are given in the table~\ref{tab:signalcuts3a} and table~\ref{tab:signalcuts3b}.
\begin{table}[tbp]
\centering
\begin{tabular}{|c|c|c|c|c||c|c|}
\hline
BP& $BR(H\rightarrow b\overline{b})$& $BR(H\rightarrow \tau\tau)$& $BR(H\rightarrow gg)$ \\
\hline
$200$ & $ 6.755 \times10^{-1}$ &$7.133\times10^{-2}$&$2.22\times10^{-1} $ \\
\hline
$225$ & $4.474\times10^{-1}$& $4.831\times10^{-2}$&$1.957\times10^{-1}$ \\
\hline
$250$ & $4.668\times10^{-2}$&$5.139 \times10^{-3}$&$ 2.681 \times10^{-2}$\\
\hline
$275$ & $ 4.568 \times10^{-3}$ &$5.118 \times10^{-4}$&$ 3.429 \times10^{-3}$\\
\hline
$300$&$ 7.625\times10^{-5}$&$8.679\times10^{-6} $&$ 7.525 \times10^{-5}$\\
\hline
$325$ &$1.839\times10^{-5}$&$ 2.124 \times10^{-6}$&$2.446\times10^{-5}$ \\
\hline
\end{tabular}
\caption{\label{tab:signalcuts3a}The branching ratio of neutral Higgs boson H decay for benchmark points .}
\end{table}
\begin{table}[tbp]
\centering
\begin{tabular}{|c|c|c|c|c||c|c|}
\hline
BP& $BR(A\rightarrow ZH) $ & $ BR(A\rightarrow Z\gamma) $&$ BR(A\rightarrow gg) $&$ BR(A\rightarrow Z\mu) $ \\
\hline
$200$ & $6.279\times10^{-1}$ & $ 5.590\times10^{-5} $ &$1.6666\times10^{-1}$&$6.777\times10^{-5}$ \\
\hline
$225$ & $ 0.9098 \times10^{-1}$ & $ 1.582\times10^{-5} $&$ 3.839 \times10^{-2}$&$ 1.188\times10^{-5} $ \\
\hline
$250$ & $ 0.9896\times10^{-1} $ &$ 4.279 \times10^{-7}$ &$ 8.944 \times10^{-4}$&$2.101\times10^{-7} $\\
\hline
$275$ & $ 0.9863\times10^{-1} $ & $8.6\times10^{-8}$ &$ 1.603\times10^{-4} $&$ 2.814 \times10^{-8}$\\
\hline
$300$&$ 0.7406 \times10^{-1}$&$ 4.308 \times10^{-8}$&$7.327 \times10^{-5}$&$9.259 \times10^{-9}$\\
\hline
$325$ &$0.5605 \times10^{-1} $&$ 3.303\times10^{-8} $&$ 5.120\times10^{-5} $&$ 3.792\times10^{-9} $ \\
\hline
\end{tabular}
\caption{\label{tab:signalcuts3b}The branching ratio of Pseudo scalar A decay for benchmark points .}
\end{table}
\subsection{Kinematic selection Cuts}
Different kinematic selection cuts are applied. Due to these cuts there arise certain fluctuations in signal. These cuts define the band of ranges which are invariant quantities, measured in event. Kinematic selection cuts are applied in stages. At the first stage the under consideration event, topology of interest is mainly considered. It must fulfill the number of several final state particles. These particles are identified in phase of primary reconstruction using “object identification cuts”. Then the kinematic selection cuts are applied to refine the rejection and selection of background events to finalize the results.\\
Six jets are mainly detected in signal events: four b-jets and di-jet. For the separation of background and signal event, there are three requirements applied on the numeral of jets. i.e. the cut on the quantity of b-jets, neutral Higgs and the di-jets. The foremost step in selection of signal is to acquire four b-jets in the final most state with cuts (kinematic) on pseudorapidity and transverse energy of jet.\\
Analysis starts by counting the quantity of jets reconstructed which satisfies kinematics thresholds
\begin{equation}
\label{eq:1}
p_{T}^{jet} \geq 20 GeV , \mid \eta_{jets} \mid \leq 3
\end{equation}
Where $p_{T}$ stands for transverse momentum. By the analysis of b-jets produced in events, the data is then used to find out true b-jet pairs which are tagged because of the Higgs decay. The $\Delta$ R of b-jet pairs is calculated by the following definition
\begin{equation}
\label{eq:2}
\Delta R=\sqrt {(\Delta \eta)^{2}+(\Delta \phi)^{2}}
\end{equation}
$\Delta$R is calculated for number of b-jet pairs and b-jets having minimum $\Delta R$ are considered as true b-jets. Where $ \eta = - \ln[tan(\theta/2)] $ is pseudo-rapidity and $\phi(\theta)$ is the azimuthal (polar) angle with respect to axis of beam. b-jets considered as true when it has minimum value when the following condition is fulfilled.
\begin{equation}
\label{eq:3}
\Delta R_{bb} \geq 0.8, \sqrt{s} = 1000 GeV
\end{equation}
In this process four b-jets ( all possible two b-jet pairs) are assumed. After that the difference of invariant masses $|M_{b1b2}-M_{b3b4}|$ between two b-jets pairs is computed for the each possible combination. The combination of b-jet pairs having the minimum difference of invariant mass are notified as true pairs. The applied selection cut of our analysis is
\begin{equation}
\label{eq:4}
N_{b\bar{b}} \geq 1
\end{equation}
In above selection cut, $ N_{b\bar{b}} $ is used for the notification of pairs of true b-jets, is applied and reconstructed H Higgs boson by notified b-jet pairs. The remaining jets are counted which are not selected for H Higgs boson reconstruction, the counted events having the remaining jets less than two are rejected to rule out the events having no Z boson (reconstructed). Z boson is reconstructed by pair of remaining jets, reconstructed Z boson and H Higgs boson are used for the reconstruction of A Higgs boson. Reconstructed H higgs boson are one or two is all events and the reconstructed Z boson is one. The notified combination ZH that is true combination having one reconstructed Higgs boson is an identified event if condition
\begin{equation}
\label{eq:5}
\Delta R_{ZH} \geq 2 , \sqrt{s} = 500 GeV
\end{equation}
\begin{equation}
\label{eq:6}
\Delta R_{ZH} \geq 1 , \sqrt{s} = 1000 GeV
\end{equation}
$\Delta R_{ZH}$ is calculated for all of the possible combination of ZH, after that $\Delta R_{ZH}$ values are analyzed and the lowest values of $\Delta R_{ZH}$ are found out and is implemented as true combination. The combination which is notified as a true combination has a constraint of selection cut
\begin{equation}
\label{eq:7}
N_{ZH} = 1
\end{equation}
Where $N_{ZH}$ is used for number of notified combinations of true ZH, is implemented and by using the combination of notified ZH, Higgs boson A is reconstructed. Whereas more than four and three selection cuts are applied, Higgs boson A and H are reconstructed respectively.
Almost six jets are mostly detected in the signal events, namely di-jet and four b-jets. To separate the background and signal events three essential requirements are applied on number of jets, i.e. Kinematic cut on the aggregated number of all jets, cut on the aggregated number of b-jets which are the fingerprints of Neutral Higgs Boson and the last limitation is the separated cut on aggregate number of di-jets. For pair of b-jets coming out from the heavy Higgs Boson in the signal events, the invariant mass of this pair should lie within mass casement adjusted by Neutral Higgs mass. Lastly as two jets are detected in the event, requirement on their transverse energy (minimum missing) should help conquering background events.
\subsection{$\Delta R$}
Mainly the jets are not easily detected as the b-jets due to the production of several jets in the ongoing events. In our assumed scenario we used several techniques to identify the jets. The associated jets are identified through the process of tagging which is aptly known as the algorithm of b-tagging.
To identify the b-jets the minimum distance between the b-parton and all of the generated jets is calculated. We used the term delta R which is helpful in finding out the b-jets by calculating the distance between the b-parton and the jets.
After finding out the data of delta R the minimum is then calculated to extract out the jets which can be nominated as b-jets. The mathematical expression of $\Delta R$ includes the psuedorapitidy and Azimuthual angle which is written as below
\begin{equation}
\label{eq:8}
\Delta R=\sqrt {(\Delta \eta)^{2}+(\Delta \phi)^{2}}
\end{equation}
\section{Results and Discussion}
After applying different selections cuts, No. of jets, No. of b-jets, No of b-jet pairs, No. of ZH pairs and total efficiency are calculated for different benchmark points and is given in table~\ref{tab:signalcuts2}
\begin{table}[tbp]
\centering
\begin{tabular}{|c|c|c|c|c||c|c|c|}
\hline
Cuts
&Applied Selection Cuts & B.P 1 & B.P 2 & B.P 3 & B.P 4 & B.P 5 & B.P 6 \\
\hline
No. of jets & $N_{jets}\geq5$ &0.413& 0.661& 0.611& 0.799& 0.711& 0.812 \\
\hline
No. of b-jets & $N_{b-jets}\geq3$ & 0.767 &0.756& 0.808& 0.800& 0.837& 0.835\\
\hline
No. of b-jet pairs
&$N_{bb}\geq1$ & 0.374& 0.482& 0.353& 0.483& 0.347 & 0.443\\
\hline
No. of ZH pairs
& $N_{ZH}=1$ & 0.345& 0.363& 0.353& 0.374& 0.367& 0.375 \\
\hline
Total Efficiency.& &0.053 &0.115& 0.076& 0.144& 0.090& 0.135\\
\hline
\end{tabular}
\caption{\label{tab:signalcuts2} The efficiencies for different selection cuts at different mass hypothesis.}
\end{table}
\subsection{Jet Multiplicity}
Figure~\ref{fig:diagram4} shows the distribution of jet multiplicity. These distributions are finally plotted at the center of mass energy 1000 GeV.
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{jetmulti.pdf}
\caption{\label{fig:diagram4} The distributions of jet multiplicity corresponding to different background and signal processes at CMS energy of 1000 GeV.}
\end{figure}
In the finalized results, topology of our assumed signal process contains four b-jets and one di-jet. In Figure~\ref{fig:diagram4} the
distribution of jet multiplicity is plotted with $p_{T}^{jets}> 25 GeV, ~|\eta_{jets}| < 2.5$, whenever the aggregate number of jets rise up to three then the assumed events are sorted out to perform additional analysis.
\subsection{b-Jet Multiplicity}
The distribution of b-jet multiplicity is plotted in figure~\ref{fig:diagram5} from both background and signal events.
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{bjetmulti.pdf}
\caption{\label{fig:diagram5} The distributions of b-jet multiplicity corresponding to different background and signal processes at CMS energy of 1000 GeV.}
\end{figure}
The distribution of b-jets slightly depends on Neutral Higgs boson mass in the assumed signal event. The production of b-jet is suppressed kinematically in the production of Higgs boson, the availability of phase space is smaller due to which it decays to bottom quarks. Whenever the value of $\Delta R$ between the charm or bottom quarks with $p_{T}^{jets}> 25 GeV, ~|\eta_{jets}| \leq2.5$ and jet is smaller than 0.4, the reconstruction of b-jets with the jet Parton algorithm (matching) is performed in which the process of b-tagging of a jet is done.
When the distance of actual collision event is short and influences the perturbative QCD, a notable amount of outgoing particles are deflected away
from the direction of beam-line due to transverse momentum $p_{T}$. Transverse momentum $p_{T}$ of jets is shown in figure~\ref{fig:diagram24}
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{jetPt.pdf}
\caption{\label{fig:diagram24} Transverse momentum of jets.}
\end{figure}
The pseudorapidity of jets and b-jets is shown in figure~\ref{fig:diagram2} and figure~\ref{fig:diagram3} respectively.
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{Number01.pdf}
\caption{\label{fig:diagram2} The pseudorapidity of jets.}
\end{figure}
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth]{Number0.pdf}
\caption{\label{fig:diagram3} The pseudorapidity of b-jets.}
\end{figure}
After extracting out the data of $\Delta R$, the profiling process of $\Delta R$ is discussed. By the analysis of plot of $\Delta R$ shown in figure~\ref{fig:diagram6}, we can easily identify the b-jets by finding the minima of the plot. The plot is formed between the number of events and the distance between the b-parton and jets. The minima of the plot is calculated by the analysis of plot as 0.4 which is then applied as the cut in our analysis code to get the b-jets in our running process. The jets having the minima of 0.4 and fulfilling the criteria of applied cut are identified and nominated as the b-jets.
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{deltar.pdf}
\caption{\label{fig:diagram6}The distribution of $ \Delta$ R( jets, quarks) variables used to tag bjet for all signal and background processes.}
\end{figure}
For all the distribution profiles, the implemented integrated luminosity is $500 fb^{-1}$ and $1000 fb^{-1} $. The cross-sections of the signal are collected by multiplying the branching ratios with corresponding total cross-sections and given in table~\ref{tab:signalcuts3}
\begin{table}[tbp]
\centering
\begin{tabular}{|c|c|c|c|c||c|c|c|}
\hline
& $M_{H}$ & $M_{H}$ & $M_{H}$ & $M_{H}$ & $M_{H}$ \\
& = 125 GeV &= 150 GeV&= 175 GeV&= 200 GeV&=250 GeV\\
\hline
$\sigma$ x BR[$pb$] & 9.572$\times10^{-3}$ & 8.522$\times10^{-3}$ & 7.948$\times10^{-3}$ & 7.154$\times10^{-3}$ & 6.473$\times10^{-3}$ \\
\hline
Total efficiency & 0.416 & 0.505 & 0.550 & 0.603 & 0.588 \\
\hline
Integrated luminosity
$(500) fb^{-1}$
&1.99 & 2.15 & 2.18 & 2.15 & 1.90\\
\hline
Integrated luminosity
$(1000)fb^{-1}$
& 3.98 & 4.30 & 4.31 & 4.31& 3.80 \\
\hline
\end{tabular}
\caption{\label{tab:signalcuts3} Efficiencies at different mass hypothesis.}
\end{table}
\subsection{Mass reconstruction}
The invariant mass of neutral scalar Higgs bosons is reconstructed. In this work, signal and background processes generation are involved which display natural interference and selection technique where different mass speculations are displayed for nonpartisan Higgs invariant mass remaking.\\
The process of mass reconstruction of Higgs Bosons is considered as important to attain the reliable separation between the main assumed signal and the background processes. Peak of the signal resonance would be produced by the proper mass variable. By this process, large signal will be produced over the background ratio. The pair of b-jets comes out from the heavy Higgs Boson in the signal events. Due to that fact, the invariant mass of this pair should be lesser and lie within mass casement adjusted by Neutral Higgs mass. Mass of the Higgs Boson is calculated by the conventional formula given as
\begin{equation}
\label{eq:9}
m_{H}=\sqrt {E^{2}-p_{x}^{2}-p_{y}^{2}-p_{z}^{2}}
\end{equation}
The combination of bb(bottom quarks) proceeds to the reconstruction of Neutral Higgs boson which is assumed as the Neutral scalar Higgs plotted as candidate in figure~\ref{fig:diagram7} and figure~\ref{fig:diagram8} which is also considered as dominant of backgrounds. The mass peak of Neutral scalar Higgs can be clearly seen in the figure~\ref{fig:diagram8} which suppresses the significant background processes. From figure~\ref{fig:diagram7} and figure~\ref{fig:diagram8} it can be examined the attained data fall nearly to the input mass which is only possible due to the testing of different mass hypothesis of Neutral scalar Higgs in simulation.\\
\subsection{Mass Reconstruction of Pseudo scalar Higgs}
The invariant masses of the survived selected jets from the implementation of the first four restrictions of selection cuts are used to attain the mass distribution profile of the H candidate and are mainly considered as Hdecay products. In our assumed signal process, the decay of A Higgs boson occurs as $A \rightarrow ZH$.
In accordance with that scenario, the jets which successfully passes all the five cuts, A candidate are considered by identifying the combination of bjets.
In events with possible two candidates of H, smallest value of the parameter $\Delta R $ of the combination of ZH is clearly assumed as A candidate.
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{Number1.pdf}
\caption{\label{fig:diagram7}The reconstructed mass of Neutral Higgs at different mass hypothesis.}
\end{figure}
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{Number2.pdf}
\caption{\label{fig:diagram8}The reconstructed mass of Neutral Higgs at different mass hypothesis .}
\end{figure}
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{Number5.pdf}
\caption{\label{fig:diagram9} The mass reconstruction of pseudo scalar Higgs A.}
\end{figure}
\subsection{Mass Reconstruction of Z boson}
The jets are assumed as the light jets which do not fulfill the requirements for the declaration of b-jets. For obtaining the reconstructed invariant mass of Z boson, two of the leading jets are mainly selected which have same $\eta$ and $p_{T}$ cuts implemented on all jets. The feature, low jet multiplicity of the signal events used for the suppression of the Z single events. The two light jets having the highest pT are fused together to create the candidate of Z-boson.\\
The functions which are properly fit are mainly fitted to the distributions of signal and the finalized results are indicated with the error bars. The significant peaks in the fitted profiles are near to the Higgs masses which are generated in our scenario. ROOT 5.34/38 is used for the fitting process. The Gaussian function was observed in the signal distributions of fit functions. The signal was covered by the Gaussian function. To find out the central region of a signal peak the parameter “Mean” is used which is the parameter of the fit function of Gaussian. Values of the parameter Mean are assumed as reconstructed masses of Higgs bosons which are termed as mRec. For the comparison, it also indicates the generated masses which are termed as mGen. We can see the difference between the reconstructed and generated masses which are further illustrated by the arising uncertainties from the algorithm of jet clustering and the mis-identification of jets, rate of mis-tagging jet, method of fitting and the selection of the fit function, errors arising in the energy and the momentum of particles, etc. The error factor may be reduced by the process of optimization of the algorithm of jet clustering, the algorithm of b-tagging and the method of fitting. Generated, reconstructed and corrected reconstructed mass of Neutral scalar Higgs H and Pseudo scalar Higgs A is shown in table~\ref{tab:signalcuts4} and table~\ref{tab:signalcuts5}
\begin{table}[tbp]
\centering
\begin{tabular}{|c|c|c|c|c||c|c|}
\hline
&$m_{Gen}$ & $m_{Rec}$ &$m_{Cor. Rec.}$ \\
\hline
BP1 &150&142.75$\mp$0.019& 150.98$\mp$0.333 \\
\hline
BP2&150& 142..60$\mp$0.009& 150.83$\mp$0.023 \\
\hline
BP3& 200& 191.94$\mp$0.012& 200.17$\mp$0.026\\
\hline
BP4 & 200 & 191.86$\mp$0.007& 200.09$\mp$0.021\\
\hline
BP5 & 250 & 240.62$\mp$0.021& 249.15$\mp$0.035\\
\hline
BP6& 250 &240.57$\mp$0.016& 248.80$\mp$0.030\\
\hline
\end{tabular}
\caption{\label{tab:signalcuts4}The generated, reconstructed and corrected reconstructed mass of Neutral scalar Higgs H.}
\end{table}
\begin{table}[tbp]
\centering
\begin{tabular}{|c|c|c|c|c||c|c|}
\hline
&$m_{Gen}$ & $m_{Rec}$ &$m_{Cor. Rec.}$ \\
\hline
BP1 &200&189.07$\mp$0.129& 205.38$\mp$0.236 \\
\hline
BP2&250& 231.96$\mp$0.125& 248.27$\mp$0.232 \\
\hline
BP3& 250& 236.27$\mp$0.088& 252.58$\mp$0.195\\
\hline
BP4 & 300 & 279.51$\mp$0.085& 295.82$\mp$0.192\\
\hline
BP5 &300 & 285.06$\mp$0.104& 301.37$\mp$0.211\\
\hline
BP6& 330 &310.23$\mp$0.114& 326.54$\mp$0.221\\
\hline
\end{tabular}
\caption{\label{tab:signalcuts5} The generated, reconstructed and corrected reconstructed mass of Pseudo scalar Higgs A.}
\end{table}
From table~\ref{tab:signalcuts4} and table~\ref{tab:signalcuts5}, the average difference between the generated mass and reconstructed mass of H and A is 8.23 and 16.31 respectively, and average mass error is 0.014 and 0.107 respectively. This error is reduced by adding a same value in reconstructed mass and fill in $m_{Corr. rec.} $ column. Similarly average value of error is added in all error values and given in third column. From the table~\ref{tab:signalcuts4} and table~\ref{tab:signalcuts5} it is concluded that reconstructed mass is few GeV different from generated mass.
\section{Signal significance}
To figure out the observability in our assumed scenario of A and H Higgs bosons, for each one of the distribution of the candidate mass, the significance of signal is computed. The numbers of candidate masses in signal and background events are counted in whole mass series. Mainly the jets are not easily detected as the b-jets due to the production of several jets in the ongoing events. In the assumed scenario, several techniques are used to identify the jets. The associated jets are identified through the process of tagging which is aptly known as the algorithm of b-tagging.
To identify the b-jets, the minimum distance between the b-parton and all of the generated jets is calculated. We used the term delta R which is helpful in finding out the b-jets by calculating the distance between the b-parton and the jets. The computation of significance of signal is totally based on the luminosity (Integrated) of the range of 100 $f{b}^-1$, 500 $f{b}^-1$, 1000 $f{b}^-1$ and 5000 $f{b}^-1$ for all of our profiles of mass distribution.
The number of the signal (S) and the background (B), total selection efficiency of the signal, the ratio of signal to background S/B, and significance of signal S/$\sqrt{B}$ at the CMS energy of 1000 GeV are shown in table~\ref{tab:signalcuts6} and tables~\ref{tab:signalcutsz1} , ~\ref{tab:signalcutsz2},~\ref{tab:signalcutsz3} and ~\ref{tab:signalcutsz4}. The Higgs bosons A and H are observable at the space parameter of 150 $\leqslant$ mH $\leqslant$ 250 GeV and 200 $\leqslant$ mA $\leqslant$ 330 GeV, when the CMS energy falls at the 1000 GeV with the luminosity (Integrated) of range 100 $f{b}^{-1}$. The Higgs Boson A is observed at the $\sqrt{s}$ = 1000 GeV in the same ranges of space parameters and at the integrated luminosity of 100 $f{b}^{-1}$,500 $f{b}^{-1}$, 1000 $f{b}^{-1}$ and 5000 $f{b}^{-1}$. Figure~\ref{fig:30} shows the signal significance values against each benchmark point at integrated luminosities, $100 fb^{-1}$, $500 fb^{-1}$,$1000 fb^{-1}$ and $5000 fb^{-1}$ and Figure ~\ref{fig:31} represents the signal significance for different values of Pseudo scalar boson $A$ .
\begin{table}[tbp]
\centering
\begin{tabular}{|c|c|c|c|c||c|c|}
\hline
&B P 1&B P 2&B P 3&B P 4&B P 5&B P 6 \\
\hline
$\epsilon_{total}$ &0.02& 0.05& 0.06& 0.06& 0.06& 0.06 \\
\hline
S& 7.14& 18.5& 9.35& 11.18& 19.25& 19.69 \\
\hline
B& 4.09& 3.11& 3.72& 4.70& 5.86& 11.48\\
\hline
S/B &1.74& 5.9& 2.50& 2.37& 3.28& 1.71 \\
\hline
S/$\sqrt{B}$ &3.53& 10.5& 4.84& 5.15& 7.95& 5.81\\
\hline
$\mathcal{L} _{int}[fb^{-1}]$& 100& 100& 100& 100& 100 &100\\
\hline
\end{tabular}
\caption{\label{tab:signalcuts6} Signal significance of Neutral scalar Higgs H.}
\end{table}
\begin{table}[tbp]
\centering
\begin{tabular}{|lr|c|c|c|c||c|c|}
\hline
&B P 1&B P 2&B P 3&B P 4&B P 5&B P 6 \\
\hline
$\epsilon_{total}$ &8.8781& 6.53137& 5.47125& 6.10933& 0.872334& 0.600676\\
\hline
S&59.4529& 28.8083& 13.8817& 8.23474& 0.868452& 0.432126 \\
\hline
B&26.5453 &21.1593& 21.1593& 19.6204& 22.6351& 22.6351\\
\hline
S/B &2.23968& 1.3615&0.656059& 0.419702& 0.0383674& 0.019091 \\
\hline
S/$\sqrt{B}$ &11.5393& 6.26277& 3.01782& 1.85907& 0.182538& 0.0908278\\
\hline
$\mathcal{L} _{int}[fb^{-1}]$& 100&100&100&100& 100 &100\\
\hline
\end{tabular}
\caption{\label{tab:signalcutsz1} Signal significance of Pseudo scalar Higgs A at integrated luminosity $\mathcal{L} _{int}=100[fb^{-1}]$.}
\end{table}
\begin{table}[tbp]
\centering
\begin{tabular}{|lr|c|c|c|c||c|c|}
\hline
&B P 1&B P 2&B P 3&B P 4&B P 5&B P 6 \\
\hline
$\epsilon_{total}$ &8.8781& 6.53137& 5.47125& 6.10933& 4.29391& 3.76955\\
\hline
S&297.265& 144.041& 69.4087& 41.1737& 21.374& 13.5591 \\
\hline
B&132.727 &105.797& 105.797& 98.1022& 98.1022& 180.816\\
\hline
S/B &2.23968& 1.3615& 0.656059& 0.419702& 0.217875& 0.0749882 \\
\hline
S/$\sqrt{B}$ &25.8027& 14.004& 6.74805& 4.157& 2.15798& 1.00835\\
\hline
$\mathcal{L} _{int}[fb^{-1}]$& 500&500&500&500& 500 &500\\
\hline
\end{tabular}
\caption{\label{tab:signalcutsz2} Signal significance of Pseudo scalar Higgs A at integrated luminosity $\mathcal{L} _{int}=500[fb^{-1}]$.}
\end{table}
\begin{table}[tbp]
\centering
\begin{tabular}{|lr|c|c|c|c||c|c|}
\hline
&B P 1&B P 2&B P 3&B P 4&B P 5&B P 6 \\
\hline
$\epsilon_{total}$ &8.8781& 6.53137& 5.47125& 7.74337& 4.29391& 5.03832\\
\hline
S&594.529& 288.083& 138.817& 104.373& 42.7481& 36.2457 \\
\hline
B&265.453 &211.593& 211.593&273.147& 196.204& 903.449 \\
\hline
S/B &2.23968& 1.3615& 0.656059& 0.382111& 0.217875& 0.0401192 \\
\hline
S/$\sqrt{B}$ &36.4905& 19.8046& 9.54319& 6.31522& 3.05184& 1.20588\\
\hline
$\mathcal{L} _{int}[fb^{-1}]$& 1000&1000&1000&1000& 1000 &1000\\
\hline
\end{tabular}
\caption{\label{tab:signalcutsz3} Signal significance of Pseudo scalar Higgs A at integrated luminosity $\mathcal{L} _{int}=1000[fb^{-1}]$.}
\end{table}
\begin{table}[tbp]
\centering
\begin{tabular}{|lr|c|c|c|c||c|c|}
\hline
&B P 1&B P 2&B P 3&B P 4&B P 5&B P 6 \\
\hline
$\epsilon_{total}$ &8.8781& 6.53137& 5.47125& 7.74337& 4.29391& 5.68803\\
\hline
S&2972.65& 1440.41& 694.087& 521.863& 3213.74& 204.598 \\
\hline
B&1327.27 &1057.97& 1057.97& 1365.74& 981.022& 2423.7\\
\hline
S/B &2.23968& 1.3615& 0.656059& 0.382111& 0.217875& 0.0844157 \\
\hline
S/$\sqrt{B}$ &81.5952& 44.2845& 21.3392& 14.1213& 6.82413& 4.15588\\
\hline
$\mathcal{L} _{int}[fb^{-1}]$& 5000&5000&5000&5000& 5000 &5000\\
\hline
\end{tabular}
\caption{\label{tab:signalcutsz4} Signal significance of Pseudo scalar Higgs A at integrated luminosity $\mathcal{L} _{int}=5000[fb^{-1}]$.}
\end{table}
\begin{figure}[tbp]
\centering
\includegraphics[width=0.78\textwidth,clip]{SignificanceVsBPs.pdf}
\caption{\label{fig:30} The Signal significance corresponding to each benchmark point at integrated luminosities of $100 fb^{-1}$, $500 fb^{-1}$, $1000 fb^{-1}$ and $5000 fb^{-1}$.}
\end{figure}
\begin{figure}[tbp]
\centering
\includegraphics[width=0.78\textwidth,clip]{SignificanceVsmass.pdf}
\caption{\label{fig:31} The Signal significance verses mass of A.}
\end{figure}
\begin{table}[tbp]
\centering
\begin{tabular}{|c|c|c|c|c||c|c|c|}
\hline
Cuts
&Applied Selection Cuts & B.P 1 & B.P 2 & B.P 3 & B.P 4 & B.P 5 & B.P 6 \\
\hline
No. of jets & $N_{jets}\geq3$ &0.90&0.92& 0.97& 0.97& 0.98& 0.98 \\
\hline
No. of b-jets & $N_{b-jets}\geq3$ & 0.73&0.74& 0.77& 0.78& 0.79& 0.80\\
\hline
Total Efficiency.& &0.66 &0.68& 0.74& 0.76& 0.77& 0.78\\
\hline
\end{tabular}
\caption{\label{tab:signalcuts2} The efficiencies for different selection cuts at different mass hypothesis.}
\end{table}
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{AhissmassNadia.pdf}
\caption{\label{fig:diagram22}The reconstructed mass of Pseudo scalar Higgs boson A .}
\end{figure}
\begin{figure}[tbp]
\centering
\includegraphics[width=.78\textwidth,clip]{massHNadia.pdf}
\caption{\label{fig:diagram23} The reconstructed mass of neutral Higgs boson H .}
\end{figure}
\section{Conclusion}
The aim of the study is to investigate the observability of Pseudo scalar Higgs A and Neutral scalar H in the framework of 2HDM type-I using lepton collider which will operate at $\sqrt{s}$=500 GeV and $\sqrt{s}$=1000 GeV. The process of our focus of study is Neutral Higgs pair production at
electron positron collider and its decay is fully hadronic where CP even Higgs decays to pair of bottom quark and the pseudoscalar Higgs decays to Z boson along with neutral heavy CP even Higgs boson. Neutral Higgs is very unstable particle which decays in no time to bottom pair quark. The hypothesis of different mass benchmark points are supposed in the study.In ourwork ,we examined the predicted pseudo scalar (A) and neutral scalar (H), using Type-I of Two Higgs doublet model(2HDM) at SM-like scenario which is our theoretical framework.In 2HDM, we assumed few benchmark points (BP) in parameter space. The main chain process or the signal process of work was $e^{-}e^{+} \rightarrow AH \rightarrow ZHH \rightarrow jjb\bar{b}b\bar{b}$. At low values of $ \tan \beta $, possible enhancements in the couplings of Higgs-fermion may occur. At that time the chain
process gives a chance for signal to take benefit from it.
Even though, assumed decay (hadronic) of Z boson may arise many errors and fluctuations in the final results and calculations due to arising uncertainties form rate of mis-tagging and the jet misidentification, enhancement of this channel completely compensates for fluctuations and errors which arise. Few benchmark points (BP) are supposed at the $\sqrt{s}$ (center-of-mass energy) of 500 GeV and 1000 GeV and for each BP scenario events are generated separately. By the finalized study of data, it is
concluded that presented data analysis is the best way to observe and examine the whole scenario, which are assumed in this study. In the distributions of mass of the Higgs Bosons, it can be seen that there exist significant amount of data and peaks in data of total background near the
generated masses, in the assumed luminosities (integrated). For all the plots and distributions, the integrated luminosity is assumed to be $100 fb^{-1}$ . A and H Higgs bosons in all considered scenarios are observable when signal exceeds $ 5\sigma $, which is the final extracted value of signal significance in accordance with range of whole mass. To be more specific, the region of parameter space with$ 200\leq m_{A}\leq 250 $ GeV and $m_{H}=150$ GeV at (CMS) $\sqrt{s} = 500$ GeV and is observable at the assumed integrated luminosity of about $100 fb^{-1}$. Furthermore, region with $ 200\leq m_{A}\leq 330 $ GeV and $ 150\leq m_{H}\leq 250 $ GeV with mass splitting of about 50-100GeV between A and H Higgs bosons at (CMS) $\sqrt{s} = 1000$ GeV is observable without any change of the
integrated luminosity. Mass reconstruction was performed by the process of fitting functions to mass profiles (distributions). As a result of this process, it is concluded that in all of the assumed scenarios the finalized reconstructed masses of Higgs bosons are in rational agreement with the
generated masses and thereby Higgs bosons (A and H) mass measurements are possible. The presented analysis is expected to work like a tool for the search of predicted neutral Higgs bosons in 2HDM ,till now simulation results, center of mass(CMS) energy and the integrated luminosities are quite promising for the observation of all the assumed scenarios.
|
\section{Introduction}
\vspace{-0.15in}
\section{Introduction}
\vspace{-0.1in}
Humans are equipped with complex neurocognitive mechanisms that enable them to continually learn over time by accommodating new knowledge and transferring knowledge between correlated tasks while retaining previously learned experiences. This ability is often referred to as \textit{continual or lifelong learning}. In a continual learning setting one needs to deal with a continual acquisition of incrementally available information from non-stationary data distributions (online learning) and avoid \textit{catastrophic forgetting}, i.e., a phenomenon that occurs when training a model on currently observed task leads to a rapid deterioration of the model's performance on previously learned tasks. In the commonly considered scenario of continual learning the tasks come sequentially and the model is not allowed to inspect again the samples from the tasks seen in the past~\cite{parisi2019continual}. Within this setting, there exist two types of approaches that are complementary and equally important in the context of solving the continual learning problem: i) methods that assume fixed architecture of deep model and focus on designing the training strategy that allows the model to learn many tasks (note that a human brain stops growing at a certain age \cite{gogtay2004dynamic}, which further motivates these methods from the biological perspective) and ii) methods that rely on existing training strategies (mostly SGD~\cite{bottou-98x} and its variants, which themselves suffer catastrophic forgetting~\cite{goodfellow2014empirical}) and focus on expanding the architecture of the network to accommodate new tasks. In this paper we focus on the first framework.
Training a network in a continual learning setting, when the tasks arrive sequentially, requires solving many optimization problems, one per task. A space of solutions (i.e., network parameters) that correspond to good performance of the network on all encountered tasks determine a common manifold of plausible solutions for all these optimization problems. In this paper we seek to understand the geometric properties of this manifold. In particular we analyze how this manifold is changed by each new coming task and propose an optimization algorithm that efficiently searches through it to recover solutions that well-represent all already-encountered tasks. Our contribution to the existing literature relies on developing a continual learning algorithm that explicitly relies on the characteristics of the manifold shared between tasks. What is new in this paper? To the best of our knowledge, the analysis of the deep learning loss landscape that determines the shape of this manifold, the algorithm, and the experimental results are all new here.
The paper is organized as follows: Section~\ref{sec: related_work} reviews recent progress in the research area of continual learning, Section~\ref{sec:observation} provides empirical analysis of the geometric properties of the deep learning loss landscape and builds their relation to the continual learning problem, Section~\ref{sec:algorithm} introduces our algorithm that we call DCO since it is based on the idea of direction-constrained optimization, Section~\ref{sec:exp_res} contains empirical evaluations, and finally Section~\ref{sec:conclusion} concludes the paper. Additional results are contained in the Supplement.
\vspace{-0.2in}
\section{Related Work}
\label{sec: related_work}
\vspace{-0.1in}
Continual learning and the catastrophic forgetting problem has been addressed in a variety of papers. A convenient literature survey dedicated to this research theme was recently published~\cite{parisi2019continual}. The existing approaches can be divided into three categories \cite{parisi2019continual,robust_evaluation_cl}: regularization-based methods, dynamic architecture methods, and replay techniques. We discuss here the first family of methods and defer the description of dynamic architecture methods and replay methods to the Supplement as they are not directly related to the setting considered in this paper (in our setting we do not allow the architecture of the classifier to dynamically change and we do not use replay).
Regularization-based methods modify the objective function by adding a penalty term that controls the change of model parameters when a new task is observed. In particular these methods ensure that when the model is being trained on a new task, the parameters stay close to the ones learned on the tasks seen so far. EWC~\cite{EWC} realizes that using tasks' Fisher information matrices to measure the overlap of tasks. SI~\cite{Synapses} introduces the notion of synaptic importance, enabling the assessment of the importance of network parameters when learning sequences of classification tasks, and penalizes performing changes to the parameters with high importance when training on a new task in order to avoid overwriting old memories. Relying on the importance of the parameters of a neural network when learning a new task is also a characteristic feature of another continual learning technique called MAS~\cite{MAS}. The RWALK method~\cite{RWALK} is a combination of an efficient variant of EWC and a modified SI technique that computes a parameter importance score based on the sensitivity of the loss over the movement on the Riemannian manifold. Additionally, RWALK stores a small subset of representative samples from the previous tasks
and uses them while training the current task, which is essentially a form of a replay strategy (replay strategies are discussed in the Supplement). Finally, the recently proposed OGD algorithm~\cite{OGD} relies on constraining the parameters of the network to move within the orthogonal space to the gradients of previous tasks. This approach is memory-consuming and not scalable as it requires saving the gradient directions of the neural network predictions on previous tasks. All methods discussed so far constitute a family of techniques that keep the architecture of the network fixed. The algorithm we propose in this paper also belongs to this family.
Another regularization method called LwF~\cite{LwF} optimizes the network both for high accuracy on the next task and for preservation of responses on the network outputs corresponding to the past tasks. This is done using only examples for the next task. The encoder-based lifelong learning technique~\cite{encoder_cl} uses per-task under-complete autonecoders to constraint the features from changing when the new task arrives, which has the effect of preserving the information on which the previous tasks are mainly relying. Both these methods fundamentally differ from the aforementioned techniques and the approach we propose in this paper in that they require a separate network output for each task. Finally, P\&C~\cite{schwarz2018progress} builds upon EWC and takes advantage of the knowledge distillation mechanism to preserve and compress the knowledge obtained from the previous tasks. Such a mechanism could as well be incorporated on the top of SI, MAS, or our technique.
\newpage
\section{Loss landscape properties}
\label{sec:observation}
\vspace{-0.1in}
\begin{wrapfigure}{r}{0.4\textwidth}
\vspace{-0.2in}
\includegraphics[width=0.4\textwidth]{./toy_example/landscape/landscape_zoom.jpg}
\vspace{-0.3in}
\caption{The behavior of the loss function for $\alpha=0$ and varying $\beta$ when moving along different eigenvectors (zoomed plot; the original plot is in the Supplement, Figure~\ref{fig:landscape1Supp}).}
\label{fig:Dynamics2}
\vspace{-0.15in}
\end{wrapfigure}
The experimental observations provided in this section extend and complement the behavior characterization of SGD~\cite{feng2020neural} connecting its dynamics with random landscape theory that stems from physical systems. The details of the experimental setup of this section can be found in the Supplement (Section~\ref{app:observation_setup}). Consider learning only one task. We analyze the top principal components of the trajectory of SGD \textit{after convergence}, i.e., after the optimizer reached a saturation level\footnote{The optimization process is typically terminated when the loss starts saturating but we argue that running the optimizer further gives benefits in the continual learning setting.}. Let $x^*$ denotes the value of the parameters in the beginning of the saturation phase. The convergence trajectory will be represented as a sequence of optimizer steps, where each step is represented by the change of model parameters that the optimizer induced (gradient). We consider $n$ steps after model convergence and compute the gradient of the loss function at these steps that we refer to as $\nabla L(x_1; \zeta_1),\nabla L(x_2; \zeta_2),\dots,\nabla L(x_n; \zeta_n)$ ($x_i$ denotes the model parameters at the $i^{\text{th}}$ step and $\zeta_i$ denotes the data mini-batch for which the gradient was computed at that step). We use them to form a matrix $G\in \mathbb{R}^{d \times n}$ ($i$-th column of the matrix is $\nabla L(x_i; \zeta_i)$) and obtain the eigenvectors $\{v_i\}$ of $GG^T$. We furthermore define the averaged gradient direction $\bar{g} = \frac{1}{n}\sum_{i=1}^n \nabla L(x_i; \zeta_i)$. We first study the landscape of the deep learning loss function along directions $v_i$ and $\bar{g}$, i.e., we analyze the function
\vspace{-0.2in}
\begin{equation}
\label{eq:ob1}
f(\alpha, \beta, v_i) = L(x^* - \alpha\bar{g} + \beta v_i; \zeta),
\end{equation}
\vspace{-0.25in}
\noindent where $\alpha$ and $\beta$ are the step sizes along $-\bar{g}$ and $v_i$ respectively and $\zeta$ is the entire training data set.
\textit{Remark}: Below, the eigenvector with the lower-index corresponds to a larger eigenvalue.
\textbf{Observation 1: Behavior of the loss for $\alpha=0$ and changing $\beta$} For each eigenvector $v_i$, we first fix $\alpha$ to $0$ and change $\beta$ in order to study the behavior of $f(0, \beta, v_i)$. Figure \ref{fig:Dynamics2} captures the result. It can be observed that as the model parameters move away form optimal point $x^*$ the loss gradually increases. At the same time, the rate of this increase depends on the eigendirection that is followed and grows faster while moving along eigenvectors with the lower-index. Thus we have empirically shown that \textit{the loss changes more slowly along the eigenvectors with the higher-index, i.e., the landscape is flatter along these directions.}
\begin{wrapfigure}{l}{0.4\textwidth}
\vspace{-0.2in}
\centering
\includegraphics[width=0.4\textwidth]{./toy_example/subspace/regularization_sigma_zoom.jpg}
\vspace{-0.32in}
\caption{The behavior of the loss function when varying $\sigma$ and $s$ (zoomed plot; the original plot is in the Supplement, Figure~\ref{fig:subspaceSupp}).}
\label{fig:landscape2}
\vspace{0.35in}
\end{wrapfigure}
\textbf{Observation 2: Behavior of the loss in the subspaces spanned by groups of eigenvectors}
Here we generalize Observation 1 to the subspaces spanned by a set of eigenvectors. For the purpose of this observation only we consider the following metric instead of the one given in Equation~\ref{eq:ob1}:
\vspace{-0.2in}
\begin{equation}
\label{eq: projection}
h(\sigma, V_s) = \mathbb{E}_{\delta \sim \mathcal{N}(0, \frac{\sigma^2}{d}I)} f(x^* + V_sV_s^T \delta),
\end{equation}
\vspace{-0.2in}
\noindent where $\delta$ is the random perturbation, $\sigma$ is the standard deviation, and $V_s = [v_{s-49}, v_{s-48}, \cdots, v_{s}]$ is the matrix of eigenvectors of $50$ consequtive indexes. To be more concrete, we locally (in the ball of radius $\sigma$ around $x^*$) sample the space spanned by the eigenvectors in $V_s$. The expectation is computed over $3000$ random draws of $\delta$. In Figure~\ref{fig:landscape2} we examine the behavior of $h(\sigma,V_s)$ for various values of $\sigma$ and $s$. The plot confirms what was shown in Observation 1 that the loss landscape becomes flatter in the subspace spanned by the eigenvectors with high index.
\textbf{Observation 3: Behavior of the loss for changing $\alpha$ and $\beta$}
We generalize Observation 1 and examine what happens with $f(\alpha, \beta, v_i)$ when both $\alpha$ and $\beta$ change. Figure~\ref{fig:landscape1} captures the result. We can see that as $\alpha$ increases, or in other words \textit{as we go further along the averaged gradient direction, the loss landscape becomes flatter. This property holds for an eigenevctor with an arbitrary index.} Thus for larger values of $\alpha$ we can go further along eigenvector directions without significantly changing the loss. This can be seen as a \textit{cone} that expands along $-\bar{g}$. Furthermore, the findings of Observation 1 are also confirmed in Figure~\ref{fig:landscape1}. For the eigenvectors with higher index the loss changes less rapidly (the cone is wider along these directions). These properties underpin the design of new continual learning algorithm proposed in this work. When adding the second task, the algorithm constrains the optimizer to stay within the cone of the first task. Inuititively this can be done by first pushing the optimizer further into the cone along $-\bar{g}$ and then constraining the optimizer from moving along eigenvectors with low indexes in order to prevent forgetting the first task. This procedure can be generalized to an arbitrary number of tasks as will be shown in the next section.
\begin{figure}[h!]
\vspace{-0.15in}
\centering
\includegraphics[width=0.325\linewidth]{./toy_example/landscape/eigenvector-1.jpg}
\includegraphics[width=0.325\linewidth]{./toy_example/landscape/eigenvector-101.jpg}
\includegraphics[width=0.325\linewidth]{./toy_example/landscape/eigenvector-501.jpg}
\vspace{-0.15in}
\caption{The behavior of the loss function when both $\alpha$ and $\beta$ are changing for eigenvectors with different index.}
\label{fig:landscape1}
\end{figure}
\vspace{-0.2in}
\section{Algorithm}
\label{sec:algorithm}
\vspace{-0.1in}
In Section~\ref{sec:observation} we analyzed the loss landscape for a single task and discovered the existence of the cone in the model's parameter space where the model sustains good performance. We then discussed the consequence of this observation in the continual learning setting. In this section we propose a \textit{tractable} continual learning algorithm that for each task finds its cone and uses it to constrain the optimization problem of learning the following tasks. We refer to the model that is trained in the continual learning setting as $\mathcal{M}$. The proposed algorithm relies on identifying the top directions along which the loss function for a given task increases rapidly and then constraining the optimization from moving along these directions (we will refer to these directions as ``prohibited'') when learning subsequent tasks. Note that each new task adds ``prohibited'' directions. In order to efficiently identify and constrain the ``prohibited'' directions we use compressed autoencoders whose design was tailored for the purpose of the proposed algorithm. We train separate autoencoders for each learned task. The $j^{\text{th}}$ autoencoder admits on its input gradients of the loss function that are obtained when training the model $\mathcal{M}$ on the $j^{\text{th}}$ task. The intuitive idea behind this approach is that autoencoder with small feature vector will capture the top directions of the gradients it is trained on. We refer to our method as \textit{direction-constrained optimization} (DCO) method.
\begin{algorithm}[t!]
\caption{DCO Algorithm}
\label{alg:continual_learning}
\begin{algorithmic}
\REQUIRE
\STATE $\eta$ and $\eta_a$: learning rates of the model and autoencoders respectively. $\gamma \in (0,1]$: pulling strength that controls the searching scope of the model parameters. $N$: number of additional epochs used to train the model after saturation. $m$: the size of the batch of gradients fed into autoencoders. $\tau$: the period of updates of the model parameters in step 3. $n$: number of tasks. $\mathcal{T}=\{\mathcal{T}_1, \dots, \mathcal{T}_n\}$: training data from task $1,2,\dots, n$.
\STATE
\FOR{$i=1$ {\bfseries to} $n$}
\STATE \# step 1: train model until convergence
\REPEAT
\STATE $\xi \leftarrow$ randomly sample from $\mathcal{T}_i$
\STATE $x \leftarrow x - \eta \nabla_x L_i(x;\xi)$
\UNTIL convergence
\STATE $x^* \leftarrow x$ \COMMENT{Store model parameters}
\STATE
\STATE \# step 2: continue training model for $N$ additional epochs
\FOR{$j=1$ {\bfseries to} $N$}
\REPEAT
\STATE $\xi \leftarrow$ randomly sample from $\mathcal{T}_i$
\STATE $x \leftarrow x - \eta \nabla_x L_{ce}(x;\xi) - \gamma(x-x^*)$
\UNTIL all samples are iterated
\ENDFOR
\STATE $x^*_i \leftarrow x$ \COMMENT{Store model parameters}
\STATE
\STATE \# step 3: train autoencoder until convergence
\REPEAT
\STATE $g \leftarrow 0, G \leftarrow \{\}$
\FOR{$j=1$ {\bfseries to} $m$}
\STATE $\xi \leftarrow$ randomly sample from $\mathcal{T}_i$
\STATE $g \leftarrow g + \nabla_x L_{ce}(x;\xi)$ \COMMENT{Accumulate gradients}
\STATE $G \leftarrow G \cup \nabla_x L_{ce}(x;\xi)$ \COMMENT{Add gradients to the batch}
\IF {$\tau$ divides $j$}
\STATE $x \leftarrow x - \eta g$
\STATE $g \leftarrow 0$
\ENDIF
\ENDFOR
\STATE $G \leftarrow \frac{G}{\sqrt{\norm{G}_2^2/ m}}$ \COMMENT{Normalize batch of gradients}
\STATE $W \leftarrow W - \frac{\eta_a}{m} \nabla_W L_{mse}(W;G)$ \COMMENT{Update autoencoder parameters}
\STATE $x \leftarrow x - \gamma (x - x_i^*)$
\UNTIL convergence
\STATE $W_i \leftarrow W$ \COMMENT{Store autoencoder parameters}
\STATE $x \leftarrow x_i^*$ \COMMENT{Restore model parameters}
\ENDFOR
\STATE \textbf{Output} $x^*$
\end{algorithmic}
\end{algorithm}
\vspace{-0.15in}
\subsection{Loss function}
\vspace{-0.05in}
In this section we explain the loss function that is used to train the model $\mathcal{M}$ in a continual learning setting. We incorporate a regularization term into the loss function that penalizes moving along the ``prohibited'' directions. The loss function that is used to train the model on the $i^{\text{th}}$ task takes the form:
\vspace{-0.2in}
\begin{equation}
\label{eq:main_obj}
L_i (x;\xi) = L_{ce}(x;\xi) + \lambda \sum_{j=1}^{i-1}\norm{ENC^j(x-x_j^*)}_2^2,
\end{equation}
\vspace{-0.2in}
\noindent where $\xi$ is a training example, $L_{ce}$ is a cross-entropy loss, $\lambda$ is a hyperparameter controlling the regularization, $ENC^j(\cdot)$ denotes the operation of the encoder of the autoencoder trained on task $j$, and $x_j^*$ are the parameters of model $\mathcal{M}$ obtained at the end of training the model on the $j^{\text{th}}$ task.
\vspace{-0.15in}
\subsection{Compressed linear autoencoders}
\vspace{-0.05in}
In our algorithm, the role of autoencoder is to identify the top $k$ directions of the optimizer's trajectory after convergence, where this trajectory is defined by gradient steps, obtained during training the model $\mathcal{M}$. A traditional linear autoencoder, consisting of two linear layers, would require $2 \times d \times k$ number of parameters, where $d$ denotes the number of parameters of the model $\mathcal{M}$. Commonly used deep learning models however contain millions of parameters \cite{NIPS2012_4824, Simonyan15, He2016DeepRL}, which makes a traditional autoencoder not tractable for this application. In order to reduce the memory footprint of the autoencoder we propose an architecture that is inspired by the singular value decomposition. The proposed autoencoder admits a matrix on its input and is formulated as
\vspace{-0.2in}
\begin{equation}
AE(M)=Udiag(U^\top MV)V^\top,
\end{equation}
\vspace{-0.25in}
\noindent where $diag(U^\top MV)$ is a matrix formed by zeroing out the non-diagonal elements of $U^\top MV$, $M$ is an autoencoder input matrix of size $m \times n$, and $U$ and $V$ are autoencoder parameters of size $m \times k$ and $n \times k$ respectively. Thus, the total number of parameters of the proposed autoencoder is $k(n + m)$, which is significantly lower than in case of traditional autoencoder ($knm$), especially when $n$ and $m$ are large.
We use a separate encoder $ENC_l$ and decoder $DEC_l$ for each layer $l$ of the model $\mathcal{M}$. We couple them between layers using a common ``feature vector'' which is created by summing outputs of all encoders. The proposed autoencoder is then formulated as
\vspace{-0.2in}
\begin{equation}
AE(G) = \{DEC_1(ENC(G)), \dots, DEC_L(ENC(G))\},
\end{equation}
\vspace{-0.25in}
where
\vspace{-0.25in}
\begin{equation*}
ENC(G) = \sum_lENC_l(G_l), \:\:\:
ENC_l(G_l) = diag(U_l^\top G_l V_l), \:\:\:
DEC_l(ENC(G)) = U_l ENC(G) V_l^\top,
\end{equation*}
\vspace{-0.2in}
$G=\{G_1, G_2, \dots, G_L\}$ is a set of matrices such that each matrix contains gradients of the model for a given layer, and $L$ is number of layers in the model. Finally, in order to enable processing the gradients of the convolutional layers we reshape them from their original size $o\times i \times w \times h$ to $o \times iwh$, where $o$ is number of output channels, $i$ is number of input channels, and $w$ and $h$ are width and height of the kernel of the convolutional layer. We train the autoencoder with standard mean square error loss $L_{mse}(W;G)=\norm{AE(G) - G}_2^2$, where $W=\{U_1, V_1, \dots, U_L, V_L\}$ is set of autoencoder's parameters.
\vspace{-0.15in}
\subsection{Algorithm description}
\vspace{-0.05in}
The proposed algorithm comprises of three steps. In the first step we train the model $\mathcal{M}$ using the loss function proposed in Equation~\ref{eq:main_obj} until convergence. In the second step, we continue to train the model for additional $N$ epochs to push its parameters deeper into the cone. Finally, in step 3 we train the autoencoder. The algorithm's pseudo code is captured in Algorithm~\ref{alg:continual_learning}.
\vspace{-0.1in}
\section{Experiments}
\label{sec:exp_res}
\vspace{-0.1in}
In this section we compare the performance of DCO with state-of-the-art continual learning methods: EWC \cite{EWC}, SI \cite{Synapses}, RWALK \cite{RWALK} and A-GEM \cite{chaudhry2018efficient}, as well as SGD \cite{bottou-98x}. We use open source codes\footnote{https://github.com/facebookresearch/agem}. Note that A-GEM was proposed in a single-epoch setup originally. For a fair comparison, we run A-GEM for multiple epochs on training data. We consider three commonly used continual learning data sets: Permuted MNIST, Split MNIST, and Split CIFAR-$\mathbf{100}$. The details of data sets, data processing, hyperparameter selection, and network architectures can be found in the Supplement.
\begin{wraptable}{r}{6cm}
\vspace{-0.25in}
\caption{Average Error $E_n$ (\%)}
\vspace{-0.1in}
\label{tab:results}
\centering
\setlength{\tabcolsep}{1pt}
\begin{tabular}{|c||c|c|c| }
\hline
Method & Permuted & Split & Split \\
& MNIST & MNIST & CIFAR-$100$ \\
\hline
SGD & $40.35$ & $24.37$ & $46.36$\\
\hline
EWC & $5.61$ & $0.71$ & $32.86$\\
\hline
SI & $6.66$ & $0.82$ & $32.25$\\
\hline
RWALK & $5.76$ & $1.85$ & $33.4$\\
\hline
A-GEM & $5.12$ & $1.02$ & $32.19$\\
\hline
\textbf{DCO} & $\mathbf{3.81}$ & $\mathbf{0.57}$ & $\mathbf{28.22}$\\
\hline
\end{tabular}
\vspace{-0.2in}
\end{wraptable}
We consider the \textbf{average error} as our metric. If we denote $e_j$ as \textit{test} classification error of the model on $j^{th}$ task, then the average error $E_i$ on $i^{th}$ task ($j \leq i$) is defined as $E_i = \frac{1}{i} \sum_{j=1}^i e_j$. In Table \ref{tab:results} we demonstrate that DCO performs favorably compared to the baselines in terms of the final average error. In Figure~\ref{fig:results} we show how the average error behaves when adding new tasks. The figure reveals that DCO eventually achieves better performance than other techniques on Split MNIST data set and it consistently outperforms other methods for Permuted MNIST and Split CIFAR-100.
\begin{figure}[htp!]
\vspace{-0.1in}
\begin{subfigure}\centering
\end{subfigure}
\vspace{-0.1in}
\begin{subfigure}\centering
\includegraphics[width=.32\textwidth]{main_experiments/permuted_mnist_zoom.jpg}
\includegraphics[width=0.32\linewidth]{main_experiments/split_mnist_zoom.jpg}
\includegraphics[width=0.32\linewidth]{main_experiments/split_cifar100_zoom.jpg}
\end{subfigure}
\vspace{-0.2in}
\caption{Average error versus the number of tasks. Zoomed plot (original plot is shown in Figure~\ref{fig:results2} in the Supplement); \textbf{Left:} Permuted MNIST \textbf{middle:} Split MNIST \textbf{right:} Split CIFAR-$100$.}
\label{fig:results}
\end{figure}
\vspace{-0.15in}
\section{Conclusion}
\label{sec:conclusion}
\vspace{-0.05in}
This paper elucidates the interplay between the local geometry of a deep learning optimization landscape and the quality of a network's performance in a continual learning setting. We derive a new continual learning algorithm counter-acting the process of catastrophic forgetting that explores the plausible manifold of parameters on which all tasks achieve good performance based on the knowledge of its geometric properties. Experiments demonstrate that this online algorithm achieves improvement in performance compared to more common approaches, which makes it a plausible method for solving a continual learning problem. Due to explicitly characterizing the manifold shared between the tasks, our work potentially provides a tool for better understanding how quickly the learning capacity of the network with a fixed architecture is consumed by adding new tasks and identifying the moment when the network lacks capacity to accommodate new coming task and thus has to be expanded. This direction will be explored in the future work.
\begin{small}
\bibliographystyle{unsrt}
|
\section{Introduction}
Past work has found that variability in speech signals is often poorly modeled, despite recent advances in speech representation learning using deep neural networks \citep{huang2014towards, huang2014comparative}.
An important source of acoustic variability comes from accent information embedded in these speech signals \citep{hanani2013human, najafian2014unsupervised}.
Non-native accents are frequently observed when a second language is spoken, and are mainly caused by the first language background of non-native speakers.
The accent strength of a non-native speaker depends on the amount of transfer from the native language, and is generally influenced by a variety of characteristics, of which the age of second-language learning and length of residence in an English-speaking country are valuable predictors \citep{asher1969optimal, leather1983second, flege1988factors, wieling2014determinants}.
However, accent variability is often overlooked in modeling languages using speech technology, and consequently high-resource languages such as English are often treated as homogeneous \citep{blodgett2016demographic}.
That this assumption is problematic is, for example, shown by comparing the number of native and non-native speakers of English, where the latter group is almost twice as large as the former group \citep{viglino2019end}.
It is therefore important to accurately model pronunciation variation using representations of speech that allow this variability to be incorporated.
Traditionally, pronunciations are often represented and evaluated by phonetically transcribing speech \citep{nerbonne1997measuring, livescu2000lexical, gooskens2004perceptive, heeringa2004measuring, wieling2014a, chen2016large, jeszenszky2017exploring}.
However, transcribing speech using a phonetic alphabet is time consuming, labor intensive, and interference from transcriber variation might lead to inconsistencies \citep{hakkani2002active, bucholtz2007variation, novotney2010cheap}.
Additionally, phonetic transcriptions are not entirely adequate in representing how people speak, as fine-grained pronunciation differences, that are relevant for studying accented speech (or dialect variation), may not fully be captured with a discrete set of symbols \citep{mermelstein1976distance, duckworth1990extensions, cucchiarini1996assessing, liberman2018}.
Consequently, acoustic-only measures have been proposed for comparing pronunciations \citep{Huckvale2007, Ferragne2010, Strycharczuk2020}. Whereas these studies only considered limited segments of speech, or exclusively included speakers from a single language background, \citet{acoustic-measure} introduced a new method that did not have these drawbacks. Specifically, \citet{acoustic-measure} proposed an acoustic-only method for comparing pronunciations without phonetic transcriptions including speakers from multiple native language backgrounds, while using all information available within the speech signal.
In their method, they represented accented speech as 39-dimensional Mel-frequency cepstral coefficients (MFCCs), which were used to compute acoustic-based non-native-likeness ratings between non-native and native speakers of English.
They found a strong correlation of $r = -0.71$ between their automatically determined acoustic-based non-native-likeness scores and previously obtained native-likeness ratings provided by human raters \citep{wieling2014a}.
This result was close to, but still not equal to, the performance of a phonetic transcription-based approach (which showed a correlation of $r = -0.77$).
\citet{acoustic-measure} also conducted several small-scale experiments to investigate whether more fine-grained characteristics of human speech were captured as compared to the phonetic transcription-based pronunciation difference measure.
Their results showed that the acoustic-only measure captured segmental differences, intonational differences, and durational differences, but that the method was not invariant to characteristics of the recording device.
The quality of MFCC representations is known to be dependent on the presence of noise \citep{zhao2013}.
Recent work has shown that self-supervised representation learning models that are pre-trained on unlabeled data are less affected by noise, while being well-equipped to model complex non-linear relationships \citep{schneider2019wav2vec, baevski2019vq, ling2020deep, baevski2020wav2vec}.
For example, these models are able to learn representations on the basis of large collections of speech without direct supervision.
Fine-tuning these models using transcribed speech resulted in representations that resembled phonetic structure, and offered significant improvements in downstream speech recognition tasks \citep{oord2018representation, kahn2020libri}.
Contrary to previous methods, these self-supervised models are based on large amounts of data from a large group of speakers and are therefore potentially more robust against between-speaker-within-accent variation.
Consequently, in this paper, we employ these self-supervised neural models to create a fully automatic acoustic-only pronunciation difference measure, and investigate whether this results in improved performance compared to the MFCC-based approach of \citet{acoustic-measure} and the phonetic transcription-based approach of \citet{wieling2014a}. More details about these methods are provided in Section~\ref{sec:methods:existing}.
In the following, we compare and evaluate several neural models pre-trained or fine-tuned on English. Specifically, we investigate \texttt{wav2vec}, \citep{schneider2019wav2vec}, \texttt{DeCoAR} \citep{ling2020deep}, \texttt{vq-wav2vec} \citep{baevski2019vq}, and \texttt{wav2vec~2.0} \citep{baevski2020wav2vec}.
Furthermore, we include \texttt{XLSR-53} \citep{conneau2020unsupervised}, which is a multilingual \texttt{wav2vec~2.0} model pre-trained on speech from 53 different languages.
To investigate the robustness of these neural models, we use four different datasets.
The first is identical to the dataset used by \citet{wieling2014a} and \citet{acoustic-measure}, which included both acoustic recordings of native and non-native English speakers, as well as human native-likeness judgements to compare against.
The second is a new dataset which focuses on accented speech from a single group of (Dutch) non-native speakers, for which human native-likeness judgements are likewise available. As we would also like to evaluate the effectiveness of the neural models for a different type of data, we additionally included two dialect datasets.
The third dataset therefore contains pronunciations and human native-likeness ratings from Norwegian dialects, while the fourth dataset contains pronunciations from a variety of Dutch dialects.
The performance of our models is assessed by comparing the obtained neural acoustic-only pronunciation differences to phonetic transcription-based pronunciation distances, MFCC-based acoustic-only pronunciation distances, and human perception.
For reproducibility, we provide our code via \url{https://github.com/Bartelds/neural-acoustic-distance}.
To understand the phonetic information captured by the neural models, we visualize the contribution of the neural features to the acoustic distances, and conduct several additional small-scale experiments, in line with those of \citet{acoustic-measure}.
\section{Materials}
\subsection{Datasets}
Our acoustic data comes from four datasets in three different languages.
We use two datasets that contain (mostly) non-native American-English pronunciations, and two additional datasets with Norwegian and Dutch dialect pronunciations, respectively.
\subsubsection{Non-native American-English}
Pronunciations from non-native speakers of American-English are obtained from the Speech Accent Archive \citep{weinberger2015speech}, as well as the Dutch speakers dataset described in \citet{wielinglowlands}.
The Speech Accent Archive covers a wide variety of language backgrounds, while the Dutch speakers dataset is suitable for
evaluating our method on a set of English pronunciations that have more fine-grained accent differences, as it contains speakers with the same native (Dutch) language background.
The Speech Accent Archive contains over 2000 speech samples from native and non-native speakers of English.
Each speaker reads the same 69-word paragraph that is shown in Example~\ref{ex1}.
\ex. \label{ex1} \textit{Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station.}
Similar to past work of \citet{wieling2014a} and \citet{acoustic-measure}, we use 280 speech samples from non-native American-English speakers as our target dataset (i.e.~the non-native speakers for whom we have human native-likeness ratings), and 115 speech samples from U.S.-born L1 speakers as our reference native speaker dataset.
As there is much regional variability in the pronunciation of the native American-English pronunciations, we use a set of reference speakers (cf.~\citealt{wieling2014a}) instead of a single reference speaker.
Among the 395 English samples from the Speech Accent Archive, 206 speakers are male and 189 speakers are female.
From these speakers, 71 male and 44 female speakers belong to the native speaker (reference) set.
The average age of the speakers in the entire dataset is 32.6 years ($\sigma=$ 13.5). Non-native speakers have an average age of onset for learning English of 10.5 years ($\sigma=$ 6.6). The 280 non-native American-English speakers have a total of 99 different native languages, with Spanish ($N = 17$), French ($N = 13$), and Arabic ($N = 12$) occurring most frequently.
The Dutch speakers dataset includes recordings of native speakers of Dutch (with no other native languages) that all read the first two sentences of the same elicitation paragraph used for the Speech Accent Archive.
These recordings were collected at a science event held at the Dutch music festival Lowlands, where \citet{wielinglowlands} investigated the influence of alcohol on speech production in a native and non-native language. While the effect of alcohol on the pronunciation in the non-native language (English) was limited, we nevertheless only included the speech samples of all 62 sober participants (30 male and 32 female speakers). The average age of the speakers in this dataset is 33.4 years ($\sigma=$ 10.3). The average age of onset for learning English was not obtained, but generally Dutch children are exposed to English at an early age (i.e. the subject is mandatory in primary schools from the age of about 10 to 11 onwards, but children are usually exposed to English much earlier via mass media).
For each speaker in this dataset, we phonetically transcribed the pronunciations according to the International Phonetic Alphabet. These phonetic transcriptions were created by a single transcriber (matching the conventions used by \citealt{wieling2014a}), and used to obtain the transcription-based pronunciation distances (i.e. for comparison with the acoustic methods).
\subsubsection{Norwegian}
Our third dataset consists of 15 recordings and phonetic transcriptions from Norwegian dialect speakers from 15 dialect areas (4 male and 11 female speakers). The average age of these speakers is 30.5 years ($\sigma=$ 11). Moreover, each speaker lived in the place where their dialect was spoken until the mean age of 20 years, and all speakers estimated that their pronunciations were representative of the dialect they speak.
Earlier work has used this dataset for comparing dialect differences on the basis of the Levenshtein distance \citep{gooskens2004perceptive} and formant-based acoustic features \citep{heeringa2009measuring} to human perceptual dialect differences. We included this dataset and the perceptual ratings from \citet{gooskens2004perceptive} to specifically investigate whether the self-supervised neural models (even though these are, except for \texttt{XLSR-53}, based on the English language) are able to model differences for languages other than English.
The speakers in this dataset all read aloud 58 words from the fable 'The North Wind and the Sun'. The recordings were segmented in 58 samples corresponding to the words from the fable. For five dialects, one or two words were missing, as speakers were not always perfectly reading the text.
Phonetic transcriptions, which we use as input for the Levenshtein distance algorithm, were created by a single transcriber.
The text, recordings, phonetic transcriptions, and transcription conventions are available online.\footnote{\url{https://www.hf.ntnu.no/nos/}.}
\subsubsection{Dutch}
Our final dataset contains a subset of pronunciations and phonetic transcriptions from the Goeman-Taeldeman-Van Reenen-Project \citep{GTRP}.
This dataset consists of recordings and transcriptions of hundreds of words for 613 dialect varieties in the Netherlands and Belgium.
Unfortunately, the quality of the recordings is rather low, as the recordings were collected by fieldworkers at the speakers' home addresses.
Consequently, there is often a high level of noise present, mostly due to cross-talk from other speakers or the presence of non-speech sounds. Additionally, the session recordings for each speaker were not segmented.
Given that our approach in the present study relies on adequate (segmented) acoustic recordings, we manually selected a sub-sample, and only included recordings which were (after listening) deemed to be of an acceptable quality. Consequently, we included recordings for a set of ten words (`arms': \textit{armen}, `dough': \textit{deeg}, `wires': \textit{draden}, `pigeons': \textit{duiven}, `needles': \textit{naalden}, `eyes': \textit{ogen}, `pipes': \textit{pijpen}, `pliers': \textit{tangen}, `people': \textit{volk}, `fire': \textit{vuur}). These words were available for 108 localities in the Netherlands (i.e.~other sets of ten words were available in fewer localities). This subset consists of 70 male and 33 female speakers (the gender for 5 speakers is unknown). The average age of the speakers in our subset is 61.8 years ($\sigma=$ 9.9) at the time of recording (1980--1995).
We use these data to investigate the robustness of the self-supervised neural models to noisy data by comparing the acoustic-only distances to phonetic transcription-based distances. Phonetic transcriptions of these pronunciations were already available, and are similar to those used by \citet{wieling2007aggregate}.
\subsection{Human accent ratings}
Human accent ratings are widely used to evaluate accentedness in speech \citep{koster1993evaluation, munro1995nonsegmental, magen1998perception, munro2001modeling}.
To evaluate our method, we report Pearson's correlation between the computed acoustic (or phonetic transcription-based) differences and the averaged human accent ratings.
While we evaluated read as opposed to spontaneous speech, \citet{munro1994evaluations} found that human accent ratings are not different for the two types of speech.
\subsubsection{Non-native American-English}
The perceptual data for the Speech Accent Archive speech samples were collected by \citet{wieling2014a}.
Native U.S.-born speakers of English were invited to rate the accent strength of a set of (at most) 50 samples through an online questionnaire.
Accent strength ratings were given using a 7-point Likert scale ranging from 1 (very foreign sounding) to 7 (native English speaking abilities).
While each speech sample contained the entire 69-word paragraph (average duration of the samples was 26.2 seconds), participants were allowed to provide their rating without having listened to the full sample.
In total, the ratings of 1,143 participants were collected (57.6\% male and 42.4\% female) for a total of 286 speech samples, where each participant on average rated 41 speech samples ($\sigma=$ 14). The average amount of ratings per sample was 157 ($\sigma=$ 71). The mean age of the participants was 36.2 years ($\sigma=$ 13.9), and they most frequently lived in California (13.2\%), New York (10.1\%), and Massachusetts (5.9\%). From the 286 samples, six were from native American-English speakers. These were also identified as such, as their average ratings ranged between 6.79 and 6.97 ($0.22 \leq \sigma \leq 0.52$).
Human accent ratings of the second (Dutch speakers) dataset were provided by a different group of U.S.-born L1 speakers of English \citep{wielinglowlands}.
In this case, a questionnaire was created in which participants rated the accent strength of the speech samples on a 5-point Likert scale ranging from 1 (very foreign-sounding) to 5 (native English speaking abilities). Participants were not required to listen to the complete sample (average duration: 18.7 seconds) before providing their rating. A total of 115 participants (73.0\% male, 25.2\% female, and 1.8\% other) rated an average of 17 speech samples each ($\sigma=$ 9.2).
On average, each sample received 24 ratings ($\sigma=$ 6.7). The mean age of the participating raters was 47.9 years ($\sigma=$ 16).
The participants most often originated from California (13.9\%), New York (10.4\%), and Pennsylvania (8.7\%). As the samples were shorter than for the Speech Accent Archive, a less fine-grained rating scale was used.
The consistency of the ratings was assessed using Cronbach's alpha \citep{cronbach1951coefficient}. For both studies, the ratings were consistent with alpha values of 0.85 and 0.92 for the Speech Accent Archive dataset and Dutch speakers dataset, respectively \citep{nunnally1978}.
\subsubsection{Norwegian}
\citet{gooskens2004perceptive} carried out a listening experiment using the recordings of the Norwegian dataset. A total of 15 groups of raters (high school pupils, one group per dialect area) were asked to judge each speaker on a 10-point scale. A score of 1 was given when the pronunciation of the speaker was perceived to be similar to the rater's own dialect, while a score of 10 indicated that the pronunciation of the speaker was maximally dissimilar from the rater's own dialect. The average duration of the speech samples was about 31 seconds.
On average, each group consisted of 19 listeners (48\% male and 52\% female) with a mean age of 17.8 years. For the majority of their life (16.7 years, on average), raters had lived in the place where their dialect was spoken. Only 3\% of the raters reported to never speak their local dialect. About 81\% of the raters reported to use their dialect always or often. The consistency of the ratings was not reported by \citet{gooskens2004perceptive}.
\section{Methods}
\label{sec:methods}
\subsection{Self-supervised neural models}
\label{sec:models}
We compare and evaluate five self-supervised pre-trained neural models, namely \texttt{wav2vec} \citep[subsequently denoted by \texttt{w2v}]{schneider2019wav2vec}, \texttt{vq-wav2vec} \citep[subsequently denoted by \texttt{vqw2v}]{baevski2019vq}, \texttt{wav2vec~2.0} \citep[subsequently denoted by \texttt{w2v2}]{baevski2020wav2vec}, the multilingual \texttt{w2v2} model \texttt{XLSR-53} \citep[subsequently denoted by \texttt{XLSR}]{conneau2020unsupervised}, and \texttt{DeCoAR} \citep{ling2020deep}. In addition to the pre-trained \texttt{w2v2}, we also evaluated a model which has been fine-tuned using 960 hours of English speech data (\texttt{w2v2-en}).
This model was chosen because it is the largest fine-tuned English model available, and \citet{baevski2020wav2vec} showed that increasing the model size improved performance on all evaluated speech recognition tasks.
Regarding the \texttt{XLSR} model, we exclusively use models which have been fined-tuned on a language from the Common Voice dataset suitable for our individual datasets \citep{ardila2019common}. Specifically, we apply \texttt{XLSR-en} (fine-tuned on 1,686 hours of English) to the non-native English speech datasets, \texttt{XLSR-nl} (fine-tuned on 59 hours of Dutch) to the Dutch dialects dataset, and \texttt{XLSR-sv} (fine-tuned on 12 hours of Swedish, which was the most similar available language to Norwegian) to the Norwegian dialects dataset. The (technical) details of these models and their variants can be found in Appendix~\ref{appendix:models}.
These self-supervised neural models have learned representations of acoustic recordings by training the models to predict upcoming speech frames without using labeled data \citep{schneider2019wav2vec, ling2020deep, baevski2019vq, baevski2020wav2vec}.
Architectures and training techniques of these models have typically been inspired by successful methods in natural language processing such as \texttt{word2vec} \citep{mikolov_distributed_2013}, \texttt{ELMo} \citep{petersDeepContextualizedWord2018}, and \texttt{BERT} \citep{devlin_bert_2019}.
All of the evaluated acoustic models, except \texttt{XLSR}, were pre-trained on the large unlabeled Librispeech dataset, which contains 960 hours of English speech obtained from audio books (LS960). This dataset is divided into two parts, namely a part which includes clean data (460 hours), and a part which includes noisy data (500 hours).
Speakers with accents closest to American-English (represented by pronunciations from the Wall Street Journal-based CSR corpus (SI-84) described by \citealt{paul-baker-1992-design}) were included in the clean data part, while the noisy data part contained accents that were more distant from American-English \citep{panayotov_librispeech_2015}.
The \texttt{XLSR} model, instead, was trained on 56,000 hours of speech from a total of 53 languages, including European, Asian, and African languages.
Note that the majority of the pre-training data for \texttt{XLSR} still consists of English speech (44,000 hours).
The effectiveness of these self-supervised neural models was originally evaluated by using the learned representations for the task of speech recognition.
However, in this study we assess whether or not these acoustic models also capture fine-grained information such as pronunciation variation. As several of the investigated algorithms (specifically, \texttt{vqw2v}, \texttt{w2v2}, and \texttt{XLSR}) use Transformer layers to model the acoustic signal, we also evaluate (using a development set) which layers are most suitable for our task. More information about these and other aspects of the models can be found in Appendix~\ref{appendix:models} and \ref{appendix:layers}.
\subsection{Existing methods}
\label{sec:methods:existing}
For comparison with the self-supervised neural models, we also report the results on the basis of two existing approaches, namely the MFCC-based approach of \citet{acoustic-measure} and the phonetic transcription-based approach of \citet{wieling2014a}. Both methods are currently the best-performing automatic (acoustic- or transcription-based) algorithms for determining pronunciation differences that match human perceptual pronunciation differences well, and are explained in more detail below.
\subsubsection{Phonetic transcription-based distance calculation}
The phonetic transcription-based distancs are determined on the basis of the adjusted Levenshtein distance algorithm proposed by \citet{wieling2012inducing}. The Levenshtein algorithm determines the cost of changing one phonetically transcribed pronunciation into another by counting the minimum amount of insertions, deletions, and substitutions \citep{levenshtein}. The adjustment proposed by \citet{wieling2012inducing} extends the standard Levenshtein distance by incorporating sensitive segment differences (rather than the binary distinction of same vs.~different) based on pointwise mutual information (PMI) \citep{church1990word}. This data-driven method assigns lower costs to sound segments that frequently occur together, while higher costs are assigned to pairs of segments that occur infrequently together. These sensitive sound segment differences are subsequently incorporated in the Levenshtein distance algorithm. An example of a PMI-based Levenshtein alignment for two pronunciations of the word ``afternoon'' is shown in Figure~\ref{fig:PMI-LD}.
\begin{figure}[ht]
\begin{center}
\begin{tabular}{@{}ccccccccc@{}}
\textipa{\ae} & \textipa{@} & \textipa{f} & \textipa{t} & \textipa{@} & \textipa{} & \textipa{n} & \textipa{\textbaru} & \textipa{n} \\
\textipa{\ae} & \textipa{} & \textipa{f} & \textipa{t} & \textipa{@} & \textipa{r} & \textipa{n} & \textipa{u} & \textipa{n} \\
\hline
& .031 & & & & .030 & & .020 &
\end{tabular}
\caption{PMI-based Levenshtein alignment for two different pronunciations of the word ``afternoon''}
\label{fig:PMI-LD}
\end{center}
\end{figure}
To obtain reliable segment distances using the PMI-based Levenshtein distance algorithm, it is beneficial if the number of words and segments is as large as possible. As the Dutch speakers dataset is relatively small, we instead used the sensitive segment differences obtained on the basis of the (larger) Speech Accent Archive dataset (i.e.~the same as those used by \citealp{wieling2014a}).
After the Levenshtein distance algorithm (incorporating sensitive sound differences) is used to quantify the pronunciation difference between each word for a pair of speakers, the pronunciation difference between two speakers is subsequently determined by averaging all word-based pronunciation differences. Additionally, for the two English datasets, the difference between the pronunciation of a non-native speaker and native (American-English) speech (i.e. the non-native-likeness) is computed by averaging the pronunciation difference between the non-native speaker and a large set of native speakers.
\subsubsection{MFCC-based acoustic distance calculation}
For the Speech Accent Archive recordings, the MFCC-based differences between the individual non-native speakers and native English speakers were available from \citet{acoustic-measure}.
For the native Dutch speakers dataset, we calculate these differences following the same approach.
In short, this consists of comparing 39-dimensional MFCCs of pronunciations of the same word (by two speakers) to obtain the acoustic difference between the pronunciations.
We use dynamic time warping for comparing the MFCCs \citep{muller2007dynamic}. This is an algorithm widely used to compare sequences of speech features. The non-native-likeness is computed in the same way as for the Levenshtein distance algorithm, explained in the previous section.
\section{Experimental setup}
\subsection{Non-native American-English pronunciation differences}
Following \citet{wieling2014a} and \citet{acoustic-measure}, we compute a measure of acoustic distance from native English speech by individually comparing the non-native target samples from both datasets to the 115 native reference samples.
Neural representations of all samples are acquired by using the full samples as input to the neural models.
The final output of these neural models should correspond with the original input (including all frames), and should therefore not contain any new information.
Because of this, we take representations of hidden layers (discussed in Section~\ref{sec:models}) as neural embeddings.
These representations are extracted by doing a forward pass through the model up to the target layer. For the Transformer-based methods (\texttt{vqw2v}, \texttt{w2v2}, and \texttt{XLSR}), it is in principle possible to choose which layer is selected as the output layer. Specifically, we investigated which layer performed best for our task, by evaluating the performance (i.e.~the correlation with human ratings) using a held-out development set (25\% of the data of the Speech Accent Archive dataset, and 50\% of the data of the much smaller Dutch speaker dataset). As layers sometimes show very similar performance, we also evaluated which layers showed significant lower performance than the best-performing layer. For this, we used the modified $z$-statistic of \citet{steiger1980tests} for comparing dependent correlations. After selecting the best-performing layer, the performance is evaluated on the remaining data (and the full dataset, if the patterns of the development set and the other data were similar). Samples are sliced into individual words after embedding extraction using time-alignments from the Penn Phonetics Lab Forced Aligner \citep{yuan2008speaker}.
For word pairs between a reference and target speaker, similarity scores between the embeddings are calculated using dynamic time warping.
Scores are averaged over all 69 words (Speech Accent Archive dataset) or 34 words (Dutch speakers dataset) to acquire a distance measurement between a target speaker and a reference speaker. To compute a single score of distance between a target speaker and native English speech, the distances between the target speaker and all reference native speakers are averaged.
We evaluate our algorithms on both datasets by calculating the Pearson correlation between the resulting acoustic distances and the averaged human native-likeness judgements for the target samples. Note, however, that the results on the basis of the Speech Accent Archive are likely more robust as this dataset contains a large amount of (longer) samples, a variety of native language backgrounds, and a larger amount of ratings per sample.
\subsection{Norwegian and Dutch pronunciation differences}
For the Norwegian and Dutch dialects datasets, we measure acoustic distances by computing neural representations for the segmented word samples similar to the non-native American-English samples. The selection of the best-performing layer for the Transformer-based methods was determined again using a validation set (containing a random sample of 50\% of the data in the case of the smaller Norwegian dialects dataset, and 25\% of the data in the case of the Dutch dialects dataset).
Word-based neural representations of the same word are compared using dynamic time warping, and are subsequently averaged to obtain a single distance measure between two dialects (i.e.~two speakers).
We evaluate our algorithms on the Norwegian dialects dataset by computing the Pearson correlation between the acoustic distances and perception scores provided by the dialect speakers, and compare this value to the correlation obtained by using phonetic transcription-based distances and MFCC-based distances instead of the self-supervised neural acoustic-only distances. As \citet{gooskens2004perceptive} found that dialect distances with respect to themselves erroneously increased the correlation with the perceptual distances, we excluded these distances from our analysis.
For the Dutch dialects dataset, unfortunately, we have no perceptual distances available. We therefore evaluate our algorithms by computing the Pearson correlation between the acoustic-only distances and phonetic transcription-based distances of \citet{wieling2007aggregate} using the same set of words for matching localities. Furthermore, we create multidimensional scaling (MDS; \citealp{torgerson1952multidimensional}) maps of the different algorithms visualizing the relationship between the location of each speaker and the pronunciation differences. These maps can be compared qualitatively, by assessing whether traditional dialect differences are visible.
\subsection{Influence of sample}
To obtain a better understanding of the influence of our reference sample, and the specific set of words on our results using the Speech Accent Archive dataset, we conducted several additional experiments using our best-performing model.
First, we investigate what the effect would be of choosing a single reference speaker, as opposed to using the reference set of all 115 speakers. Second, we further examine the effect of speaker backgrounds on the correlation with human perception, by restricting the set of reference native speakers to speakers from the western half of the U.S. and the English-speaking part of Canada. We opted for this set, as these areas are characterized by less dialect variation compared to the eastern half of the U.S. \citep{boberg2010english}. Third, as the gender distribution between the native and non-native speakers differed for our reference speaker set compared to the set of non-native speakers, we investigated the influence of gender by restricting the reference set to exclusively males or females.
Finally, while the correlations were determined on the basis of an average over 69 words, we were also interested in the performance when only individual words would be selected. This analysis may reveal which words are particularly informative when determining non-native-likeness.
\subsection{Understanding representations}
To obtain a better understanding of the acoustic properties to which our final best-performing neural acoustic distance measure is sensitive, we conduct several additional experiments using the Speech Accent Archive recordings. We first evaluate how well the models are able to capture variation in a specific group of non-native speakers. By restricting the background (i.e.~the native language) and thereby creating a more homogeneous sample, human accent ratings may be closer together. Strong correlations between human perception and acoustic distances when the range of scores is large (as in the full dataset), may not necessarily also imply strong correlations when there is less variation. Consequently, this experiment investigates whether or not our models also model human perception at a more fine-grained level.
In addition, to understand whether the acoustic distances comprise (linguistically relevant) aspects of pronunciation different from pronunciation distances computed using MFCCs or phonetic transcriptions, we fit multiple linear regression models. In those models, human accent ratings are predicted based on the acoustic distances of our best-performing self-supervised neural model, MFCC-based acoustic distances \citep{acoustic-measure}, and phonetic transcription-based differences \citep{wieling2014a}. We evaluate the contribution of each predictor to the model fit, and assess the model's explained variance to determine whether distinctive aspects of pronunciation are captured.
Finally, \citet{acoustic-measure} found that acoustic distances computed by using MFCCs not only capture segmental differences, but also intonational and durational differences. To assess if this information is embedded in our neural method as well, and enable a fair comparison, we replicate an experiment of \citet{acoustic-measure}. Specifically, we compute acoustic distances between four series of recordings of the word ``living'' (ten repetitions per series) and compare the acoustic distances to those computed using MFCCs. The first two series of recordings were unmodified but recorded with a different recording device (the built-in microphone of a laptop, versus the built-in microphone of a smartphone). The third and fourth series were manipulated by changing the intonation (``living?'') and relative duration of the first syllable (``li\_ving''), respectively. To illustrate the results of this experiment, we have developed a visualization tool, which is discussed below and can help understand whether or not our best-performing (black box) neural method is able to distinguish aspects of speech that are linguistically relevant from those that are not.
\subsubsection{Visualization tool}
The tool visualizes the dynamic time warping alignments and the corresponding alignment costs to highlight where the acoustic distance is highest. As such, this tool may be helpful for interpreting the acoustic distances returned by our models. For example, by highlighting that the acoustic differences between two pronunciations are most divergent at the end (or start) of a word. An illustration of the output (and interpretation) of this tool is shown in Figure~\ref{fig:hXXd-distance}, which compares the pronunciation of a Dutch speaker pronouncing /\textipa{hy:d}/ vs.~/\textipa{ho:d}/. This example illustrates the relative influence of different phonemes on the acoustic distance within a word. The beginning of both pronunciations (/\textipa{h}/) is similar, whereas the middle part (comparing [\textipa{y:}] and [\textipa{o:}]) is much higher. The /\textipa{d}/ ending has a higher distance than the /\textipa{h}/ beginning, which may reflect perseverative coarticulation, despite the transcriptions being identical. An online demo of this visualization tool can be used to generate similar figures for any pair of recorded pronunciations.\footnote{\url{https://bit.ly/visualization-tool}}
\begin{figure}[t]
\begin{center}
\includegraphics[width=3in]{figures/falling_huud_hood_mobiel_v2.pdf}
\caption{Visualization of neural acoustic distances per frame (based on \texttt{w2v2}) with the pronunciation of /\textipa{hy:d}/ on the $x$-axis and distances to the pronunciation of /\textipa{ho:d}/ on the $y$-axis. The horizontal line represents the global distance value (i.e.~the average of all individual frames). The blue line represents the moving average distance based on 9 frames, corresponding to 180ms. As a result of the moving average, the blue line does not cover the entire duration of the sample. Larger bullet sizes indicate that multiple frames in /\textipa{ho:d}/ are aligned to a single frame in /\textipa{hy:d}/.}
\label{fig:hXXd-distance}
\end{center}
\end{figure}
\section{Results}
We first report on the performance of the non-native American-English speakers from the Speech Accent Archive and Dutch speakers dataset.
Subsequently, we present the results on the Norwegian and Dutch dialects datasets to show how the self-supervised models perform on languages different from English.
Finally, we discuss the phonetic information encoded in the pre-trained representations using visualisations of the acoustic distances, and report on results from our additional experiments.
\subsection{Non-native American-English pronunciation differences}
\begin{table}[ht!]
\centering
\begin{tabular}{lrr}
\toprule
\textbf{Model} & \textbf{SAA} & \textbf{DSD}\\
\midrule
\texttt{w2v} & -0.69 & -0.42\\
\texttt{vqw2v} (11, 10) & -0.78 & -0.68\\
\texttt{w2v2} (17, 12) & -0.85 & -0.70\\
\texttt{XLSR} (16, 16) & -0.82 & -0.47\\
\texttt{DeCoAR} & -0.72 & -0.41\\
\midrule
\texttt{w2v2-en} (10, 9) & \textbf{-0.87} & \textbf{-0.71}\\
\texttt{XLSR-en} (8, 9) & -0.83 & -0.66\\
\midrule
LD \citep{wieling2014a} & -0.77 & -0.70\\
MFCC \citep{acoustic-measure} & -0.71 & -0.34\\
\bottomrule
\end{tabular}
\caption{Pearson correlation coefficients $r$ between acoustic-only or phonetic transcription-based distances and human native-likeness ratings, using \texttt{w2v}, \texttt{BERT} extension to \texttt{vqw2v}, \texttt{w2v2}, \texttt{XLSR}, \texttt{w2v2-en}, \texttt{XLSR-en}, \texttt{DeCoAR}, PMI-based Levenshtein distance, and MFCCs to compute distances on the Speech Accent Archive (SAA) dataset and native Dutch speakers dataset (DSD). All correlations are significant at the $p < 0.001$ level. The values between parentheses show the selected layers of the Transformer-based models on the basis of the 25\% validation set for the Speech Accent Archive dataset and the 50\% validation set for the Dutch speakers dataset, respectively.}
\label{table:cors}
\end{table}
Table~\ref{table:cors} shows the correlations between the non-native-likeness scores and the average human native-likeness ratings for both datasets. The modified \textit{z}-statistic of \citet{steiger1980tests} shows that the \texttt{w2v2-en} model significantly outperforms all other models (including the Levenshtein distance approach, which was already reported to match human perception well; \citealp{wieling2014a}) when applied to the Speech Accent Archive dataset (all $z\textrm{'s} > 3$, all $p\textrm{'s} < 0.001$). Similarly, for the Dutch speakers dataset, the \texttt{w2v2-en} is also the best-performing model. In this case, it significantly improved over \texttt{w2v}, \texttt{DeCoAR}, \texttt{XLSR}, and \texttt{MFCC} (all $z\textrm{'s} > 3$, all $p\textrm{'s} < 0.001$), but not over the other approaches ($p > 0.05$).
For the Transformer-based models, the numbers between parentheses show the best-performing layer (on the basis of the performance on the validation set). As an example of how individual layers may show a different performance, Figure~\ref{fig:wav2vecen} shows the performance for each layer for the best-performing \texttt{w2v2-en} model applied to the Speech Accent Archive dataset. It is clear that rather than selecting the final layer, the performance of an intermediate layer (10) is highest (and not significantly different from the performance of layers 8 to 11). Furthermore, there is a close match between the observed pattern for both the validation set and the test set. Appendix~\ref{appendix:layers} shows these graphs for all Transformed-based algorithms and datasets.
\begin{figure}[ht]
\begin{center}
\includegraphics[width=3in]{figures/SAA/wav2vec2-large-960h.pdf}
\caption{Pearson correlation coefficients of acoustic distances compared to human accent ratings for different Transformer layers in the \texttt{w2v2-en} model. The vertical line marks the layer that was chosen as the best-performing layer based on the 25\% validation set of the Speech Accent Archive dataset. Layers that are not significantly different ($p > 0.05$) in terms of correlation are indicated by the thick blue line.}
\label{fig:wav2vecen}
\end{center}
\end{figure}
\subsection{Norwegian and Dutch pronunciation differences}
In this section, we only consider neural representations based on the fine-tuned model variants of \texttt{w2v2} and \texttt{XLSR}, as these models showed the best performance compared to their respective non-fine-tuned models in the previous section. Specifically, we evaluate \texttt{w2v2-en} and \texttt{XLSR-sv} for the Norwegian dialects dataset, and \texttt{w2v2-en} and \texttt{XLSR-nl} for the Dutch dialects dataset.
\subsubsection{Norwegian dialects dataset}
\begin{table}[ht!]
\centering
\begin{tabular}{lr}
\toprule
\textbf{Model} & \textbf{Mean \textit{r}}\\
\midrule
\texttt{w2v2-en} (3) & 0.49 \\
\texttt{XLSR-sv} (7) & 0.49 \\
\midrule
LD \citep{wieling2014a} & \textbf{0.66} \\
MFCC \citep{acoustic-measure} & 0.22 \\
\bottomrule
\end{tabular}
\caption{Pearson correlation coefficients $r$ between acoustic-only or phonetic transcription-based distances and human native-likeness ratings, using \texttt{w2v2-en}, \texttt{XLSR-sv}, PMI-based Levenshtein distance, and MFCCs to compute distances on the Norwegian dialects dataset. All correlations are significant at the $p < 0.001$ level. The values between parentheses show the selected layers of the Transformer-based models on the basis of the 50\% validation set.}
\label{table:cors-NOS}
\end{table}
Table~\ref{table:cors-NOS} shows the results for the Norwegian dialects dataset. In this case, the performance of the PMI-based Levenshtein distance is substantially (and significantly: all $z\textrm{'s} > 3$, all $p\textrm{'s} < 0.001$) higher than both of the neural methods (which did not differ from each other in terms of performance, but did improve over the MFCC approach; $z > 3$, $p < 0.001$). Note that the correlations are positive, as higher perceptual ratings reflected more different dialects.
\subsubsection{Dutch dialects dataset}
\begin{table}[ht!]
\centering
\begin{tabular}{lr}
\toprule
\textbf{Model} & \textbf{Mean \textit{r}}\\
\midrule
\texttt{w2v2-en} (10) & \textbf{0.63} \\
\texttt{XLSR-nl} (12) & 0.59 \\
\bottomrule
\end{tabular}
\caption{Pearson correlation coefficients $r$ between acoustic-only and phonetic transcription-based distances, using \texttt{w2v2-en} and \texttt{XLSR-nl} to compute distances on the Dutch dialects dataset. All correlations are significant at the $p < 0.001$ level. The values between parentheses show the selected layers of the Transformer-based models on the basis of the 25\% validation set.}
\label{table:cors-NL}
\end{table}
Table~\ref{table:cors-NL} shows the results for the Dutch dialects dataset. As we did not have any perceptual ratings available, we compared the results of both fine-tuned neural models to the corresponding PMI-based Levenshtein distances. Also here, the \texttt{w2v2-en} showed the best performance, even though the \texttt{XLSR-nl} model was fine-tuned on the Dutch language. The performance difference between the models was moreover significant ($z = 9.2$, $p < 0.001$).
Figure~\ref{fig:MDS} shows two MDS plots visualizing Dutch dialect variation on the basis of the ten-word sample and 108 localities. While these maps appear relatively chaotic as they are only based on ten words, the Frisian area in the northwest (i.e.~the purple-gray area in Figure~\ref{fig:MDS-W2V2-EN}), the Low Saxon area in the northeast (i.e.~the greenish area in Figure~\ref{fig:MDS-W2V2-EN}), and the Limburg area in the southeast (i.e.~the yellow area in Figure~\ref{fig:MDS-LD}) can be distinguished to a certain extent in both visualizations. The explained variance of the \texttt{w2v2-en}-based MDS visualization was only about 23\%, which is considerably lower than that of the phonetic-transcription-based MDS visualization 76\%, however. This suggests that the \texttt{w2v2-en} results are considerably noisier than those on the basis of the phonetic-transcription-based approach.
\begin{figure*}[ht!]
\centering
\begin{subfigure}[b]{0.49\textwidth}
\centering
\includegraphics[width=3in]{figures/GTRP/wav2vec2-large-960h-l10.png}
\caption{Fine-tuned monolingual English \texttt{w2v2-en}.}
\label{fig:MDS-W2V2-EN}
\end{subfigure}
\hfill
\begin{subfigure}[b]{0.49\textwidth}
\centering
\includegraphics[width=3in]{figures/GTRP/ld.png}
\caption{PMI-based Levenshtein distances.}
\label{fig:MDS-LD}
\end{subfigure}
\caption{MDS plots visualizing pronunciation differences based on Dutch dialect pronunciations. Similar colors indicate pronunciations that are more alike.}
\label{fig:MDS}
\end{figure*}
\subsection{Influence of sample}
Table~\ref{table:singleref} reveals the influence of our specific sample of reference speakers by showing the averaged correlation coefficients (and the associated standard deviation) for the various methods on the Speech Accent Archive dataset. Instead of using the full set of 115 native speakers as reference set, in this analysis each individual native speaker was used once as the only reference speaker. Particularly of note is that only \texttt{w2v2}, \texttt{XLSR} and their fine-tuned variants, as well as the PMI-based Levenshtein distance are minimally influenced by individual reference speaker differences (i.e.~reflected by the low standard deviations).
Specifically, \texttt{w2v2} and \texttt{w2v2-en} yield the lowest standard deviations as well as the highest correlation ranges for individual reference speakers.
\begin{table*}[ht!]
\centering
\begin{tabular}{lrrr}
\toprule
\textbf{Model} &\textbf{Mean \textit{r}} & \textbf{Std. Dev.} & \textbf{Range}\\
\midrule
\texttt{w2v} & -0.55 & 0.19 & [-0.42, -0.69]\\
\texttt{vqw2v} (11) & -0.68 & 0.10 & [-0.13, -0.80]\\
\texttt{w2v2} (17) & -0.83 & 0.02 & [-0.74, -0.84]\\
\texttt{XLSR} (16) & -0.76 & 0.05 & [-0.47, -0.83]\\
\texttt{DeCoAR} & -0.61 & 0.11 & [-0.23, -0.76]\\
\midrule
\texttt{w2v2-en} (10) & \textbf{-0.85} & \textbf{0.02} & \textbf{[-0.74, -0.87]}\\
\texttt{XLSR-en} (8) & -0.80 & 0.03 & [-0.58, -0.84]\\
\midrule
LD \citep{wieling2014a} & -0.74 & 0.04 & [-0.52, -0.79]\\
MFCC \citep{acoustic-measure} & -0.45 & 0.10 & [-0.20, -0.69]\\
\bottomrule
\end{tabular}
\caption{Averaged Pearson correlation coefficients $r$, with standard deviations and correlation ranges, between acoustic-only or phonetic transcription-based distances and human native-likeness ratings on the Speech Accent Archive dataset, using \texttt{w2v}, \texttt{vqw2v}, \texttt{w2v2} (pre-trained and fine-tuned), \texttt{XLSR} (pre-trained and fine-tuned), \texttt{DeCoAR}, PMI-based Levenshtein distance, and MFCCs to compute distances when individual U.S.-born native American-English speakers are treated as the single reference speaker. All correlation coefficients are significant at the $p < 0.001$ level. The values between parentheses show the selected layer of the Transformer-based models on the basis of the validation set.}
\label{table:singleref}
\end{table*}
Additionally, we computed the correlation coefficient using our best-performing model (i.e. \texttt{w2v2-en}) based solely on including reference native speakers from the western half of the U.S.~and the English-speaking part of Canada. The resulting correlation of $r = -0.87$ ($p < 0.001$) was identical to the correlation when including all reference speakers. The results were also similar when the reference speaker set was restricted to only men or women, with correlations of $r = -0.87$ ($p < 0.001)$ and $r = -0.87$ ($p < 0.001)$, respectively.
Finally, we calculated the correlation with human perception using \texttt{w2v2-en} when instead of the full 69-word paragraph individual words were selected. These correlations ranged from $r = -0.45$ for the word ``She'' to $r = -0.77$ for the word ``Stella''. The average correlation was $r = -0.65$ ($p < 0.001$, $\sigma = 0.06$). While the results on the basis of the full dataset show a higher correlation with human perception, it is noteworthy that some individual words also appear to correlate strongly with perception.
\subsection{Understanding representations}
To assess whether our best-performing model can also identify more fine-grained differences, we evaluate the model against several subsets of data consisting of non-native speakers from the same native language background.
The spread in native-likeness ratings, as well as the correlations for the groups with the largest number of speakers are shown in Figure~\ref{fig:L1-ratings}.
Except for the native speakers of German (with a relatively restricted range in native-likeness ratings), we observe strong correlations for all groups of speakers.
These results potentially suggest that a restricted range of native-likeness ratings may negatively affect the correlation with human perceptual ratings. However, subsequent experiments using \texttt{w2v2-en} (not shown) revealed that the correlation when only including speakers who received average native-likeness ratings between (e.g.,) 5 and 6 was not lower than when increasing the range to include all speakers who received average native-likeness ratings between (e.g.,) 3 and 6.
\begin{figure}[ht!]
\begin{center}
\includegraphics[width=3in]{figures/L1/nl_ratings_most_freq.pdf}
\caption{Violin plots visualizing the spread in native-likeness ratings for speakers of different native languages. The number of speakers is indicated between parentheses below the language. The correlation for each group is indicated above each violin plot.}
\label{fig:L1-ratings}
\end{center}
\end{figure}
To identify whether the acoustic distances computed using \texttt{w2v2-en} capture additional pronunciation characteristics compared to acoustic distances based on MFCCs or phonetic transcription-based distances, we fitted a multiple regression model predicting the human native-likeness ratings on the Speech Accent Archive dataset. Table \ref{table:regression} shows the estimated coefficients, and summarizes the fit of the regression model. Acoustic distances computed using \texttt{w2v2-en} and phonetic transcription-based distances calculated by the PMI-based Levenshtein distance both contribute significantly to the model fit ($p < 0.05$), whereas this is not the case for the MFCC-based distances. Overall, this model accounts for 77\% of the variation in the human native-likeness assessments. A model fitted exclusively on the basis of the phonetic transcription-based distances explains 60\% of the variation in the human native-likeness ratings. Given that a model fitted exclusively on the basis of the \texttt{w2v2-en}-based distances explains 76\% of the variation in the human native-likeness ratings, these self-supervised neural models capture information that is not captured by phonetic transcriptions. Nevertheless, the abstractions provided by phonetic transcriptions do provide some (limited) additional information over the self-supervised neural models.
\begin{table*}[ht]
\centering
\begin{tabular}{lrrrr}
\toprule
& \textbf{Estimate} & \textbf{Std. Error} & \textbf{\textit{t}-value} & \textbf{\textit{p}-value}\\
\midrule
(Intercept) & 11.60 & 2.35 & 4.94 & $<$ 0.001\\
LD \citep{wieling2014a} & -87.35 & 37.21 & -2.35 & $<$ 0.05\\
MFCC \citep{acoustic-measure} & 0.60 & 0.45 & 1.33 & 0.18\\
\texttt{w2v2-en} & -0.89 & 0.08 & -11.75 & $<$ 0.001\\
\bottomrule
\noalign{\vskip 1mm}
\end{tabular}
\resizebox{0.9\textwidth}{!}{\centerline{}}
\caption{Coefficients of a multiple regression model ($R^{2} = 0.77$) predicting human native-likeness judgments on the basis of phonetic transcription-based distances computed with the PMI-based Levenshtein distance (LD), and acoustic-only distances based on MFCCs and \texttt{w2v2-en}.}
\label{table:regression}
\end{table*}
Table \ref{table:living} shows how acoustic distances on the basis of the MFCC approach and the \texttt{w2v2-en} model are affected by intonation and timing differences, as well as by recording device. For each condition, ten repetitions were recorded. The recordings are the same as those used by \citet{acoustic-measure}, but the results for the MFCC approach reported by \citet{acoustic-measure} were not normalized. To enable a better comparison, however, all obtained distances are scaled between 0 and 1. It is clear that the averaged distances from the repetitions of the same word (which may have differed slightly) are somewhat smaller for the \texttt{w2v2-en} model than for the MFCC approach. Importantly, whereas the MFCC approach does not cope well with a different recording device, this is much better for the \texttt{w2v2-en} model (i.e.~resulting in values closer to those for the normal pronunciation). Interestingly, whereas the MFCC approach appears to find larger differences between recordings differing in intonation compared to those with a lengthened first syllable, this is opposite for the \texttt{w2v2-en} model. Both methods, however, appear to be sensitive to differences regarding these aspects.
\begin{figure*}[ht]
\centering
\begin{subfigure}[b]{0.49\textwidth}
\centering
\includegraphics[width=3in]{figures/vis-tool/living_ref2living_ref3.pdf}
\caption{Normal pronunciation}
\label{fig:vistool-normal}
\end{subfigure}
\hfill
\begin{subfigure}[b]{0.49\textwidth}
\centering
\includegraphics[width=3in]{figures/vis-tool/living_ref2living_ph3.pdf}
\caption{Different recording device}
\label{fig:fig:vistool-recdev}
\end{subfigure}
\par\bigskip
\begin{subfigure}[b]{0.49\textwidth}
\centering
\includegraphics[width=3in]{figures/vis-tool/living_ref2living_sm10.pdf}
\caption{Rising intonation}
\label{fig:fig:vistool-rising}
\end{subfigure}
\begin{subfigure}[b]{0.49\textwidth}
\centering
\includegraphics[width=3in]{figures/vis-tool/living_ref2li_ving7_v2.pdf}
\caption{Lengthened first syllable}
\label{fig:vistool-lengthened}
\end{subfigure}
\caption{Visualization of neural acoustic distances per frame (based on \texttt{w2v2-en}) comparing each of the four variants of ``living'' to the same normal pronunciation. See the text for further details.}
\label{fig:fourplots}
\end{figure*}
\begin{table*}[ht]
\centering
\begin{tabular}{lrr}
\toprule
& \textbf{\texttt{w2v2-en}} & \textbf{MFCC} \\
\midrule
Normal pronunciation & 0.18 (0.10) & 0.23 (0.13) \\
Normal pronunciation (different recording device) & 0.29 (0.08) & 0.88 (0.04) \\
Rising intonation & 0.61 (0.07) & 0.92 (0.03) \\
Lengthened first syllable & 0.91 (0.05) & 0.80 (0.03) \\
\bottomrule
\end{tabular}
\caption{Normalized averaged acoustic distances of four variants of the word ``living'' (each repeated ten times) compared to the normal pronunciation of ``living'', computed using \texttt{w2v2-en} and MFCCs. Standard deviations are shown between parentheses.}
\label{table:living}
\end{table*}
Figure~\ref{fig:fourplots} visualizes a comparison between a single normal pronunciation of ``living'' and four other pronunciations. Specifically, Figure~\ref{fig:vistool-normal} shows a comparison with another normal pronunciation. Figure~\ref{fig:fig:vistool-recdev} shows a comparison with the same pronunciation, but using a different recording device. Figure~\ref{fig:fig:vistool-rising} shows a comparison with a rising intonation pronunciation. Finally, Figure~\ref{fig:vistool-lengthened} shows a comparison with a lengthened first syllable pronunciation (also exemplified by the larger circle denoting an alignment with similar samples which differ in duration). In line with Table~\ref{table:living}, the distance between the two normal pronunciations is smaller than when using a different recording device. Note that these distances are not normalized, as they simply compare two recordings. Both distances, however, are smaller than those with rising intonation (revealing a curvilinear pattern) and the lengthened first syllable (showing the largest difference at the beginning of the word).
\section{Discussion and conclusion}
In this study, we investigated how several self-supervised neural models may be used to automatically investigate pronunciation variation without using phonetic transcriptions.
We used neural representations to calculate word-based pronunciation differences for English accents, and Norwegian and Dutch dialects, and compared the results to human ratings of native-likeness for the English and Norwegian speakers. While these ratings were provided on crude (5 to 7-point) Likert-scales, where individual raters' biases or strategies may have affected their ratings, averaging across dozens of raters for each sample likely yields an adequate estimate of native-likeness for each speaker. Our experiments showed that acoustic distances computed with Transformer-based models, such as \texttt{w2v2-en}, closely match these averaged human native-likeness ratings for the English datasets, and that performance greatly depended on the choice of layer. This finding not only demonstrates that these layers contain useful abstractions and generalizations of acoustic information, but also shows that the final layers represent information that is tailored to the target objective (which was speech recognition instead of our present goal of quantifying acoustic differences). This result is in line with those in the field of natural language processing when using Transformer-based methods with textual data \citep{tenneyBERTRediscoversClassical2019, devriesWhatSpecialBERT2020}. In contrast to the selected layer, the \texttt{w2v2} and \texttt{XLSR} models appeared to be robust against the choice of reference speaker(s) to compare against. Even choosing a single reference speaker resulted in correlations that were not substantially different from those that used the full set. Interestingly, correlations on the basis of some words were not much lower than those on the basis of the full set of words, suggesting that a smaller number of words may already yield an adequate assessment of native-likeness.
Our newly-developed visualization tool helped us to understand these `black box' models, as it visualized where the differences between two pronunciations were largest (i.e. the locus of the effect). We also showed that our neural method captures aspects of pronunciations (such as subtle durational or intonation differences) that are hard to represent by a set of discrete symbols used in phonetic transcriptions, and is relatively unaffected by non-linguistic variation caused by using a different recording device.
Our results seem to indicate that phonetic transcriptions are no longer essential for a reliable and accurate assessment of pronunciation variation on our English datasets when a Transformer-based model is available, suggesting that a time-consuming and labor intensive process can be omitted when the goal of obtaining transcriptions is to model human perceptual judgements regarding native-likeness. This is also supported by our regression model, which showed that the additional contribution of phonetic transcription-based distances was very limited compared to the acoustic-only neural distances.
In contrast with the performance on the English datasets, we found that Transformer-based neural representations performed worse when applied to the Norwegian dialects dataset. However, pronunciations of the Norwegian dialects dataset were represented by a model which was trained exclusively or dominantly on English speech. Unfortunately, Norwegian was not among the pre-training languages included in the multilingual (\texttt{XLSR}) model, nor available for fine-tuning. We expect that when creating a \texttt{w2v2} model for Norwegian, this would result in improved performance. However, creating these models is very costly in terms of required computing power. Specifically, we estimate that pre-training (without hyperparameter tuning and optimization) a new \texttt{w2v2} model for a different language takes about 150 days on a single state-of-the-art NVIDIA A100 GPU (costing approximately US\$ 10,000).
While we were not able to evaluate the performance of the Dutch dialects dataset against perceptual ratings, the quality of these recordings (made during the 1990's) was rather low and would likely not have resulted in a high performance, as even the \texttt{w2v2-en} model appears to be affected by non-speech related factors (such as the microphone used). The relatively low explained variance of the MDS plot on the basis of the \texttt{w2v2-en} model as compared to using the PMI-based Levenshtein distance algorithm also supports this. Nevertheless, also for the \texttt{w2v2-en} model, the visualization did appear to somewhat distinguish the major Dutch dialect areas. Interestingly, the \texttt{XLSR-nl} model, which included Dutch both during the pre-training and during the fine-tuning stage, did not appear to improve over the monolingual English \texttt{w2v2-en} model. However, we cannot exclude the possibility that the sub-optimal audio quality may have limited the ability of the neural models to identify sufficient signal in the noise.
Even though the evaluated architectures were originally designed for natural language processing, and the specific acoustic self-supervised neural models were created for improving performance in the domain of transforming speech to text, we have shown that the neural representations can also be successfully applied to an unrelated task in a different domain.
Moreover, we have illustrated that Transformer-based speech representations are able to model fine-grained differences in homogeneous speaker groups (e.g., from the same language background), and generalize over individual speaker differences, including gender, which makes them potentially useful for other tasks as well.
While our results are promising, the application of the \texttt{w2v2} approach is only possible when an existing \texttt{w2v2} model is available for the language in question, or when sufficient data and computing resources are available to create a new \texttt{w2v2} model. When such resources are not available, the monolingual English model appears to be a suitable alternative, generally outperforming the language-invariant acoustic-only method proposed by \citet{acoustic-measure}. Future work, however, should be aimed at further investigating how existing high-resource language \texttt{w2v2} models may be exploited or extended when analyzing language variation in low-resource languages.
\section*{Declaration of interest}
Declarations of interest: none.
\section*{Acknowledgments}
The authors thank Hedwig Sekeres for creating the transcriptions of the Dutch speakers dataset.
\newpage
\bibliographystyle{acl_natbib}
|
\section{Introduction}
Speaker verification (SV) is the task of verifying a person using his/her speech signal, which can be either text-independent (TI) or text-dependent (TD). In a TI-SV system, speakers are free to speak any text content during the system enrollment and test phases. On the contrary, TD-SV constrains a speaker to speak a particular pass-phrase from a predefined list in both enrollment and test phases. As TD-SV maintains the matched phonetic contents between training and test phases, it is superior to TI-SV for SV with short utterances and ideal for real-world applications.
An important factor that characterises speech signals is vocal tract length (VTL), which varies from person to person and is of importance to deal with in speech systems including speaker recognition and automatic speech recognition (ASR). For example, vocal tract length normalization (VTLN) \cite{7078563,umesh_sadana,akhil-interspeech2008} is widely used in ASR to reduce the effect of speaker variability due to the difference in VTL among speakers. In \cite{Jaitly_vocaltract}, VTL warped features are used for ASR as a data augmentation technique.
The use of VTL information in speaker recognition is rather limited with few applications in \emph{text-independent} context only, e.g., speaker identification \cite{sarkar2009} and verification \cite{achintya-odyssey2010}.
In \cite{sarkar2009}, VTL warped features are used for building a Gaussian mixture model-universal background model (GMM-UBM) called VTLN-UBM for speaker identification. Then speaker models are derived from the GMM-UBM using the enrolment data of each speaker. During test, feature vectors of a test utterance is scored against the models of registered speakers to identify the best matching speaker. Only training data are warped, but enrollment and test data are the original cepstral features without warping. In \cite{achintya-odyssey2010, Zhang-odyssey2010}, different GMM-UBM models are trained based on the VTL
factors of speakers in training data; each model corresponds to one VTL factor value. During enrolment, speaker models are derived from the VTL factor-specific GMM-UBM that matches their VTL factor values by using enrolment data. During test, the feature vectors of the test utterance are scored against the claimant speaker model and the corresponding GMM-UBM. All training, enrollment and test data are unwarped.
In summary, VTL warped features have been used for TI speaker identification and the VTL concept has been exploited for TI-SV. To the best of our knowledge, no prior work exploits VTL warped features for SV. Furthermore, no prior work applies the VTL concept for TD-SV. As VTL is an important factor characterising speakers, \emph{we propose a VTL perturbation method for TD-SV.} Specifically, the proposed method trains a set of TD-SV systems, one for each VTL factor, and decision level fusion is applied to combine the systems to make final SV decision. Note that the VTLN-UBM method in \cite{sarkar2009} is not suitable for SV as VTLN-UBM is trained with warped features whereas targets are derived with unwarped features during adaptation. Therefore a test unwarped feature will mismatch with the VTLN-UBM. Paper \cite{achintya-odyssey2010} extends the concept of gender dependent SV further by grouping the speaker based on their VTL values, which can be used in conjunction with the proposed method.
Recently, self-supervised learning has attracted significant attention in the community. A notable method of such is based on autoregressive prediction coding (APC), and it has shown to be able to learn powerful speech representations, which perform extremely well for several downstream tasks including ASR and speaker identification \cite{chung2020generative, Chung2019}. In APC, a deep neural network (DNN) encoder is trained with the objective function to predict future frames. The output from a selected hidden layer is considered as the APC feature. It is shown in \cite{chung2020generative} that the APC feature significantly outperforms the widely-used cepstral feature. However, \emph{the performance of APC on TD-SV has not been established yet}. Besides, we compare it to a bottleneck (BN) feature trained in a supervised fashion. In the literature, there are a number of BN features such as those trained to discriminate speakers \cite{Yuan2015}, senones \cite{McLaren2015}, a combination of them \cite{Yuan2015}, or tri-phone state \cite{Yuan2015}, time-contrastive-learning (TCL) and phone discriminate \cite{DBLP:journals/taslp/SarkarTTSG19}. In this work, we choose the BN feature discriminating speakers (Spk-BN) for comparison.
To investigate joint effect of BN features and VTL perturbation on TD-SV, we apply the proposed VTL method to the BN features including both APC-BN and Spk-BN. In the end, we fuse the systems based on MFCC, APC-BN and Spk-BN in the score domain.
We conducted experiments on the RedDots dataset of TD-SV using short utterances \cite{RedDots} and show encouraging results under both GMM-UBM and i-vector modeling frameworks. The choice of these modelling methods is based on the comparison in \cite{UIAI20}, which shows that GMM-UBM remains a better choice for TD-SV using short utterances than other methods. Although x-vector \cite{DBLP:conf/icassp/SnyderGSPK18} has shown promising results for TI-SV, it is not successful so far for TD-SV possibly due to limited training data~\cite{zeinali2019short}.
\section{Features and TD-SV modeling methods}
\label{sec:tdSV}
\subsection{Features}
\subsubsection{Spk-BN feature} During training, Mel-frequency cepstral coefficients (MFCCs) are fed to a DNN to discriminate speakers with coss-entropy objective function.
When using it, the output of a particular hidden layer of the DNN for a given speech segment at frame-level is projected onto the low dimensional space using principal component analysis (PCA) to get Spk-BN feature {\cite{DBLP:journals/taslp/SarkarTTSG19}}.
\subsubsection{APC-BN feature}
During training, MFCC feature vectors are fed to a DNN encoder with a objective function to minimize the $L1$ loss between the predicted sequence $(\bm{y}_1 , \bm{y}_2, \ldots, \bm{y}_N)$ and the target sequence $(\bm{t}_1, \bm{t}_2, \ldots \bm{t}_N)$ by right-shifting the input sequence $(\bm{x}_1, \bm{x}_2, \ldots, \bm{x}_N)$ of $n$ time steps:
\begin{equation}
\sum_{i=1}^{N-n} |\bm{t}_i -\bm{y}_i|, \quad \bm{t}_i = \bm{x}_{i+n}.
\label{eq:apc}
\end{equation}
When using it, the output from a particular hidden layer of the DNN for a given utterance is extracted at frame-level to get the APC feature of 512 dimensions, which is then used for text-independent speaker identification \cite{chung2020generative} and and verification \cite{Chung2019}.
In this work, the 512-dimensional APC feature is projected onto the low dimensional space using PCA to get APC-BN feature of the same dimension as Spk-BN.
\subsection{Speaker verification methods}
\label{sec:GMM_tech}
\subsubsection{GMM-UBM technique} A GMM-UBM \cite{reynold00} is trained using data from many non-target speakers. Speakers are then represented by their models derived from the GMM-UBM using the enrollment data of the particular speaker with maximum a posteriori (MAP) adaptation. During test, the feature vectors of a test utterance $\mathbf{X}=\left\{\mathbf{x}_1,\mathbf{x}_2,\ldots, \mathbf{x}_N \right\}$ are scored against the claimant model $\lambda_r$ (obtained in the enrollment phase) and GMM-UBM $\lambda_{ubm}$, respectively. Finally, a log-likelihood ratio (LLR) value $\Lambda(\bm{X})$ is calculated using scores between the claimant and GMM-UBM models. The LLR value is used to accept or reject the claimant.
\begin{eqnarray}
\Lambda(\mathbf{X}) = \frac{1}{N}\big[\log p(\mathbf{X}|\lambda_r)- \log p(\mathbf{X}|\lambda_{ubm}) \big] \label{eq:llr}
\end{eqnarray}
\subsubsection{i-vector} In this technique \cite{Deka_ieee2011}, a speech signal is represented by a vector called \emph{i-vector}. An i-vector is obtained by decomposing the speaker and channel dependent GMM super-vector $\bm{M}$ as
\begin{equation}
\bm{M} = \bm{m} + \bm{Tw}
\end{equation}
where $\bm{m}$ denotes the speaker-independent GMM super-vector and {$\bm{w}$ is called an i-vector}. $\bm{T}$ is the total variability space (T-space) on a subspace of $\bm{m}$, where speaker and channel information is assume to be dense.
During the training phase, each target is represented by an average i-vector computed over his/her training utterance-wise (or session-wise) i-vectors. During test, the i-vector of the test utterance is scored against the claimant specific i-vector (obtained during enrolment) with probabilistic linear discriminant analysis (PLDA) \cite{SenoussaouiInterspch2011}.
\section{Proposed VTL perturbation for TD-SV}
\label{sec:prop_methd}
\subsection{Concept of VTL}
In this concept \cite{Lee-Rose98}, the spectra for a spoken content between the two speakers (A and B) are matched by scaling the frequency axis of the signal spectra,
\begin{eqnarray}
S_A(f) = S_B(\alpha f)
\end{eqnarray}
where, the $\alpha$ is called VTL (or VTL warp) factor.
\begin{figure}[!b]
\centering{\includegraphics[height=6.0cm,width=7.2cm]{formants.eps}}
\caption{\it The spectra of vowel /eh/ for male and female speakers \cite{achintya-odyssey2010}.}
\label{fig:vtln_warp}
\end{figure}
Fig.~\ref{fig:vtln_warp} shows the smoothed spectra of vowel /eh/ uttered by a male and a female speaker.
To match the formants of the male speaker to those of the female speaker (as reference), it is required to scale the frequency axis, i.e., to expand the spectra of the male speaker.
Based on the psychological structure of male and female speakers, $\alpha$ generally lies in the range $[0.80, 1.20]$ with steps of $0.02$. To maintain the bandwidth of original signal ($f$) with warped frequency spectra ($f_{w}$), the warped frequency is expressed as a piece-wise linear \cite{Lee-Rose98},
\begin{eqnarray}
f_{w} = (\alpha f) =
\begin{cases}
\alpha f, & 0 \leq f \leq f_0\\
\frac{f_{max} -\alpha f_0}{f_{max}-f_0}(f-f_0) + \alpha f_0, & \quad f_0 \leq f \leq f_{max}
\end{cases}
\end{eqnarray}
\noindent where $f_{max}$ and $f_0$ denote the signal maximum bandwidth and empirical upper boundary frequency up to $\alpha$ linearly warped, respectively.
\subsection{Proposed method}
Conventional TD-SV systems use MFCC features with $\alpha=1.0$. In the proposed method, MFCC features are extracted for different values of VTL factors from $0.80$ to $1.20$ with increment value of $0.02$ by warping the frequency axis of spectra for a given utterance as per \cite{Lee-Rose98}. This gives $21$ sets of cepstral features (incl. $\alpha=1.0$) for a given speech utterance and the sets of features are used for the development of TD-SV systems, separately, i.e., for training DNN, GMM-UBM, T-space and PLDA, leading to one system per VTL factor.
When APC-BN and Spk-BN features are used, DNN models for BN feature extraction are trained using cepstral features warped for each VTL factor.
Afterward, the cepstral feature of an utterance for a particular VTL factor is fed to the corresponding DNN for Spk-BN and APC-BN. It can be expressed as
\begin{eqnarray}
\bm{x}_{\alpha}^{BN} & = & f_{DNN_{\alpha}}(\bm{x_{\alpha}}), \quad \alpha \epsilon \;[0.80, 1.20]
\end{eqnarray}
\noindent {where $\bm{x}^{BN}_{\alpha}$ denotes the Spk-BN or APC-BN feature extracted from MFCC with VTL factor $\alpha$ for a given speech utterance $x$ using the DNN corresponding to VTL factor $\alpha$. } The extracted features are used for building the TD-SV. It gives $21$ TD-SV systems for Spk-BN and APC-BN, respectively. Finally, scores of the different VTL feature based TD-SV systems are fused with equal importance and used for decision making,
\begin{eqnarray}
Score_{fusion} = \frac{1}{N}\sum_{i=1}^{N} Score_i \label{eq:fusion}
\end{eqnarray}
This is compared to systems use MFCC, Spk-BN and APC-BN features for ($\alpha=1.0$).
\begin{figure*}[t]
{\subfigure[\it]{\includegraphics[width=4.8cm,height=2.8cm]{Fig_TW_new.eps}
\label{fig:46_anch}}}
{\hspace*{-0.60cm}\subfigure[\it]{\includegraphics[width=4.8cm,height=2.8cm]{Fig_IC_new.eps}
\label{fig:146anch}}}
{\hspace*{-0.6cm}\subfigure[\it]{\includegraphics[width=4.8cm,height=2.9cm]{Fig_IW_new.eps}
\label{fig:246anch}}}
{\hspace*{-0.6cm}\subfigure[\it]{\includegraphics[width=4.8cm,height=2.8cm]{Fig_avg_new.eps}
\label{fig:346anch}}}
\caption{\it Comparison of TD-SV performance between MFCC, Spk-BN and APC-BN features and their score-level fusion across different values of $\alpha$ and different trials on the RedDots database with the GMM-UBM technique: {\bf (a)} Target-wrong {\bf(b)} Imposter-wrong {\bf(c)} Imposter-wrong and {\bf(d)} Average EER over (a), (b) and (c).}
\label{fig:sv_eer_alpha}
\vspace*{-0.3cm}
\end{figure*}
\section{Experimental setup}
\label{sec:expsetup}
Experiments for TD-SV are conducted on the \emph{m-part-01} task (for male speakers) of the RedDots database as per protocol \cite{RedDots}. There are $320$ target models to train, each having three utterances/speech samples. Each utterance is approximately $2$ seconds duration on average. There are four types of trials for system evaluation shown in Table \ref{table:no_trial}. More details can be found in \cite{RedDots}.\\
\begin{itemize}
\item\emph{Genuine trial} is when a target speaker claims the identity during test by speaking a pass-phrase included in the enrollment.
\item\emph{Target-wrong} is when a target speaker claims the identity during test by speaking a pass-phrase that is not included in the enrollment.
\item\emph{Imposter-correct} is when an imposter falsely claims as a genuine speaker with pronouncing a pass-phrase included in the enrollment.
\item\emph{Imposter-wrong} is when an imposter falsely claims as a genuine speaker with pronouncing a pass-phrase that is not included in the enrollment.
\end{itemize}
The RSR2015 database \cite{RSR2015} is used to train the total variability space and PLDA in the i-vector system and to train DNNs for Spk-BN and APC-BN feature extraction. The database consists of $157$ male and $143$ female speakers and of $72764$ utterances over $27$ pass-phrases after excluding the pass-phrases common with the RedDots database.
MFCC feature vectors of $57$ dimension (i.e., $19$ static and their $ \Delta, \Delta\Delta$) with RASTA filtering \cite{Hermanksy94} are extracted from speech signals using a $25 ms$ hamming window and a $10ms$ frames shift for different values of $\alpha$. The upper boundary frequency required in VTL \cite{Lee-Rose98} is set $85\%$ of highest frequency in the speech signal. HTK toolkit \cite{htkbook} is used for feature extraction. An open-source robust voice activity detection (rVAD)\footnote{\url{https://github.com/zhenghuatan/rVAD}} \cite{TanSD20} is applied to discard the less energized frames. The selected frames are then normalized to fit zero mean and unit variance at the utterance level.
\begin{table}[t]
\begin{center}
\caption{Number of trials in evaluation set.}
\vspace*{-0.1cm}
\begin{tabular}{|l|l|l|l|}\cline{1-4}
\# of & \multicolumn{3}{c|}{\# of trials in Non-target type} \\
Genuine & Target & Imposter & Imposter \\
trials &-wrong & -correct & -wrong \\ \hline
3242 & 29178 & 120086 & 1080774 \\ \hline
\end{tabular}
\label{table:no_trial}
\end{center}
\end{table}
A GMM-UBM with $512$ mixtures having diagonal co-variance matrices is trained using $6300$ speech files from the TIMIT database \cite{Timit} consisting of $438$ males and $192$ females.
This data set is also used for training low dimensional PCA space in BN feature extraction. In MAP adaptation, $3$ iterations with the value of relevance factor $10$, are considered.
In PLDA, the utterances of the same pass-phrase from a particular speaker are treated as an individual speaker. It gives $8100$ classes (4239 males and 3861 females) in PLDA. Speaker and channel factors are kept full in PLDA, i.e. equal to the dimension of i-vector ($400$). Before PLDA, i-vectors are normalized with spherical normalization \cite{Pierre-interspeech2012}.
For Spk-BN, TensorFlow \cite{tensorflow2015-whitepaper} is used for training the DNNs {with the following settings: variable batch sizes from $256$ to $1024$, variable learning rates from $0.8$ to $0.08$, and $30$ training epochs}. Seven layers of feed-forward networks with a sigmoid activation function are used. The input layer considers the context window of $11$ frames (i.e. $5$ frames left, current frame, $5$ frames right). Each hidden layer consists of $1024$ neurons. The number of nodes at output is equal to the number of speakers, i.e., $300$ in DNN training data. In Spk-BN, the frame-level output from the fourth hidden layer of DNNs is projected onto $57$ dimensional space to align with the dimension of the MFCCs feature for a fair comparison as per \cite{DBLP:journals/taslp/SarkarTTSG19}.
Deep APC features are extracted as per \cite{chung2020generative}. DNN encoder consists of $3$ hidden layers GRU with ReLU activation function, the output layer is linear, the batch size is $32$, and the learning rate is $0.001$, and $n=5$ as in Eq \ref{eq:apc} for APC (which gives the best performance in \cite{chung2020generative}). Output from the last hidden layer of DNN at frame-level is projected onto $57$ dimensional space to get APC-BN feature.
System performance is measured in terms of equal error rate (EER) and minimum detection cost function (minDCF) as per the 2008 SRE \cite{SRE08}.
\begin{table}[!b]
\caption{\it TD-SV performance of the proposed VTL perturbation method and its combination with APC-BN and Spk-BN features on the RedDots database in terms of \%EER/(MinDCF$\times$ 100) with GMM-UBM.}
\setlength\tabcolsep{1.7pt}
\begin{center}
\scriptsize{
\begin{tabular}{|llll|l|}\cline{1-5}
System & \multicolumn{3}{c|}{Non-target type} & Avg. \\
& Target- & Imposter & Imposter- & EER/\\
& wrong & correct & wrong & MinDCF\\ \hline
{\bf Baseline:} & & & &\\
MFCC ($\alpha$=$1.0$) & 3.80/1.38& 2.83/1.19&0.92/0.28 & 2.52/0.95 \\
Spk-BN ($\alpha$=$1.0$) & 3.37/1.34 & 2.74/1.27 &0.98/0.28 & 2.36/0.96 \\
APC-BN ($\alpha$=$1.0$) & 0.86/0.29 & 4.59/2.03 & 0.37/0.09 & 1.94/0.81 \\
& & & & \\
{\bf Proposed:} & & & & \\
MFCC (all $\alpha$) & 3.06/1.23& 2.19/1.00&0.52/0.14 & 1.92/0.79 \\
Spk-BN (all $\alpha$) &2.52/1.03 & {\bf 2.03/0.89} &0.49/0.13 & 1.68/0.68\\
APC-BN (all $\alpha$) & {\bf 0.64/0.19} & 3.80/1.71 & 0.27/0.05 & 1.57/0.65\\
& & & & \\
{\bf Score fusion:} & & & & \\
MFCC + Spk-BN ($\alpha$=$1.0$) & 3.26/1.22 & 2.51/1.09&0.77/0.19 & 2.18/0.84 \\
MFCC + APC-BN ($\alpha$=$1.0$) & 0.95/0.35 & 3.08/1.43 & 0.30/0.07 & 1.44/0.62\\
MFCC + [Spk + APC]-BN ($\alpha$=$1.0$) & 1.07/0.38 &2.65/1.26 & 0.27/0.07 & 1.33/0.57 \\
& & & & \\
MFCC + Spk-BN(all $\alpha$) & 2.74/1.10 & 1.91/0.91 & 0.46/0.11 & 1.70/0.71 \\
MFCC + APC-BN (all $\alpha$) & 0.85/0.25 & 2.83/1.30 &{\bf 0.24/0.04 } & 1.31/0.53 \\
MFCC + [Spk + APC]-BN (all $\alpha$) & 0.92/0.30 & 2.37/1.12 & {\bf 0.24/0.04} & \bf{1.18/0.49} \\
\hline
\end{tabular}
}
\end{center}
\label{table:table1_res}
\end{table}
\section{Results and Discussions}
\label{sec:res_diss}
This section presents experimental results on TD-SV.
\subsection{Results under the GMM-UBM framework}
Fig. \ref{fig:sv_eer_alpha} shows TD-SV results of MFCC, Spk-BN and APC-BN features and their score-level fusion for different VTL factors ($\alpha$) on the RedDots database.
We observe that APC-BN yields lowest EER values for Target-wrong and Imposter-wrong over all values of $\alpha$. However, it fails in Imposter-correct as compared to MFCC and Spk-BN. This can be explain by the fact that the APC objective is to predict the content of future frames and thus the APC-BN feature is sensitive to the linguistic content. On average, APC-BN significantly outperforms other features. Fusion of three feature systems further reduces the EERs.
Table \ref{table:table1_res} presents the results of the proposed VTL perturbation method and its combination with APC-BN and Spk-BN features. It is seen that the proposed method significantly reduces the average EERs for all features. Fusion of the feature-dependent systems further improves the performance; the EER reduces from $2.52\%$ of the baseline MFCC to $1.18\%$ of the fused system. Similar observation is seen in terms of minDCF. Note that the average EER for MFCC is 2.52\% as compared to 3.19\% in \cite{DBLP:journals/taslp/SarkarTTSG19}, and the improvement is due to the use of rVAD \cite{TanSD20} in this work instead of an energy based one.
\begin{table}[!b]
\caption{\it TD-SV performance of the proposed VTL perturbation methdo and its combination with APC-BN and Spk-BN features on the RedDots database in terms of [\%EER/(MinDCF$\times$ 100)]) with i-vector.}
\setlength\tabcolsep{1.70pt}
\begin{center}
\scriptsize{
\begin{tabular}{|llll|l|}\cline{1-5}
System & \multicolumn{3}{c|}{Non-target type} & Avg. \\
& Target- & Imposter & Imposter- & EER/\\
& wrong & correct & wrong & MinDCF\\ \hline
{\bf Baseline:} & & & & \\
MFCC ($\alpha=1.0$) &6.07/2.60 & 4.07/1.81 & 1.17/0.46 & 3.77/1.62\\
Spk-BN ($\alpha=1.0$) & 6.39/2.78& 4.87/1.98& 1.60/0.63 & 4.29/1.80 \\
APC-BN ($\alpha$=$1.0$) &2.07/0.65 &7.97/3.22 &0.77/0.28 & 3.60/1.38\\
& & & & \\
{\bf Proposed:} & & & & \\
MFCC (all $\alpha$) &4.88/2.10 &2.80/1.23 &0.67/0.25 & 2.78/1.19 \\
Spk-BN (all $\alpha$) & 4.07/1.85 & 2.96/1.28 &0.60/0.23 & 2.54/1.12\\
APC-BN (all $\alpha$) & 1.10/0.33 & 6.07/2.18 & 0.46/0.09 & 2.54/0.87 \\
& & & & \\
{\bf Score fusion:} & & & & \\
MFCC + Spk-BN ($\alpha$=$1.0$) & 3.26/1.22 & {\bf 2.51/1.09} & 0.77/0.19 & 2.18/0.84\\
MFCC + APC-BN ($\alpha$=$1.0$) & 1.69/0.58 & 5.27/2.12 & 0.49/0.13 & 2.48/0.94\\
MFCC + [Spk + APC]-BN ($\alpha$=$1.0$) & 1.56/0.58 & 4.10/1.68 & 0.43/0.11 & 2.03/0.79\\
& & & & \\
MFCC + Spk-BN (all $\alpha$) & 4.27/1.88 & 2.71/1.16 &0.57/0.21 & 2.51/1.08 \\
MFCC + APC-BN (all $\alpha$) & {\bf 0.98/0.35} & 4.03/1.47 & {\bf 0.33/0.06} & 1.78/0.63 \\
MFCC+ [Spk + APC]-BN (all $\alpha$) & 1.07/0.36 & 3.28/1.23 & {\bf 0.33/0.06} & {\bf 1.56/0.55} \\
\hline
\end{tabular}
}
\end{center}
\label{table:table2_res}
\end{table}
\subsection{Results under the i-vector framework}
Table \ref{table:table2_res} presents the corresponding results using the i-vector technique, and we can see similar observations to those of GMM-UBM.
\section{Conclusion}
\label{sec:con}
In this letter, we proposed a VTL perturbation method for TD-SV and experimentally demonstrated its effectiveness. We further explored the performance of APC-BN for TD-SV in comparison to the cepstral feature and the speaker-discriminant BN feature, and APC-BN showed superior performance. The VTL perturbation method was then applied to BN features, which improved the performance further. In the end, fusion of three feature-dependent systems performs the best.
\newpage
\bibliographystyle{IEEEbib}
|
\section{Introduction}
Federated learning (FL) \cite{mcmahan2017communication} enables different clients to collaboratively train a global model by sending local model parameters or gradients to a sever, instead of the raw data. Compared to traditional centralized learning, FL cannot only address the problem of isolated data island, but also play an important role in privacy preservation. Consequently, FL has been deployed in an increasing number of applications in mobile platforms, healthcare, and industrial engineering, among many others \cite{LI2020106854,yang2019federated}.
However, FL consumes a considerable amount of communication resources. Model parameters or gradients need to be downloaded and uploaded frequently between the server and clients in each communication round, resulting in a longer operational stage especially for those large and complex models such as deep convolutional neural networks \cite{krizhevsky2017imagenet}. Much research work has been proposed to reduce the communication costs in the context of FL, including layer-wise asynchronous model update \cite{8945292}, reduction of the model complexity \cite{zhu2020real}, optimal client sampling \cite{ribero2020}, and model quantization \cite{amiri2020federated,xu2020ternary} based on the trained ternary compression \cite{zhu2016trained}. It has been empirically and theoretically shown that using quantization in FL does not cause severe model performance degradation \cite{amiri2020federated,dai2019hyper,du2020high}, and under certain conditions, quantization can even reduce weight divergence \cite{xu2020ternary}.
Although FL can preserve data privacy to a certain degree, recent studies \cite{shokri2015privacy,orekondy2018gradient,8241854,geiping2020inverting,8712695} have shown that local data information can still be breached through the model gradients uploaded from each client.
Under the assumption that the server is \emph{honest-but-curious}, differential privacy (DP) \cite{10.1007/978-3-540-79228-4_1} and homomorphic encryption (HE) \cite{gentry2009fully} have been introduced into FL as additional privacy-preserving mechanisms. DP injects Gaussian \cite{abadi2016deep} or Laplacian \cite{shokri2015privacy} noise into each uploaded model gradients \cite{geyer2017differentially,wei2020federated}, which is cost-effective and light-weighted. But the added noise has a negative impact on the model performance and cannot deal with data reconstruction attacks upon the model gradients \cite{8241854}.
HE is originally applied to outsourced data for privacy-preserving computation and supports direct ciphertext calculations. It can be roughly divided into partial homomorphic, somewhat homomorphic and fully homomorphic encryptions \cite{gentry2009fully}. Among them, additive HE \cite{Paillier1999public} can be seen as a partial HE that provides an efficient protection on gradients and enables gradient aggregation in FL, in which only the addition operation is involved. In an HE-based FL, each client encrypts its model gradients before uploading to the central server, where all encryptions can be directly aggregated. Phong \emph{et al.} \cite{8241854} adopted learning with error (LWE) based HE and Paillier encryption in distributed machine learning to safeguard communicated model parameters. But their method requires that all clients are honest, which is a very strong assumption and unrealistic for many real-world applications. Later, Truex \emph{et al.}\cite{10.1145/3338501.3357370} performed threshold Paillier encryption \cite{damgaard2001generalisation} to construct a more practical system, which is more robust to malicious clients in the FL context.
Similar ideas that use HE in FL have also been presented in \cite{mandal2019privfl,hao2019towards}, which, however, incur a considerable increase in communication costs. More recently, Zhang \emph{et al.} \cite{254465} proposed a batchcrypt scheme for batch gradients encoding and encryption without increasing the communication costs, but this method consumes huge amount of local computational resources.
Using HE and DP \cite{10.1145/3338501.3357370,8825829,8747377} together in FL has become a popular research topic nowadays, which can defend against attacks upon the shared global model on the server side. Nevertheless, DP protection in this framework has limited effect against inference attacks from the client side, since local data has been already ``masked" by HE.
Existing HE-based FL systems have the following two major drawbacks. First, most methods require a trusted third party (TTP) to generate and distribute key pairs, increasing topological complexity and attack surfaces of FL systems. Second, existing HE-based FL designs do not scale well to deep learning models containing a large number of parameters, because encryption and decryption of all trainable parameters are computationally prohibitive and uploading the entire encrypted model consumes a huge amount of communication resources.
To address the above challenges, this work aims to propose a practical and efficient privacy-preserving federated deep learning framework on the basis of additive ElGamal encryption \cite{ElGamal1985public} and ternary quantization of the local model parameters, DAEQ-FL for short. The main contributions of the work are:
\begin{itemize}
\item We propose, for the first time, an efficient threshold encryption system with federated key generation and model quantization for federated deep learning systems. As a result, the number of model parameters to be encrypted and the communication costs for uploading the local models are considerably reduced, and an extra TTP is no longer required.
\item An approximate model aggregation method is developed for the server to separately aggregate the uploaded ciphertexts and the quantized gradients, making it possible to download the aggregated ciphertexts to $T$ (threshold value) qualified clients only for distributed partial decryption. Thus, the proposed approximate aggregation can further dramatically reduce the computational and communication cost for threshold decryption.
\item Extensive empirical experiments are performed to compare the proposed method to threshold Paillier \cite{10.1145/3338501.3357370} with respect to the learning performance, communication cost, computation time and security. Our results confirm that even encoded with 10 bits, the proposed method can significantly decrease the computation time and communication cost with no or negligible performance degradation.
\end{itemize}
The remainder of the paper is structured as follows. Section II introduces the preliminaries of federated learning, deep neural network models, and the ElGamal encryption system. Details of the proposed methods, including federated key generation, encryption and decryption, ternary quantization, and model aggregation are provided in Section III. Experimental results and discussions are given in Section IV. Finally, conclusion and future work are presented in Section V.
\section{Preliminaries}
\subsection{Federated Learning}
Unlike the centralized cloud model training that needs to collect raw data from different parties and store the data on a server, FL \cite{yang2019federated} is able to distributively learn a shared global model without accessing any private data of the clients. As shown in Fig. \ref{hfederated}, at the $t$-th round of FL, $K$ connected clients download the same global model $\theta_{t}$ from the server and update it by training with their own data. After that, trained local models or gradients will be uploaded back to the server for model aggregation. Therefore, the global model can be learned and updated while all the training data remain on edge devices.
\begin{figure}
\includegraphics[height=4cm, width=7.5cm]{Figure/federated.eps}
\centering
\caption{Flowchart of federated learning. $ {\theta_t} $ are the global model parameters in the $t$-th communication round, ${n_k}$ is the data size of client $k$, and $K$ is the total number of clients. The global model parameters are randomly initialized at the beginning of the training and will be updated by aggregating the uploaded local models in each round.}
\label{hfederated}
\end{figure}
FL aims to optimize a distributed loss function $\ell (\theta )$ as shown in Eq. (\ref{fl}),
\begin{equation}
\begin{split}
\mathop {\min }\limits_\theta \ \ell (\theta ) = \sum\limits_{k = 1}^K {\frac{{{n_k}}}{n}{L_k}(} \theta ), {L_k}(\theta ) = \frac{1}{{{n_k}}}\sum\limits_{i \in {P_k}} {{\ell _i}(\theta, x_i)} \\
\end{split}
\label{fl}
\end{equation}
where $k$ is the index of $K$ total clients, ${L_k}(\theta )$ is the loss function of the $k$-th local client, ${n_k}$ equals to the local data size, and ${P_k}$ is the set of data indexes whose size is $ {n_k} $, i.e., $ {n_k} = |{P_k}|$. Note that the training data $x_i$ on each client $k$ may not satisfy the independent and identically distributed assumption, i.e., non-IID.
Although the data on the clients do not need to be shared, FL is still subject to security risks, since the model gradients naturally contain information of the training data. It has been theoretically proved in \cite{8241854} that only a portion of the gradients may lead to the leakage of private information of the local data. If we assume the cost function to be a quadratic function, the corresponding gradients can be calculated in Eq. (\ref{gradientleak}).
\begin{equation}
\begin{split}
&J(\theta, x)\overset{\text{def}}{=}(h_{\theta}(x)-y)^{2} \\
&g_{k}=\frac{\partial J(\theta, x)}{\partial \theta}=2(h_{\theta}(x)-y)\sigma^{'}(\sum_{i=1}^{d}x_{i}w_{i}+b)\cdot x_{k}
\end{split}
\label{gradientleak}
\end{equation}
where $g_k$ and $x_k$ are the $k$-th feature of gradient $g\in R^{d}$ and the input data $x\in R^{d}$, respectively. Since the product $2(h_{\theta}(x)-y)\sigma^{'}(\sum_{i=1}^{d}x_{i}w_{i}+b)$ is a real scalar number, the gradient is in fact proportional to the input data. As a result, uploading model gradients cannot completely prevent local data from being revealed and enhanced protection techniques are required for secure FL systems.
\subsection{Deep Learning}
Deep learning has been deployed in the fields of computer vision, speech recognition and many other areas \cite{goodfellow2016deep,lecun2015deep,schmidhuber2015deep,deng2014deep,nielsen2015neural}. The word "deep" means that neural network (NN) models, such as convolutional neural networks (CNNs) \cite{lecun1995convolutional} and recurrent neural networks (RNNs) \cite{schuster1997bidirectional}, used in deep learning always contain multiple hidden layers.
For a typical supervised learning \cite{moller1993scaled}, the training purpose is to minimize the expected distance between a desired signal $y$ (e.g., a label in classification) and a predicted value $\hat{y}$, which is often represented by a so-called loss function $\ell (y,\hat{y})$ as shown in Eq. (\ref{loss}), where $\theta$ is the trainable model parameters we want to optimize.
\begin{equation}
\begin{split}
\mathop {\min } \limits_\theta \ \ell (\theta ) = \frac{1}{N}\sum\limits_i {\ell (y,\hat{y}| \theta ,{x_i})}\quad x_i \in \left\{ {{x_1},{x_2}...,{x_N}} \right\}
\label{loss}
\end{split}
\end{equation}
The stochastic gradient descent (SGD) algorithm is the most widely used optimization method that calculates the partial derivatives of the loss function (\ref{loss}) with respect to each model parameter in $\theta$. The model parameters will be updated by subtracting scaled calculated gradients as shown in Eq. (\ref{sgd}),
\begin{equation}
\begin{split}
{g_t} &= {\nabla _\theta }\ell (\theta ,x) \\
{\theta _{t + 1}} &= {\theta _t} - \eta {g_t}
\label{sgd}
\end{split}
\end{equation}
where $\eta$ is the learning rate and ${g_t}$ is the expected gradient over data samples $x$ at the $t$-th iteration. The model update based on SGD in (\ref{sgd}) is repeatedly performed until the model parameters converge.
DNNs often contain a large number of layers and training very deep models on big datasets is extremely time-consuming. Therefore, DNNs will incur excessive communication and computation costs when they are adopted in FL.
\subsection{Homomorphic Encryption and Secret Sharing}
HE is the most widely used data protection technology in secure machine learning as it supports algebraic operations including addition and multiplication on ciphertexts. An encryption method is called partially HE if it supports addition or multiplication operation, and fully HE if it supports an infinite number of addition and multiplication operations. Without loss of security and correctness, additive HE fulfills that multiple parties encrypt message $C_i=Enc_{pk}(m_i)$ and decrypt $\sum_{i=1}^{n}m_i=Dec_{sk}(\prod_{i=1}^{n}C_i)$ using public key and secret key, respectively.
Among those well-studied HE techniques, ElGamal\cite{ElGamal1985public} is a multiplicative mechanism while Paillier \cite{Paillier1999public} provides additive operations, which are based on discrete logarithm and composite degree residuosity classes, respectively.
The former needs 256-bit key length to achieve the 128 bit security level, whereas the latter costs 3072 bits \cite{article}, implying that ElGamal is a computationally more efficient encryption and decryption method \cite{Knirsch20a}. However, additional Cramer transformation \cite{cramer1997secure} needs to be applied to ElGamal encryption so as to extend it to support additive operations.
Conventional HE is not well suited for distributed learning systems such as FL systems, since the ciphertexts on the server can be easily inferred, as long as one client uploads its private key to the server. In order to mitigate this issue, Adi Shamir \cite{shamir1979share} proposed Shamir Secret Sharing (SSS) which splits a secret into $n$ different shares. Consequently, $T$-out-of-$n$ shares are needed to recover the secret. Based on SSS and Diffie–Hellman (DH) security definition (Appendix \ref{sedef}), Feldman proposed verifiable secret sharing (VSS) \cite{feldman1987practical}, which adds a verification process during sending shares.
But Feldman VSS only allows trusted clients to share secrets and it will fail to generate correct key pairs if there are adversaries in the system. To address this limit, Perdersen \cite{pedersen1991non} proposed a novel VSS that is able to detect and exclude adversarial clients. On the basis of the above two VSS methods, Gennaro \emph{et al.} \cite{gennaro1999secure} introduced a secure distributed key generation (DKG) for discrete logarithm based crytosystems.
We propose a federated key generation (FKG) based on DKG for model parameter encryption in FL and the details of FKG will be given in Section III.
\section{Our Proposed System}
A key component for the proposed system is federated key generation (FKG) that generates keys for all participating clients of the FL system without a TTP. To this end, additive discrete logarithm based encryption is adopted to achieve secure model aggregation. In addition, a fixed point encoding method is implemented to encode the plaintext. In order to decrease computational and communication resources, ternary gradient quantization and approximate model aggregation are further introduced. In the following, we elaborate each of our main components and present a description of the proposed overall DAEQ-FL system. Finally, a brief discussion is given to compare our DAEQ-FL with existing encryption based FL systems.
\subsection{Federated Key Generation}
The proposed FKG is a variant of DKG \cite{gennaro1999secure}, which is based on Pedersen VSS and Feldman VSS that can verify key shares in a secure way for successful key generations.
The main steps of FKG are described in \textbf{Algorithm \ref{fkg}}.
\begin{algorithm}[!htb]\footnotesize{
\caption{Federated Key Generation. $\mathbb{G}$ is a cyclic group, $p$ and $q$ are large prime numbers, $g$ is a generator, $y \in \mathbb{G}$, $N$ is the number of total clients, $C$ is the fraction of clients participating the current round, $i$ is the client index, and $T$ is the threshold value.}
\algblock{Begin}{End}
\label{fkg}
\begin{algorithmic}[1]
\State \textbf{\emph{Server distributes public parameters $<p, q, g, y>$}}
\For{Each FL round $ t = 1,2,...\ $}
\State $n = C*N$
\State Select threshold value $T>n/2$
\State {Client $ i \in \{1,\cdots,n\} $ perform \textbf{Pedersen VSS}}
\State Collect the number of complaints $cpt_i$ for client $i$
\For {Client $ i \in \{1,\cdots,n\}$}
\If{$cpt_i > T$}
\State Mark client $i$ as disqualified
\Else
\State Client $i$ uploads $f_{i}(j)$ and
\If{Eq. (\ref{pedersencommit}) is satisfied}
\State Mark client $i$ as qualified (QUAL)
\Else
\State Mark client $i$ as disqualified
\EndIf
\State Mark client $i$ as QUAL \Comment{$T\leq$ |QUAL| $\leq n$}
\EndIf
\EndFor
\State {Client $ i \in$ QUAL perform \textbf{Feldman VSS}}
\State Collect complained client index in $O$,
\For{Each client $i\in$ O} \Comment{$|O|<T$}
\State Set $counter=0$
\For{Each client $j\in$ QUAL but $j\notin m$}
\State Client $j$ uploads $f_{j}(i)$ and $f_{j}^{'}(i)$
\If{Eq. (\ref{feldmancommit}) is satisfied}
\State $counter=counter+1$
\EndIf
\If{$counter\geq T$}
\State Break
\EndIf
\EndFor
\State Retrieve $f_{i}(z)$ and $A_{i0}$ \Comment{$A_{i0}=g^{a_{i0}}\pmod{p}$}
\EndFor
\State Generate global public key $h=\prod_{i \in QUAL}$ $A_{i0}=g^x$
\EndFor
\end{algorithmic}}
\end{algorithm}
Assume that the server in DAEQ-FL is \emph{honest-but-curious}, and there are at least $T$-out-of-$n$ ($T> n/2$) honest clients. Before key pair generation, the server needs to generate and distribute four public parameters $p$, $q$, $g$ and $y$, where $q$ is the prime order of cyclic group $\mathbb{G}$, $p$ is a large prime number satisfying $p-1=rq$, $r$ is a positive integer, $g$ and $y$ are two different random elements in $\mathbb{G}$.
For Pedersen VSS executed in line 5 of \textbf{Algorithm \ref{fkg}}, each participating client $i$ in the $t$-th round generates two random polynomials $f_{i}(z)$ and $f_{i}^{'}(z)$ over $\mathbb{Z}_{q}^{*}$ of order $T-1$ as shown in Eq. (\ref{fkgpvss}).
\begin{equation}
\begin{split}
f_{i}(z) &= a_{i0} + a_{i1}x\,+...+\,a_{iT
-1}x^{T-1}\pmod{q} \\
f_{i}^{'}(z) &= b_{i0} + b_{i1}x\,+...+\,b_{iT-1}x^{T-1}\pmod{q}
\end{split}
\label{fkgpvss}
\end{equation}
Let $z_{i}=a_{i0}=f_{i}(0)$ be the locally stored private key. Client $i$ broadcasts $C_{ik}=g^{a_{ik}}y^{b_{ik}}\pmod p$ and sends shares $s_{ij}=f_{i}(j)$, $s_{ij}^{'}=f_{i}^{'}(j)$ to client $j$ ($j\in n$), then client $j$ verifies the received shares by \emph{Pedersen commitment}:
\begin{equation}
\begin{split}
g^{s_{ij}}y^{s_{ij}^{'}}=\prod_{k=0}^{T-1}(C_{ik})^{j^{k}} \pmod{p}
\end{split}
\label{pedersencommit}
\end{equation}
Due to the hiding and binding properties of Pedersen commitment \cite{pedersen1991non}, it is impossible for adversaries, if any, to guess the real $a_{ik}$ and $b_{ik}$ through $C_ik$ or to find another a pair of $s_{ij}$ and $s_{ij}^{'}$ that can satisfy Eq. (\ref{pedersencommit}). In addition, based on our previous security assumption and the principle of SSS, it is infeasible to reconstruct the private keys of any honest clients even if the system contains $n-T$ malicious clients.
Each client sends a complaint of client $i$ to the server if any shares $s_{ij}$ and $s_{ij}^{'}$ received from client $i$ do not satisfy Eq. (\ref{pedersencommit}). Once the server receives more than $T$ complaints against client $i$ (line 6 in \textbf{Algorithm \ref{fkg}}), this client will be immediately disqualified. Besides, as long as client $i$ is complained by any client $j$, where $ j \in \{1,\cdots,n\} $, the corresponding shares $s_{ij}$ and $s_{ij}^{'}$ are required to upload to the central server for Pedersen commitment (Eq. (\ref{pedersencommit})) verification. If any verification fails, client $i$ would be marked as disqualified.
However, Pedersen VSS cannot guarantee correct global public key generation, since malicious clients can still corrupt the generation process by broadcasting fake $A_{i0}$ (line 33 in \textbf{Algorithm \ref{fkg}}). Therefore, Feldman VSS is used in addition to Pedersen VSS to ensure that all the QUAL clients broadcast correct $A_{i0}$ for in the proposed FKG.
Similarly, to implement Feldman VSS (line 20 in \textbf{Algorithm \ref{fkg}}), each client $j$ ($j\in$ QUAL) broadcasts $A_{ik}=g^{a_{ik}}\pmod{p}$ and verifies Eq. (\ref{feldmancommit}).
\begin{equation}
\begin{split}
g^{s_{ij}}=\prod_{k=0}^{T-1}(A_{ik})^{j^{k}} \pmod{p}
\end{split}
\label{feldmancommit}
\end{equation}
If shares of client $i$ satisfy Eq. (\ref{pedersencommit}) but not Eq. (\ref{feldmancommit}), client $j$ will send a complaint to server. Then the server requires $t$ QUAL clients to upload their shares $f_{i}(j), j\in t$ to retrieve the random polynomial $f_{i}(z)$ of client $i$ by Lagrange interpolation function \cite{berrut2004barycentric} as show in Eq. (\ref{lagrange}).
\begin{equation}
\begin{split}
&\lambda_{j}=\prod_{k\neq j}\frac{z-k}{j-k},k\in T,j\in \text{QUAL} \\
&f_{i}(z)=\sum_{j\in \text{QUAL}}\lambda_{j}f_{i}(j)
\end{split}
\label{lagrange}
\end{equation}
Finally, the server can generate the global public key through broadcasting $A_{i0}$ from all QUAL clients in Eq. (\ref{pk}), where $x$ is in fact the global private key. And then, the public key $h$ will be shared to all QUAL clients.
\begin{equation}
\begin{split}
&h_{i}=A_{i0}=g^{z_{i}}\pmod{p} \\
&h=\prod_{i\in \text{QUAL}}h_{i}=g^{\sum_{i\in \text{QUAL}}z_{i}}=g^{x}\pmod{p}
\end{split}
\label{pk}
\end{equation}
\subsection{Additive Discrete Logarithm Based Encryption}
To be fully compatible with FKG, which is adapted from DKG to the FL environment, additive discrete logarithm based encryption is employed based on ElGamal encryption \cite{ElGamal1985public}.
The original ElGamal encryption works as follows:
\begin{itemize}
\item Parameters generation: Generate three parameters $p$, $q$ and $g$, where $q$ is the prime order of a cyclic group $\mathbb{G}$, $p$ is a large prime number satisfying $q|p-1$, and $g$ is a generator of $\mathbb{G}$.
\item Key generation: Select a random number $x, x\in \mathbb{Z}_{q}$ as the secret key, and then compute $h=g^{x}\pmod{p}$ to be the public key.
\item Encryption: To encrypt a message $m\in \mathbb{Z}_{p}^{*}$, choose a random number $r\in \mathbb{Z}_{q}^{*}$ as a ephemeral key, calculate two ciphertexts as $<c_{1}=g^{r}\pmod{p}, c_{2}=mh^{r}\pmod{p}>$.
\item Decryption: The plaintext message $m$ can only be decrypted if the private key $x$ is available by computing Eq. (\ref{ElGamaldec})
\begin{equation}
\begin{split}
\frac{c_{2}}{c_{1}^{x}}=\frac{mh^{r}}{(g^{r})^{x}}=\frac{mg^{xr}}{g^{rx}}\pmod{p}\equiv m
\end{split}
\label{ElGamaldec}
\end{equation}
\end{itemize}
Therefore, the original ElGamal is a multiplicative HE satisfying: $\text{Enc}(m1)*\text{Enc}(m2)=\text{Enc}(m1*m2)$, because $m_{1}h^{r_{1}}*m_{2}h^{r_2}=m_{1}m_{2}h^{r_{1}+r_{2}}\pmod{p}$. Since model aggregation on the server in FL performs the addition operation, we can apply Cramer transformation \cite{cramer1997secure} on ElGamal encryption by simply converting the plaintext $m$ into $m^{'}=g^{m}\pmod{p}$. Consequently, the original ElGamal encryption becomes a discrete logarithm based additive HE, as shown in Eq. (\ref{addElGamal}).
\begin{equation}
\begin{split}
\text{Enc}(m_{1})*\text{Enc}(m_{2})&=g^{m_{1}}h^{r_{1}}*g^{m_{2}}h^{r_{2}} \\
&=g^{m_{1}+m_{2}}h^{r_{1}+r_{2}}\pmod{p}
\end{split}
\label{addElGamal}
\end{equation}
Note that the specific security analysis is described in Appendix \ref{seana}.
\subsection{Fixed Point Encoding Method}
Note that HE can be applied to integers only, however, model parameters or gradients are normally real numbers. Therefore, the real-values model parameters must be encoded before encryption.
The encoding method used in this work is straightforward, as shown in Eq. (\ref{encode}), where $grad$ is a real number gradient, $b$ is the encoding bit length, $q$ is the above mentioned prime order of $\mathbb{G}$ and $m$ is the encoded integer number.
\begin{equation}
\begin{split}
& int_{\text{max}} = \text{int}(q/3) \\
& \widehat{m}=\text{round}(grad*2^{b}), \widehat{m} \leq int_{\text{max}} \\
& \text{Encode}(grad)=\widehat{m}\pmod{q}=m \\
& \text{Decode}(m)=\left\{\begin{matrix}
& m*2^{-b}, & m\leq int_{\text{max}} \\
& (m-q)*2^{-b}, & m>q-int_{\text{max}}
\end{matrix}\right.
\end{split}
\label{encode}
\end{equation}
$int_{\text{max}}$ is the maximum positive encoding number defined by the server, which is one-third of $q$. If $m>q-int_{\text{max}}$ ($\widehat{m}$ is negative), it should subtract $q$ before multiplying $2^{-b}$, because $\widehat{m}\pmod{q}=q+\widehat{m}, \widehat{m}<0$. Since the bit length of $int_{\text{max}}$ is always set to be much larger than the encoding bit $b$, sufficient value space can be reserved for encoding number summations (additive HE).
\subsection{Brute Force and Log Recovery}
Using Cramer transformation needs to recover the desired $m$ from $m^{'}$ to solve the so-called discrete logarithm hard problem after decryption. Here, we propose two techniques, namely brute force and log recovery, to solve this problem.
Brute force recovery simply tries different $m$ from $0$ to $q-1$, and the correct $m$ is found only if $m^{'}=g^{m}\pmod{p}$. Thus, a maximum of $q$ trials are needed to solve DLHP in the worst case. Fortunately, the absolute values of all the model gradients in DNNs are always less than $0.1$, and therefore, they can be encoded with a $b$ bit-length fixed point integer number. It takes about $2^{b}$ times to find the correct $m$ if $\widehat{m}$ is positive. Note that the quantization method we employ can guarantee that $\widehat{m}$ is positive, which will be introduced later.
The log method consumes almost no additional recovery time by calculating $\text{log}_{g} ({g}^{m})=m$ directly. However, this only works when $g^{m}<p$. In order to ensure the best encoding precision (the encoded $m$ should be as large as possible), we minimize $g$ to $g_{0}=2$. And the encoded number $m$ must be less than the bit length of a large prime number $p$, which means the encoding precision is restricted by the security level. Besides, the security level will not be reduced by selecting a small fixed $g_{0}$.
Both the brute force and log recovery are described in \textbf{Algorithm \ref{recovery}}
\begin{algorithm}[htbp]\footnotesize{
\caption{Plaintext Recovery. $q$ is a prime order of the cyclic group $\mathbb{G}$, $p$ is a large prime number satisfying $p-1|q$, $g$ is a random element in $\mathbb{G}$, $m$ is the message to be recovered, $int_{\text{max}}$ is the maximum positive encoded number.}
\algblock{Begin}{End}
\label{recovery}
\begin{algorithmic}[1]
\State \textbf{Brute Force Recovery: }
\State $g_{0}=g$
\State Given decrypted plaintext $m^{'}=g_{0}^{m}\pmod{p}$, $m\leq int_{\text{max}}$
\For{$j$ from $0$ to $q-1$}
\If{$g_{0}^{j}\pmod{p}==m^{'}$}
\State $m=j$
\State Break
\Else
\State Continue
\EndIf
\EndFor
\State \textbf{Return} $m$ \\
\State \textbf{Log Recovery: }
\State $g_{0}=2$
\State Given decrypted plaintext $m^{'}=g_{0}^{m}\pmod{p}$, $g_{0}^{m}\leq p$
\State $m=\text{log}_{g_{0}}(g_{0}^{m})$
\State \textbf{Return} $m$
\end{algorithmic}}
\end{algorithm}
\subsection{Ternary Gradient Quantization}
Encrypting and decrypting all elements of the model gradients have several shortcomings. First, performing encryption on local clients is computationally extremely expensive, causing a big barrier for real world applications, since usually the distributed edge devices do not have abundant computational resources. Second, uploading model gradients in terms of ciphertext incurs a large amount of communication costs. Finally, the first two issues will become computationally prohibitive when the model is large and complex, e.g., DNNs.
In order to tackle the above challenges, we introduce ternary gradient quantization (TernGrad) \cite{wen2017terngrad} to drastically reduce computational and communication costs for encryption of DNNs. TernGrad compresses the original model gradients into ternary precision gradients with values $\in\{ -1,0,1 \}$ as described in Eq. (\ref{terngard}),
\begin{equation}
\begin{split}
&\tilde{g_{t}}=s_{t}\cdot \text{sign}(g_{t})\cdot b_{t} \\
&s_{t}=\text{max}(\text{abs}(g_{t}))
\end{split}
\label{terngard}
\end{equation}
where $g_{t}$ is the full precision model gradients at the $t$-th iteration, $\tilde{g_{t}}$ is the quantized gradients, $s_{t}$ (a scalar larger than $0$) is the maximum absolute element among $g_{t}$, and the $sign$ function transfers $g_{t}$ into binary precision with values $\in\{ -1,1 \}$. Finally, $b_{t}$ is a binary tensor whose elements follow the Bernoulli distribution \cite{uspensky1937introduction}.
\begin{equation}
\begin{split}
&Pr(b_{tk}=1|g_{t})=|g_{tk}|/s_{t}\\
&Pr(b_{tk}=0|g_{t})=1-|g_{tk}|/s_{t}
\end{split}
\label{bt}
\end{equation}
where $b_{tk}$ and $g_{tk}$ is the $k$-th element of $b_{t}$ and $g_{t}$, respectively, and the product of $\text{sign}(g_{t})$ and $b_{tk}$ is a ternary tensor ($\{ -1,0,1 \}$) representing the model training direction. According to Eq. (\ref{sgd}), the full precision model parameters in TernGrad is updated as shown in Eq. (\ref{terngradsgd}).
\begin{equation}
\begin{split}
\theta_{t+1}=\theta_{t}-\eta (s_{t}\cdot \text{sign}(g_{t})\cdot b_{t})
\end{split}
\label{terngradsgd}
\end{equation}
Since $s_{t}$ is a random variable depending on input $x_{t}$ and the model weights $\theta_{t}$, Eq. (\ref{bt}) can be re-written into Eq. (\ref{bt1}).
\begin{equation}
\begin{split}
&Pr(b_{tk}=1|x_{t},\theta_{t})=|g_{tk}|/s_{t}\\
&Pr(b_{tk}=0|x_{t},\theta_{t})=1-|g_{tk}|/s_{t}
\end{split}
\label{bt1}
\end{equation}
The unbiasedness of the ternary gradients can be proved as shown in Eq. (\ref{unbias}).
\begin{equation}
\begin{split}
\mathbb{E}(s_{t}\cdot \text{sign}(g_{t})\cdot b_{t})&=\mathbb{E}(s_{t}\cdot \text{sign}(g_{t})\cdot \mathbb{E}(b_{t}|x_{t})) \\
&=\mathbb{E}(g_{t})
\end{split}
\label{unbias}
\end{equation}
The TernGrad algorithm is adopted in the proposed DAEQ-FL to significantly reduce the computational cost for encryption on local devices and the communication costs for passing the encrypted model parameters between the clients and the server. Before performing encryption on the local clients, the model gradients are decomposed into two parts: one is the positive scalar $s_{t}$ and the other is the ternary model gradients $\text{sign}(g_{t})\cdot b_{t})$. And only one scalar $s_{t}$ in each layer of the model needs to be encrypted, thereby dramatically decreasing the computation costs and encryption time.
The ternary gradients do not need to be encrypted, because adversaries, if any, can only derive parts of gradients sign information from them. And separately uploading encrypted $s_{t}$ and ternary gradients makes the total amount of uploads 16 times smaller than the original scenarios. Another advantage is that it can make brute force recovery much faster, since the scalar $s_{t}$ can never be negative, namely, the encoded $m$ in Eq. (\ref{encode}).
\subsection{Approximate Model Aggregation} \label{appmodelagg}
For model aggregation on the server, the received encrypted $s_{t}$ ($t$-th round in FL) should multiply its corresponding ternary gradients before weighted averaging (Eq. (\ref{agg})).
\begin{equation}
\begin{split}
g_{(t,\text{tern})}^{i}&=\text{sign}(g_{t}^{i})\cdot b_{t}^{i} \\
\text{Enc}(g_{t}^{\text{global}})&=\sum_{i}\frac{n_{i}}{n}(\text{Enc}(s_{t}^{i})*g_{(t,\text{tern})}^{i})
\end{split}
\label{agg}
\end{equation}
Decryption of the aggregated global gradients $\text{Enc}(g_{t}^{\text{global}})$ requires to traverse each single ciphertext, which is extremely time-consuming, making it less practical even if the server often possess abundant computation resources. Therefore, this work proposes an approximate aggregation method (Fig. \ref{aggappfigure}) so as to reduce the decryption time. The basic idea is to separately aggregate the encrypted scalar and related ternary gradients, as shown in Eq. (\ref{aggapp}).
\begin{equation}
\begin{split}
\text{Enc}(s_{t}^{\text{global}})&=\prod_{i}\text{Enc}(s_{t}^{i}*\frac{n_{i}}{n})=\text{Enc}(\sum_{i}s_{t}^{i}*\frac{n_{i}}{n}) \\
g_{(t,\text{tern})}^{\text{global}}&=\sum_{i}g_{(t,\text{tern})}^{i} \\
\end{split}
\label{aggapp}
\end{equation}
\begin{figure}
\includegraphics[height=4cm, width=8cm]{Figure/aggappfigure.eps}
\centering
\caption{Encryption with TernGrad and model aggregation approximation. The $\text{Enc}(s_{t}^{\text{global}})$ is aggregated over the uploaded $\text{Enc}(s_{t}^{i})$ from the participating clients.}
\label{aggappfigure}
\end{figure}
where $i$ is the client index, $n_{i}$ is the local data size and $n$ is the global data size. And $\text{Enc}(g_{t}^{\text{global}})=\text{Enc}(s_{t}^{\text{global}})*g_{(t,\text{tern})}^{\text{global}}$, if $s_{t}^{1}=s_{t}^{2}= ... =s_{t}^{n}$. However, this condition is hard to satisfy and the bias $g_{t}^{\text{global}}-s_{t}^{\text{global}}*g_{(t,\text{tern})}^{\text{global}}$ is difficult to estimate due to the random property of SGD. In reality, each client's local scalar satisfies $s_{t}^{1} \approx s_{t}^{2} \approx ... \approx s_{t}^{n}$, and the our experimental results also empirically confirm that this approximation bias is acceptable and even negligible.
Note that a small implementation trick used here is to do weighted averaging upon $s_{t}$ before encryption, which helps reduce the differences between $s_{t}^{i}$ and avoid overflow of the encrypted gradients during model aggregations on the server.
To update the global model, only one ciphertext $\text{Enc}(s_{t}^{\text{global}})$ of each layer needs to be decrypted, which will be multiplied by the global ternary gradients afterwards as shown in Eq. (\ref{decrypt})
\begin{equation}
\begin{split}
&s_{t}^{\text{global}}=\text{Dec}(\text{Enc}(s_{t}^{\text{global}})) \\
&\theta_{t+1}^{\text{global}}=\theta_{t}^{\text{global}}-\eta s_{t}^{\text{global}}*g_{(t,\text{tern})}^{\text{global}}
\end{split}
\label{decrypt}
\end{equation}
\subsection{Overall Framework: DAEQ-FL}
The overall framework, distributed additive ElGamal encryption and quantization for privacy-preserving federated deep learning, DAEQ-FL for short, is depicted in \textbf{Algorithm \ref{DAEQ-FL}}. Note that in DAEQ, federated key generation should be performed at the beginning of each communication round before model training to generate different key pairs for preventing possible collusion between a client and the server.
\begin{algorithm}[htbp]\footnotesize{
\caption{DAEQ-FL. $p$, $q$, $g$, $y$ are key parameters introduced in \textbf{Algorithm \ref{fkg}}, $pk$ is the global public key, $Qual$ are qualified clients, $N$ is the total number of clients, $C$ is the fraction of connected clients, $E$ is the number of local epochs, $B$ is the local batch data, $\theta_{t}$ is the global model parameters at the $t$-th FL round, $T$ is the threshold value, and $\eta$ is the learning rate.}
\algblock{Begin}{End}
\label{DAEQ-FL}
\begin{algorithmic}[1]
\State \textbf{Server: }
\State Generate and distribute $p$, $q$, $g$, $y$ and global model parameters ${\theta_{0}}$
\For {each FL round $ t = 1,2,...\ $}
\State Select $ n = C \times N\ $ clients, $ C \in (0,1)\ $
\State Select $T>n/2$
\State Generate $pk$ by FKG among $n$ clients in \textbf{Algorithm \ref{fkg}}
\For {each client $ i \in Qual$ in parallel}
\State Download $\theta_{t}$
\State Do local \textbf{Training}
\State Upload $c_{(t,1)}^{i}$, $c_{(t,2)}^{i}$ and $\Delta \theta_{(t,tern)}^{i}$
\EndFor
\State $c_{(t,1)}=\prod_{i}c_{(t,1)}^{i}\pmod{p}$
\State $c_{(t,2)}=\prod_{i}c_{(t,2)}^{i}\pmod{p}$
\State $\Delta \theta_{(t,tern)}=\sum_{i}\Delta \theta_{(t,tern)}^{i}$
\State Randomly select $T$ $Qual$ clients
\For{each client $j\in T$ in parallel}
\State Download $c_{(t,1)}$ and $c_{(t,2)}$
\State Do \textbf{\emph{Partial Decryption}}
\EndFor
\State $g_{0}^{Tm_{t}}=\prod_{j\in T}pd_{j}=g_{0}^{Tm_t}g^{(x-\sum_{j}\lambda_{j}x_i)T}\pmod{p}$
\State Recover $Tm_{t}$ by \textbf{Algorithm \ref{recovery}}
\State $\theta_{t+1}=\theta_{t}- \Delta \theta_{(t,\text{tern})}*Tm_{t}/T$
\EndFor \\
\State \textbf{Client $i$: }
\State \textbf{// Training:}
\State $\theta_{t}^{i} = \theta_{t}$
\For {each iteration from 1 to $E$}
\For {batch $ b \in B\ $}
\State $ {\theta_{t}^i} = {\theta_{t} ^i} - \eta \nabla {L_i}({\theta_{t} ^i},b)\ $
\EndFor
\EndFor
\State $\Delta \theta_{t}^{i}=\theta_{t}^{i}-\theta_{t}$
\State Quantize $\Delta \theta_{t}^{i}$ into $s_{t}^{i}$ and $\Delta \theta_{(t,\text{tern})}^{i}$ in Eq. (\ref{terngard}) and (\ref{agg})
\State Encode $m_{t}^{i}=\text{round}(s_{t}^{i}*D_{k}/D*2^{l})\pmod{q}$ in Eq. (\ref{encode})
\State Encrypt $c_{(t,1)}^{i}=g^{r_{i}}\pmod{p}$, $c_{(t,2)}^{i}=g_{0}^{m_{t}^{i}}pk^{r_{i}}\pmod{p}$
\State \textbf{Return} $c_{(t,1)}^{i}$, $c_{(t,2)}^{i}$ and $\Delta \theta_{(t,tern)}^{i}$ to server
\State \textbf{// Partial Decryption: }
\State $x_{i}=\sum_{j}s_{ji}=f_{j}(i),\,i,j\in \text{QUAL}$ \Comment{$f_{j}(i)$ in \textbf{Algorithm \ref{fkg}}}
\State Partial decrypt $pd_{i}=c_{(t,2)}/c_{(t,1)}^{\lambda_{i}x_{i}T}\pmod{p}, r_{i}\in \mathbb{Z}_{q}^{*}$
\State \textbf{Return} $pd_{i}$
\end{algorithmic}}
\end{algorithm}
Note that the server can determine the threshold value $T$ based on the number of participating clients $n$ in each FL round ($T>n/2$). If the number of QUAL clients are less than $T$, the disqualified clients will be kicked out of the system and then the process is aborted and FKG is restarted. After FKG, each QUAL client $i$ downloads the global model parameters $\theta_{t}$ and the public key $pk$ for local training. Then the model gradients, obtained by subtracting the received global model $\theta_{t}$ from the local updated model $\theta_{t}^{i}$, are converted into a real-valued coefficient $s^{i}_{t}$ and a ternary matrix $\Delta \theta_{(t,\text{tern})}^{i}$ before performing ElGamal encryption. Two ciphertexts $c^{i}_{(t,1)}$ and $c^{i}_{(t,2)}$ together with a ternary gradient $\Delta \theta_{(t,\text{tern})}^{i}$ are then uploaded to the server for model aggregation as described in Section \ref{appmodelagg}.
For decryption (Fig. \ref{partialdecfigure}), only two aggregated ciphertexts need to be downloaded to $T$ QUAL clients for partial decryption and $T$ partial decrypted ciphertexts $pd_{i}$ are uploaded back to the server (line 16-20 in \textbf{Algorithm \ref{DAEQ-FL}}). The server can easily get the plaintext $g_{0}^{Tm_{t}}$ by multiplying all received ciphertexts $pd_{i}$.
\begin{figure}
\includegraphics[height=4cm, width=8cm]{Figure/partialdecfigure.eps}
\centering
\caption{The encrypted $s_{t}^{\text{global}}$ is downloaded to $T$ qualified clients for partial decryption, and then the partial decrypted ciphertexts are uploaded back to the server to retrieve the final plaintext.}
\label{partialdecfigure}
\end{figure}
$s_{ji}$ is a share $f_{j}(i)$ (introduced in \textbf{Algorithm \ref{fkg}}) from client $j$ to client $i$, $\lambda_{i}=\prod_{j\neq i}\frac{j}{j-i}$ is the Lagrange coefficient and $x=\sum_{j\in \text{QUAL}}z_{j}$ is the global private key. According to the property of SSS, at least $T$ (threshold value) different $f_{i}(j), j\in T$ shares are needed to retrieve the local private key $z_{i}$. The reason why $x-\sum_{i}\lambda_{i}x_i=0$ is proved below:
\begin{equation}
\begin{split}
\sum_{i\in T}\lambda_{i}x_i&=\sum_{i\in T}\lambda_{i}\sum_{j\in \text{QUAL}}f_{j}(i) \\
&=\sum_{j\in \text{QUAL}}\sum_{i\in T}\lambda_{i}f_{j}(i) \\
&=\sum_{j\in \text{QUAL}}z_{j}=x
\end{split}
\label{zero}
\end{equation}
One of the advantages of DAEQ-FL is that no parties within the FL system, including the server, can know the global private key $x$, which significantly enhances system security level. In addition, the extra communication resources are negligible, and only three ciphertexts $c_{(t,1)}$, $c_{(t,2)}$ and $pd_{i}$ are transmitted between the server and each client $i$ with the help of the TernGrad algorithm. Finally, DAEQ-FL is robust to possible disconnection of individual clients, since the ciphertext can be successfully decrypted so long as a minimum of $T$ QUAL clients upload their $pd_{i}$.
\subsection{Discussion}
We list the general differences between our proposed system and four popular existing approaches in Table \ref{comparison}. From the table we can see that our DAEQ-FL has remarkable superiority, being a threshold based encryption system without an extra TTP and tolerating the existence of malicious clients. We here note that Truex \emph{et al.} \cite{truex2019hybrid} also proposed a threshold based Paillier encryption system in FL, but it still requires a TTP for key generation. Some quantization technique is introduced in \cite{254465} for efficient encoding and encryption, but it is totally different from our ternary quantization methods.
\begin{table*}[]
\centering
\caption{Comparison of encryption based privacy preserving FL systems}
\label{comparison}
\begin{tabular}{cccccc}
\toprule
\multirow{2}{*}{Proposed systems} & \multicolumn{2}{c}{Threat model} & \multicolumn{1}{l}{\multirow{2}{*}{Encryption scheme}} & \multicolumn{1}{l}{\multirow{2}{*}{Without TTP}} & \multicolumn{1}{l}{\multirow{2}{*}{Threshold Based}} \\ \cline{2-3}
& Server & Client & \multicolumn{1}{l}{} & \multicolumn{1}{l}{} & \multicolumn{1}{l}{} \\ \toprule
Phong \emph{et al.}\cite{8241854} & honest but curious & honest & Paillier, LWE & \XSolidBrush & \XSolidBrush \\ \hline
Truex \emph{et al.}\cite{10.1145/3338501.3357370} & honest but curious & majority honest & Paillier &\XSolidBrush & \CheckmarkBold \\ \hline
Xu \emph{et al.}\cite{10.1145/3338501.3357371} & honest but curious & majority honest & functional encryption &\XSolidBrush & \XSolidBrush \\ \hline
Batchcrypt\cite{254465} & honest but curious & honest & Paillier & \CheckmarkBold & \XSolidBrush \\ \hline
DAEQ-FL(our system) & honest but curious & majority honest & ElGamal & \CheckmarkBold & \CheckmarkBold \\ \bottomrule
\end{tabular}
\end{table*}
\section{Experimental Results}\label{Experiment Results}
In this section, we first introduce all experimental settings, followed by the encryption cost and time consumption. Finally, the results of model performances will be discussed.
\subsection{Simulation Settings}
In our simulations, we use CNN for MNIST \cite{lecun-mnisthandwrittendigit-2010} digit number classifications, ResNet for CIFAR10 \cite{alex} image classifications and stacked LSTM \cite{hochreiter1997long} for Shakespeare \cite{shakespeare} next word prediction task. All three datasets are non-iid among different clients.
MNIST is a 28x28 grey scale digit number image dataset containing 60,000 training images and 10,000 testing images with 10 different kinds of label classes (0$\sim$9). All the clients' training data are distributed according to their label classes and most clients contain only two kinds of digits for non-iid partition.
CIFAR10 contains 10 different kinds of 50,000 training and 10,000 testing 32x32x3 images. Similar to MNIST, the whole training data are horizontally sampled and each client owns five different kinds of object images.
The Shakespeare dataset is built from the whole work of Wailliams Shakespeare. It has in total 4,226,073 samples with 1129 role players and the data samples of each role player represent the dataset on each client. Additionally, 90\% of the user's data are randomly divided as the training data and the rest are testing data. This dataset is naturally non-iid and unbalanced, with some clients having few lines and others a large number of lines. In order to reduce the training time, we follow the method used in \cite{DBLP:journals/corr/abs-1812-01097} to randomly select 5\% of the total users and remove those containing less than 64 samples.
Note that we do not apply any data augmentation techniques \cite{tanner1987calculation,van2001art} to boost the final global model performances to reduce local computational complexity, since the main purpose of this work is not to achieve the state of the art model performances in FL; instead, we aim to present a distributed encryption method for better privacy preservation in FL without considerably increasing the computational and communication costs.
A CNN model is adopted to train on MNIST in the FL framework, which contains two 3x3 convolution layers with 32 and 64 filter channels, respectively, followed by a 2x2 max pooling layer. And then, a hidden layer with $128$ neurons is fully connected to the flattened output of the max pooling layer. Thus, the whole CNN model has 1,625,866 learnable parameters.
CIFAR10 dataset is to be learned by a ResNet model. The input images firstly pass through a 3x3 convolutional layer with 64 channels, followed by a batch normalization layer \cite{DBLP:journals/corr/IoffeS15} with the Relu \cite{DBLP:journals/corr/abs-1803-08375} activation function. Its output is connected to four sequentially connected block layers with 64, 128, 256, 512 filter channels, respectively. Each block layer contains two residual blocks containing two convolutional layers, each followed by a batch normalization layer and a shortcut connection. All the trainable parameters of the batch normalization layers are disabled, because they are observed to perform poorly with small batch sizes and non-iid data \cite{DBLP:journals/corr/IoffeS15,zhu2020federated}. The full ResNet model has 11,164,362 trainable parameters.
The Shakespeare dataset is trained by a stacked LSTM model which contains two LSTM layers, each with 256 neurons. Since we use the module cudnnLSTM of Tensorflow \cite{tensorflow2015-whitepaper} , the layer bias is twice as large as the original LSTM layer. Thus, the full model contains 819,920 parameters.
In the experiments training the CNN and ResNet for image classification, the FL system consists of a total of 20 clients, each containing 3000 and 2500 data samples for MNIST and CIFAR10, respectively. All the testing images are evenly and randomly distributed on all the clients. The total number of communication rounds is set to be 200 and all the clients are connected to the server in each round.
In the experiments for language modeling using the LSTM, we randomly sample 5\% of the entire role players (36 role users containing at least 64 samples) in Shakespeare dataset. In each round of FL learning, only 10 out of the 36 clients are randomly chosen to participate, following the settings in \cite{DBLP:journals/corr/abs-1812-01097}. The total number of communication rounds is set to be 100. Besides, the test accuracy of the global model is examined on local data only. Both correct predictions and test data size of connected clients are sent to the server to get the global test accuracy (note the server does not contain any test data).
The key size and group size of the distributed additive ElGamal encryption are set to 256 and 3072, respectively, to offer a 128-bit security level. Besides, the bit length for encoding is chosen to be from 2 to 15. The log recovery is used when the encoding bit length ranges from 2 to 10, whiles the brute force recovery method is adopted when the bit length is larger than 10.
We use the standard SGD algorithm for all model training. For the CNN models, the number of local epochs is set to 2, the batch size is 50, and the learning rate is 0.1 with a decay rate of 0.995 over the FL rounds. We do not use any momentum for training the CNNs, while the momentum is set to be 0.5 for the ResNet. For the LSTM, the local epoch is set to 1, the batch size is 10, and the learning rate is 0.5 with a decay rate of 0.995.
\subsection{Encryption Cost and Brute Force Recovery Time}
At first, we compare the communication costs between the proposed DAEQ-FL and a threshold based Paillier method in terms of encryption and recovery costs.
\begin{table*}[]
\centering
\caption{Communication costs of one connected client for both encryption and partial decryption with 128-bit security level, \# of ciphertexts means the number of transmitted ciphertexts for encryption and decryption, respectively.}
\label{enccc}
\begin{tabular}{ccccc}
\toprule
Models & Enc Uploads (MB) & Dec Downloads (MB) & Dec Uploads (MB) & \# of Ciphertexts \\
\toprule
CNN (DAEQ-FL) & 0.3876+0.0059 & 0.0059 & 0.0029 & 16+24 \\
ResNet (DAEQ-FL) & 2.6618+0.0161 & 0.0161 & 0.0081 & 44+66 \\
LSTM (DAEQ-FL) & 0.1955+0.0066 & 0.0066 & 0.0033 & 18+27 \\
CNN (Paillier) & 595.4099 & 595.4099 & 595.4099 & 1625866+3251732 \\
ResNet (Paillier) & 4088.5115 & 4088.5115 & 4088.5115 & 11164362+22328724 \\
LSTM (Paillier) & 300.2637 & 300.2637 & 300.2637 & 819920+1639840 \\
\bottomrule
\end{tabular}
\end{table*}
We experiment with three different models (CNN, ResNet and LSTM) in our DAEQ-FL system and compare them with the Paillier-based variants. As shown in Table \ref{enccc}, the communication cost of our system is dramatically less than those Paillier-based systems. The best case has been achieved in the LSTM, where each client consumes only 0.212MB of communication costs in one round, whereas the Pillier system takes 900.7911MB, which is about 4249x of our system. For training the CNN and ResNet, the proposed DEAQ-FL costs 0.4023MB and 2.7021MB, respectively, which accounts for approximately 0.023\% and 0.022\% of the Paillier based variants.
Next, we compare the runtime of the ElGamal encryption used in our system and the conventional Paillier method under the same security level. The runtimes of the two encryption methods for encrypting and decrypting one number are listed in Table \ref{elgpatime}, where both the key size of Paillier and the group size of ElGamal are 3072.
\begin{table}[]
\centering
\caption{Runtime for encryption and decryption of one number using ElGamal and Paillier}
\label{elgpatime}
\begin{tabular}{ccc}
\toprule
Algorithm & Enc Time (s) & Dec Time (s) \\
\toprule
ElGamal & 0.0029 & 0.0015 \\
Paillier & 0.0501 & 0.0141 \\
\bottomrule
\end{tabular}
\end{table}
From the results in Table \ref{elgpatime}, we can observe that ElGamal is approximately 17 times and 10 times faster than Paillier for encryption and decryption, respectively. However, since the Cramer transformation needs extra brute force recovery time, in the following, we explore the brute force recovery time corresponding to different encoding bit lengths for CNN, ResNet18 and stacked LSTM, respectively. The comparative results are plotted in Fig. \ref{bftime}.
\begin{figure*}[!t]
\begin{minipage}[t]{1\linewidth}
\centering
\subfigure[CNN for MNIST dataset]{
\begin{minipage}[b]{0.3\textwidth}
\includegraphics[width=5cm]{Figure/bf_recovery_CNN.eps}
\end{minipage}
}
\centering
\subfigure[ResNet for CIFAR10 dataset]{
\begin{minipage}[b]{0.3\textwidth}
\includegraphics[width=5cm]{Figure/bf_recovery_ResNet.eps}
\end{minipage}
}
\centering
\subfigure[LSTM for Shakespeare dataset]{
\begin{minipage}[b]{0.3\textwidth}
\includegraphics[width=5cm]{Figure/bf_recovery_LSTM.eps}
\end{minipage}
}
\caption{Brute force recovery time with different encoding bit lengths for different learning models.}
\label{bftime}
\end{minipage}
\end{figure*}
Because the larger the encoding bit length is, the more time the brute force recovery will consume. Here, we experiment with the encoding bit length starting from 15 bits to 2 bits. The results clearly show that the difference in computation times goes bigger with rising of encoding bit. Specifically, CNN, ResNet and LSTM spend at most 18.0467s, 42.2203s and 55.2088s on recovery, respectively.
The CNN and ResNet show similar recovery time profile over the communication rounds. Their brute force recovery time are very large in the beginning, and quickly drop over the communication rounds. This is attributed to the fact that the gradients of the model parameters of the SGD decrease quickly as the global model parameters converge. It is surprisingly to see that the recovery time for the ResNet becomes almost zero, which is smaller than that of the CNN after approx. 100 communication rounds. This means the model gradients of the ResNet become very small at the end of federated model training.
By contrast, the recovery time of the LSTM does not drop to zero and keeps fluctuating at a relatively high level, especially for the 15-bit length encoding. There are two reasons for the above observations. First, training of the LSTM involves large gradients of recurrent connections, and those values are determined by the length of sequence. Second, the setting of the FL environment for the LSTM is very different from that of the CNN and ResNet, where only ten clients randomly participate global model aggregation in one communication round.
Table \ref{bftime1} presents the time consumption of the brute force recovery for 15-bit encoding length. From Fig. \ref{percentage}(a) we can find that the average brute force recovery time accounts for a great proportion of the total elapsed time in each communication round, especially for the LSTM.
\begin{table}[]
\centering
\caption{Brute force recovery time for 15 encoding bit length}
\label{bftime1}
\begin{tabular}{cccc}
\toprule
Models & Max (s) & Min (s) & Avg (s) \\
\toprule
CNN & 18.0467 & 1.0717 & 1.9786 \\
ResNet & 42.2203 & 0.0474 & 2.6491 \\
LSTM & 55.2088 & 12.6166 & 23.8876 \\
\bottomrule
\end{tabular}
\end{table}
\begin{figure}[!t]
\begin{minipage}[t]{1\linewidth}
\centering
\subfigure[15 bit Brute Force Recovery]{
\begin{minipage}[b]{0.42\textwidth}
\includegraphics[width=7cm]{Figure/percentage.eps}
\end{minipage}
}
\centering
\subfigure[10 bit Log Recovery]{
\begin{minipage}[b]{0.42\textwidth}
\includegraphics[width=7cm]{Figure/log_percentage.eps}
\end{minipage}
}
\caption{Ratio of consumed time for model training, encryption and decryption, and brute force recovery for the 15-bit encoding length (a), and for the log recovery for the 10-bit encoding length (b) in one communication round.}
\label{percentage}
\end{minipage}
\end{figure}
Therefore, we can use the log recovery instead of the brute force recovery when the encoding bit length is smaller than or equal to 10 so that the recovery time and the encryption time become negligible (Fig. \ref{percentage}(b)). Since the group size of $p$ is 3072 bit and $g_0$ is 2, the log recovery is not recommended when the plaintext message is larger than 3072 bit (11-bit encoding length). In order to avoid overflow, the maximum encoding bit length is set to be 10 in our simulations and the global performance drop caused by a low encoding bit length will be discussed in the next section.
\subsection{Learning Performance}
In this section, we empirically examine influence of the TernGrad quantization, approximate aggregation and encoding length on the learning performance of the proposed DAEQ-FL system. Fig. \ref{noenctestacc} shows the test accuracy of the three models with or without encryption operations. For non encryption cases, `Original' represents standard FL, `TernGrad' means only quantization is used and `TernGrad+Approx' uses both quantization and approximated aggregation technique. And for encryption cases, brute force recovery is used for 15 encoding bit length cases and log recovery is adopted for 10 bit length scenarios.
From these results, we can see that the test accuracy of the models of the original FL and four variants of the DEAG-FL have achieved almost the same performance (in particular the CNN, with 98.97\% test accuracy). These results indicate that both the quantization and approximated aggregation have negligible impact on the test performance of the global model. Besides, neither the quantization or encryption has considerably slowed down the convergence speed over the communication rounds. It also can be seen that, the CNN and ResNet converge around the 25th round, while the LSTM is convergent around the 50th round.
\begin{figure}[!t]
\begin{minipage}[t]{1\linewidth}
\centering
\subfigure[CNN for MNIST dataset]{
\begin{minipage}[b]{0.46\textwidth}
\includegraphics[width=1\textwidth]{Figure/enc_noenc_testacc_CNN.eps}
\end{minipage}
}
\centering
\subfigure[ResNet for CIFAR10 dataset]{
\begin{minipage}[b]{0.46\textwidth}
\includegraphics[width=1\textwidth]{Figure/enc_noenc_testacc_ResNet.eps}
\end{minipage}
}
\centering
\subfigure[LSTM for Shakespeare dataset]{
\begin{minipage}[b]{0.46\textwidth}
\includegraphics[width=1\textwidth]{Figure/enc_noenc_testacc_LSTM.eps}
\end{minipage}
}
\caption{The test accuracy of the global model for CNN, ResNet and LSTM in five different settings.}
\label{noenctestacc}
\end{minipage}
\end{figure}
More specifically, when the CNN trained on the MNIST dataset, the model performance does not degrade when the encoding bit length is decreased to 10. However, For the ResNet trained on CIFAR10, the test accuracy of the global model is reduce to 74.96\% by using 10-bit encoding, which is approximately 1\% lower than models without using encryption. The test accuracy of the LSTM models fluctuates between around 48\% and 52\%, regardless whether quantization or encryption are used or not. This can be due to the same reasons as discussed above.
Now we take a closer look at the learning performance of the global model of the proposed DAEQ-FL when the encoding bit length further decreases. The results for all models are shown in Fig. \ref{logtestacc}. It can be noticed that the convergence speed of the CNN and ResNet starts to decrease when the encoding bit length is smaller than 9. Besides, the model performance reduces dramatically when the encoding length is reduced to 7 bits or lower for CNN and to 8 bits or lower for the ResNet, respectively.
\begin{figure}[!t]
\begin{minipage}[t]{1\linewidth}
\centering
\subfigure[CNN for MNIST dataset]{
\begin{minipage}[b]{0.46\textwidth}
\includegraphics[width=1\textwidth]{Figure/enc_log_testacc_CNN.eps}
\end{minipage}
}
\centering
\subfigure[ResNet for CIFAR10 dataset]{
\begin{minipage}[b]{0.46\textwidth}
\includegraphics[width=1\textwidth]{Figure/enc_log_testacc_ResNet.eps}
\end{minipage}
}
\centering
\subfigure[LSTM for Shakespeare dataset]{
\begin{minipage}[b]{0.46\textwidth}
\includegraphics[width=1\textwidth]{Figure/enc_log_testacc_LSTM.eps}
\end{minipage}
}
\caption{The test accuracy of the global model with different encoding lengths.}
\label{logtestacc}
\end{minipage}
\end{figure}
Reduction of the encoding bit length does not cause clear model degradation for the LSTM until when only 2 bits are used for encoding and the accuracy is reduced to 43.15\%. Nevertheless, we can still observe a slight drop in the convergence speed in the beginning of the communication rounds. The possible reason for this is that the model gradients of LSTM are large.
Overall, both TernGrad quantization and the approximate global model aggregation have little impact on the model performance, so long as the encoding bit length is not less than eight. Therefore, the proposed DEAQ-FL using the log recovery and an encoding length of 9 or 10 can achieve 128 bit security level with negligible degradation in performance and little increase in computational and communication costs for the CNN, ResNet and LSTM on the corresponding datasets studied in this work.
\section{Conclusion and Future Work}
In this paper, we propose a privacy-preserving solution that makes use of distributed key generation and additive ElGamal encryption to protect gradients in the federated learning framework. To reduce computational and communication costs, we also introduce ternary quantization of the local models and approximate aggregation of the global model, making our solution practical in complex machine learning models, such as deep neural networks, in the context of gradient encryption. The proposed DAEQ-FL system does not rely on a TTP for key pair generations, which enables the system to tolerate a certain number of malicious clients.
DEAQ-FL can adopt the computationally efficient log recovery when the encoding bit length is less than eleven, and there is no noticeable learning performance degradation when ten bits are used for encoding (note only about 1\% accuracy loss for ResNet compared to the results without doing any encryption on the Shakespeare dataset). However, the model learning performance starts to clearly deteriorate when the encoding length is less than eight. Thus, brute force recovery must be adopted when the encoding length is larger than eleven. Although a large encoding length can enhance the coding precision, the amount of recovery time will considerably increase. According to our experimental results, the global models trained with a maximum of fifteen bits can perform comparably to the non-encrypted FL, while the recovery time is still acceptable. Since the model gradients tend to decrease to zero during training, the brute force recovery time is expected to become much smaller as the global model converges.
Although the proposed method shows highly promising performance for encrypted federated deep learning, it may need to balance a tradeoff between model performance and computation time needed for plaintext recovery when a small model (e.g., a logistic regression) is adopted. This is mainly because a smaller model will require a much longer encoding length (e.g., more than fifteen), making the brute force based recovery intractable. Therefore, our future work will be dedicated to the development of a distributed additive homomorphic encryption without recovery that can be used in federated learning systems.
|
\section{The Proposed RRCN}\label{sec:approach}
The framework of the proposed RRCN approach is depicted in Figure \ref{fig:model}, and it consists of four components: (1) user feature embedding component, (2) random CNN component, (3) reinforced attribute selection component and (4) reciprocal recommendation component. We detail each component in the following subsections.
\vspace{-0.2cm}
\subsection{User feature embedding component}
This component is to embed users' attributes into a feature space. The working process is illustrated as follows. For a given male user $m$, we respectively extract his preferred user set $P(m)$ and repulsive user set $N(m)$ as highlighted in blue and red rectangles in Figure \ref{fig:model}. The attributes of each user in $P(m)$ and $N(m)$ are embedded into a feature matrix denoted as $\chi \in \mathbb{R} ^{L\times d}$. Then, a soft-attention mechanism \cite{bahdanau2014neural} is employed to differentiate the importance of users in $P(m)$ and $N(m)$. The weight $\alpha_{i}$ of $i$-th user $u_i$
is calculated as
\begin{eqnarray}
\setlength\abovedisplayskip{1pt
\setlength\belowdisplayskip{1pt}
\mu_{i} &=& \bm{W}_2^T \sigma_1(\bm{W}_1^T \chi'_{i} +b_1) + b_2 \\
\alpha_{i} &=& \frac{e^{\mu_{i}}}{\sum_{u_j \in P(m),N(m)} e^{\mu_{j}}},
\end{eqnarray}
\noindent where $\sigma_1$ is $\tanh$ function, $\chi'_{i} \in \mathbb{R}^{Ld \times 1}$ is an one-dimension feature vector of user $u_i \in P(m)$ or $N(m)$ by a flattening operation, $\bm{W}_1^T \in \mathbb{R}^{Ld\times l_1}$ and $\bm{W}_2^T \in \mathbb{R}^{l_1\times 1}$ are neural network parameters. Then, the weighted feature representation $X_{P(m)}$ (of preferred users) and $X_{N(m)}$ (of repulsive users)
is now calculated as
\begin{small}
\begin{equation}
\setlength\abovedisplayskip{1pt
\setlength\belowdisplayskip{1pt}
\begin{split}
X_{P(m)} &= \sum_{u_{i} \in P(m)} \alpha_{i} \chi_{i}\\
X_{N(m)} &= \sum_{u_{i} \in N(m)} \alpha_{i} \chi_{i}
\end{split}
\end{equation}
\end{small}
Similar to xDeepFM, we respectively perform outer product operations between feature $\chi_m$ (of given user $m$) and $X_{P(m)}$ and $X_{N(m)}$,
along each embedding dimension. The output of this operation is a tensor denoted as $\bm{H}^P_{m},\bm{H}^N_{m} \in R^{L \times L \times d}$,
written as
\begin{equation}
\resizebox{0.8\columnwidth}{!}{$
\begin{aligned}
\bm{H}^{P}_{m} &= [{\chi_{m}}_1 \otimes {X_{P(m)}}_1,\cdots, {\chi_{m}}_d \otimes {X_{P(m)}}_d] \\
\bm{H}^{N}_{m} &= [{\chi_{m}}_1 \otimes {X_{N(m)}}_1,\cdots, {\chi_{m}}_d \otimes {X_{N(m)}}_d]
\end{aligned}
$}
\end{equation}
Note that we have feature embedding tensor $\bm{H}^{P}_{m}, \bm{H}^{N}_{m}$ for a male user $m$ and $\bm{H}^{P}_{f}, \bm{H}^{N}_{f}$ for a female user $f$ by taking the same process as above. For simplicity reason, we denote these tensors using $\bm{H}^{P/N}_{m/f}$.
This feature embedding tensor $\bm{H}^{P/N}_{m/f}$ is then fed into the next random CNN component.
\vspace{-0.2cm}
\subsection{Random CNN Component}\label{sec:random}
In order to capture the key attributes and their interactions, a novel random convolutional operation is proposed to randomly convolute non-adjacent features. To convolute on a tensor $\bm{H}^{P/N}_{m/f}$, we define several kernels of different size to
generate different attribute combinations.
Then, the importance of these attribute combinations are learnt according to their contribution to reciprocal recommendation. The most important attributes are empirically considered as key attributes by this paper. An illustrating example of this random CNN is given in Figure \ref{fig:randomcnn}, and technical details of this component are illustrated as follows.
Let $k$ and $L$ respectively denote the number of key attributes and all attributes. Generally, we can enumerate all the attributes to build the candidate set of attribute combinations. However, the conventional CNN cannot convolute non-adjacent attributes, and thus cannot complete the enumeration process. To address this issue, we propose this random CNN component by revising the convolution operation to approximate the enumeration process. The size of convolutional kernel represents how many attributes should be convoluted. Given a $k\times k \times d$ kernel, the first row and column of this kernel is traversally fixed to an entry of $\bm{H}^{P/N}_{m/f}$. Then, we randomly select the rest $k-1$ rows and $k-1$ columns in $\bm{H}^{P/N}_{m/f}$, and the intersected matrix entries (of all $k$ rows and $k$ columns) form a k-sized feature tensor $\bm{H}_{xy} = [h_{ijl}]_{k\times k \times d}$ to convolute. By doing so, the complexity of random CNN operation is only $O(L^2)$ whereas the original complexity of enumeration is $O(C_L^k\times C_L^k)$, and thus we greatly reduce the computational cost.
The convolution operation over these selected attributes is calculated as,
\begin{equation}
\setlength\abovedisplayskip{1pt
\setlength\belowdisplayskip{1pt}
h^{'}_{xy} = \sum_{i=1}^{k} \sum_{j=1}^{k}\sum_{l=1}^{d}w_{ijl}h_{ijl}
\end{equation}
where $w_{ijl}$ is the weight of $h_{ijl}$. In the proposed random CNN component, we employ $K$ kernels of different size, i.e., $2 \times 2 \times d$, $3 \times 3 \times d$ and $4 \times 4 \times d$ where $d$ is the number of filters. Accordingly, a tensor $\bm{H}^{P'/N'}_{m/f}=[h'_{ijl}]_{L\times L \times d}$ is generated for $k$-sized kernels after the convolution operation.
Then, a max pooling layer \cite{graham2014fractional,tolias2015particular,nagi2011max} is applied on $\bm{H}^{P'/N'}_{m/f}$ in a row-wise manner, and it outputs a tensor $M^{P/N}_{m/f} \in \mathbb{R}^{L \times d}=[\rho_1,\cdots,\rho_L]$. This output of max pooling operation is also a feature vector representing interactive relationship among a set of $k$ key attributes.
To recall that we have employed $K$ different kernels, and thus we have $K$ such feature vectors, denoted as $\mathcal{M}^{P/N}_{m/f} \in \mathbb{R}^{K \times L \times d}=[M_1, \cdots, M_K]$. To further differentiate the importance of each feature vector, a multi-dimension attention mechanism
is proposed and calculated as
\begin{eqnarray}
\setlength\abovedisplayskip{1pt
\setlength\belowdisplayskip{1pt}
\mu_i &=& \sigma_1(M_i\bm{W}_d)\\
\alpha_{i} &=& \frac{e^{\mu_{i}}}{\sum_{M_j \in \mathcal{M}} e^{\mu_{j}}}\\
\mathcal{K}^{P/N}_{m/f} &=& \sum\limits_{M_i\in \mathcal{M}} \alpha_i M_i,
\end{eqnarray}
where
$\bm{W}_d \in \mathbb{R}^{d\times 1}$ is the weight matrix of dimensions, $\alpha_i \in \mathbb{R}^{L\times 1}$ is the attention score of $M_i$, and $\mathcal{K}^{P/N}_{m/f}\in \mathbb{R}^{L\times d}$ is the aggregated feature embeddings of key attributes.
\begin{figure}[htbp]
\vspace{-0.2cm}
\centering
\includegraphics[width=1\columnwidth,height=3.3in]{./image/randomcnn.png}
\caption{Illustration of attribute selection process of random CNN with kernel size as $2\times 2$. It traversely fixes each entry pointed by red arrows in the feature map, then randomly chooses the rest entries in a row-wise and column-wise manner to convolute. For instance, it fixes entry 1 at step 1, and then randomly chooses three entries to form a quad tuple (1,5,8,5) to convolute and generates entry 6 in the output feature map. It stops convoluting at step 16 as it has already traversed all entries contained in this feature map.}
\label{fig:randomcnn}
\vspace{-0.3cm}
\end{figure}
\begin{algorithm}[htbp]
\caption{The Reinforced Random CNN Algorithm}\label{alg:rcnn}
\renewcommand{\algorithmicrequire}{ \textbf{Input:}}
\renewcommand{\algorithmicensure}{ \textbf{Output:}}
\begin{algorithmic}[1]
\Require { Feature embedding tensor $\bm{H}^{P/N}_{m/f}$, Kernel $C$}
\Ensure {Convoluted feature embedding tensor $\bm{H}^{P'/N'}_{m/f}$}
\Function{Convolution Oerpation}{$\bm{H}^{P/N}_{m/f}$,$k$}
\For {$x$ $\leftarrow$ 0 to L}
\For {$y$ $\leftarrow$ 0 to L}
\State RowIndex=$\{row_x\}\oplus SelectPolicy(x,k)$
\State ColumnIndex=$\{col_y\}\oplus SelectPolicy(y,k)$
\State
\resizebox{0.74\columnwidth}{!}{
$h'_{xy}=\sum\limits_{i\in RowIndex}\sum\limits_{j\in ColumnIndex}\sum\limits_{l=1}^dw_{ijl}h_{ijl}$ }
\EndFor
\EndFor
\State \Return {$\bm{H}^{P'/N'}_{m/f}$}
\EndFunction
\Function {SelectPolicy}{currentPosition,k}
\State s=currentPosition
\State ActionsProbality=$P_{\theta}$($a_{xy} \mid s_{xy}, \bm{H}^{P/N}_{m/f}$)
\State Actions=Sample(L,k-1,ActionsProbality)
\State \Return{$Actions$}
\EndFunction
\end{algorithmic}
\end{algorithm}
\subsection{Reinforced attribute selection component}\label{sec:rl}
To further enhance the feature selection process, a reinforcement learning \cite{kaelbling1996reinforcement,sutton1998introduction} based strategy is proposed to first select salient attributes as plotted in Figure \ref{fig:reinforcelearning}, and then apply the random CNN component to convolute these salient features.
The proposed reinforced attribute selection component firstly fixes a cell $(x,y)$ as its initial state and takes action to choose the next $k^2-1$ entries to convolute, given a $k \times k$ kernel. Suppose the initial state $s_{xy}$ is set to the $x$-th row and $y$-th column, action $a_{xy} \in \mathcal{A}_k$ is to select next $k-1$ rows, i.e., $X=\{x_1,\cdots,x_{k-1}\}$, and next $k-1$ columns, i.e., $Y=\{y_1,\cdots,y_{k-1}\}$ from $\bm{H}^{P/N}_{m/f}$ to generate a submatrix $\bm{H}_{xy}=[h_{ijl}]_{k\times k\times d}$ for convolution. Its output is denoted as $s'_{xy}$.
The probability of taking an action is approximated by a policy network $P_\theta(a_{xy}|s_{xy},\bm{H}^{P/N}_{m/f})$ consisting of two FC layers and a softmax layer written as,
\begin{eqnarray}
\mu_{xy} &=& \bm{W}_2^T \sigma_1(\bm{W}_1^T \bm{H}^{P/N}_{m/f} +b_1) + s_{xy} \\
P_{xy} &=& softmax(\mu_{xy}).
\end{eqnarray}
where $P_x=\{P(x_1),\cdots,P(x_L)\}$ and $P_y=\{P(y_1),\cdots,P(y_L)\}$ are the probability distributions of all the rows and columns.
Then, we sample $k-1$ rows and columns simultaneously according to their probability written as,
\begin{equation}
\begin{split}
X &= Sample([x_1,\cdots,x_L],k-1,P_x)\\
Y &= Sample([y_1,\cdots,y_L],k-1,P_y)
\end{split}
\end{equation}
The reward of selecting attributes is estimated by their contributions to the model prediction accuracy, i.e., to minimize model loss, and thus the reward is calculated as
\begin{equation}
\resizebox{0.7\columnwidth}{!}{$
\begin{aligned}
R(a_{xy},s_{xy},\bm{H}^{P/N}_{m/f}) = \sum_{x_i \in X} R(x_i, s_{xy}, \bm{H}^{P/N}_{m/f}) +\\ \sum_{y_j \in Y} R(y_j, s_{xy}, \bm{H}^{P/N}_{m/f})
\end{aligned}
$}
\end{equation}
where
$R(x_i, s_{xy}, \bm{H}^{P/N}_{m/f})$ and
$R(y_j, s_{xy}, \bm{H}^{P/N}_{m/f})$ respectively denote the reward of choosing row $x_i$ and column $y_j$,
written as
\begin{equation}
\resizebox{0.7\columnwidth}{!}{$
\begin{aligned}
\setlength\abovedisplayskip{3pt
\setlength\belowdisplayskip{3pt}
R(x_i,s_{xy},\bm{H}^{P/N}_{m/f}) &=& \sum\limits_{c=0}^{k-1}\sum\limits_{l=0}^{d} \frac{\partial{\mathcal{L}}}{\partial{s'_{xy}}} \frac{\partial{s'_{xy}}}{\partial{h_{icl}}} \\
R(y_j,s_{xy},\bm{H}^{P/N}_{m/f}) &=& \sum\limits_{c=0}^{k-1}\sum\limits_{l=0}^{d} \frac{\partial{\mathcal{L}}}{\partial{s'_{xy}}} \frac{\partial{s'_{xy}}}{\partial{h_{cjl}}},
\end{aligned}
$}
\end{equation}
where $\mathcal{L}$ is the model loss. The policy network is optimized by below objective function,
given as
\begin{equation}
\resizebox{0.8\columnwidth}{!}{
$\mathcal{J} = \min \sum\limits_{(x,y)\in \bm{H}^{P/N}_{m/f}}\mathbb{E}_{a_{xy}} [ R(a_{xy},s_{xy},\bm{H}^{P/N}_{m/f})]$.
}
\end{equation}
A policy gradient is calculated w.r.t. parameter $\theta$ using a widely adopted algorithm \cite{williams1992simple,yu2017seqgan,wang2018neural}, and the corresponding gradient is directly given as
\begin{equation}
\resizebox{1\columnwidth}{!}{$
\begin{aligned}
\mathbf{\bigtriangledown}_{\theta} \mathcal{J} &= \bigtriangledown_{\theta}
\sum\limits_{(x,y)\in \bm{H}^{P|N}_{m/f}}\mathbb{E}_{a_{xy}} [ R(a_{xy},s_{xy},\bm{H}^{P/N}_{m/f})]\\
&= \sum\limits_{(x,y)\in \bm{H}^{P/N}_{m/f}}\mathbb{E}_{a_{xy}} [ R(a_{xy},s_{xy},\bm{H}^{P/N}_{m/f})\bigtriangledown_{\theta} \log P_{\theta}(a_{xy}\mid s_{xy},\bm{H}^{P/N}_{m/f})].
\end{aligned}
$}
\end{equation}
Then, the policy network is updated as $\theta\leftarrow\theta- \gamma\bigtriangledown_{\theta}\mathcal J(\theta)$.
\begin{figure}[htbp]
\centering
\setlength{\belowcaptionskip}{1pt}
\includegraphics[width=1\columnwidth,height=1.8in]{./image/reinforecelearning.png}
\caption{Illustration of the proposed reinforcement-enabled attribute selection strategy. In this figure, the red blocks are the initial states and the red cell of ``1'' is the fixed element to be interacted, the green blocks are candidate rows and columns, and the yellow blocks are indexes of selected rows and columns by taking an action.}
\label{fig:reinforcelearning}
\vspace{-0.6cm}
\end{figure}
\subsection{Reciprocal recommendation component}
This component is to predict whether a reciprocal link exits or not between any two users. Particularly, given a pair of users $(m, f)$, the feature embeddings of their key attributes could be calculated through previous components and are given as
$\mathcal{K}_m^{P}$, $\mathcal{K}_m^{N}$, $\mathcal{K}_f^{P}$ and $\mathcal{K}_f^{N}$.
Then, these features are concatenated as
\begin{equation}
\nonumber \bm{V} = (\chi_m \circ \mathcal{K}_f^{P}) \oplus (\chi_m \circ \mathcal{K}_f^{N})\oplus (\chi_f \circ \mathcal{K}_m^{P}) \oplus (\chi_f\circ \mathcal{K}_m^{N}),
\end{equation}
where $\circ$ is vector dot product, and $\oplus$ denotes concatenation operation. This concatenated feature vector $\bm{V}$ is fed into two FC layers to make the reciprocal recommendation, and its model loss is designed as
\begin{equation}
\setlength\abovedisplayskip{1pt
\setlength\belowdisplayskip{1pt}
\resizebox{0.85\columnwidth}{!}{$
\mathcal{L} = \min \sum\limits_{(m, f)\in U}-(y_{mf} \log(y'_{mf}) + (1-y_{mf})\log (1-y'_{mf}))
$}
\end{equation}
\noindent where $y_{mf}$ is the true label whether the reciprocal link exists or not between $m$ and $f$, and we optimize the model
using the Adam algorithm \cite{kingma2014adam}.
\section{Conclusion}
\label{sec:con}
In this paper, we propose a novel reinforced random convolutional network (RRCN) model for reciprocal recommendation task. First, we assume that a set of key attributes as well as their interactions are crucial to the reciprocal recommendation. To capture these key attributes, we technically propose a novel random CNN operation method which can randomly choose non-adjacent features to convolute. To further enhance this attribute selection process, a reinforcement learning based strategy is proposed. Extensive experiments are performed on two real-world datasets and the results demonstrate that RRCN achieves the state-of-the-art performance against a number of compared models.
\section{Experiments}\label{sec:exp}
We perform extensive experiments on two real-world online dating datasets to answer the following research questions:
\begin{itemize}
\item \textbf{Q1:} Does the proposed RRCN outperforms the state-of-the-art approaches for reciprocal recommendation task?
\item \textbf{Q2:} How does CNN component and the reinforced learning based strategy affect the model performance?
\item \textbf{Q3:} How does the reinforced random CNN capture the key attributes and their interactions?
\end{itemize}
\subsection{Datasets and evaluation criteria}
We consider two real-world online dating datasets ``D1'' and ``D2''.
``D1'' is a public dataset provided by a national data mining competition \footnote{https://cosx.org/2011/03/1st-data-mining-competetion-for-college-students/}, which was originally collected from an online dating Website, and contains 34 user attributes and their message histories.
We use ``message'' and ``click'' actions between users to generate directed links between users.
``D2'' was collected by ourselves from one of the most popular online dating Websites \footnote{We anonymize the Website name for anonymous submission.}, which has over 100 millions of registered users, and each user has 28 attributes like age, marital status, constellation, education, occupation and salary.
We extract users who have sent or received more than 40 messages to build an attributed bipartite network, which consists of 228,470 users and 25,168,824 edges (each message corresponds to a directed edge).
The statistics of these two datasets are reported in Table \ref{tab:dataset}.
To evaluate the models, we adopt five popular evaluation metrics, i.e., Precision, Recall, F1, ROC, and AUC and the threshold is set to 0.5 for precision, Recall and F1.
\begin{table}[htbp]
\setlength{\abovecaptionskip}{10pt}
\setlength{\belowcaptionskip}{5pt}
\resizebox{\columnwidth}{!}{
\begin{tabular}{cccp{2.5cm}<{\centering}p{1.2cm}<{\centering}p{1cm}<{\centering}}
\toprule[2pt]
Dataset & \# Nodes & \# Edges & \# Reciprocal links & Max degree & Avg degree \\
\hline
D1 & 59,921 & 232,954 & 9,375 & 201,648 & 287
\\ \hline
D2 & 228,470 & 25,168,824 & 1,592,945 & 4,231 & 110 \\
\bottomrule[2pt]
\end{tabular}
}
\caption{Statistics of experimental datasets.}
\label{tab:dataset}
\vspace{-0.5cm}
\end{table}
\vspace{-0.2cm}
\subsection{Baseline methods}
\label{sec:baseline}
As our task is a link prediction problem, and thus these top-K oriented reciprocal methods are not chosen for the performance comparison. In the experiments, we
evaluate the proposed RRCN against the following feature embedding based approaches and link prediction approaches.
\begin{itemize}
\item \textbf{DeepWalk}~\cite{perozzi2014deepwalk} adopts the random walk to sample neighboring nodes, based on which nodes' representations are learned.
\item \textbf{Node2vec}~\cite{grover2016node2vec} optimizes DeepWalk by designing novel strategies to sample neighbors.
\item \textbf{DeepFM}~\cite{guo2017deepfm} originally proposed for CTR prediction, is a factorization machine (FM) based neural network to learn feature interactions between user and item.
\item \textbf{xDeepFM} \cite{lian2018xdeepfm} uses multiple CIN components to learn high-order feature interactions among attributes.
\item \textbf{NFM} \cite{he2017neural} replaces the FM layer by a Bi-interaction pooling layer to learn the second order feature embedding.
\item \textbf{AFM} \cite{xiao2017attentional} integrates the FM layer with an attention mechanism to differentiate the importance of feature interactions.
\item \textbf{DCN} \cite{wang2017deep} propose the deep cross network to capture the higher order feature interactions.
\item \textbf{GraphSage} \cite{hamilton2017inductive} is an inductive graph neural network model, which generates the embedding of each node by randomly sampling and aggregating its neighbors' features.
\item \textbf{PinSage} \cite{ying2018graph}, similar to the GraphSage, adopts the random walk to sample the neighbors of each node and aggregate them to represent the nodes feature.
\item \textbf{Social GCN} \cite{wu2018socialgcn} is proposed to investigate how users' preferences are affected by their social ties which is then adopted for user-item recommendation task.
\end{itemize}
\begin{table}[htbp]
\vspace{-0.2cm}
\setlength{\abovecaptionskip}{10pt}
\setlength{\belowcaptionskip}{5pt}
\centering
\Huge
\resizebox{\columnwidth}{!}{
\begin{tabular}{ccccccc}
\toprule[2pt]
\multirow{2}*{\textbf{Methods}} & \multicolumn{3}{c}{\textbf{D1}}
& \multicolumn{3}{c}{\textbf{D2}} \\
\cmidrule(lr){2-4}
\cmidrule(lr){5-7}
& Precision & Recall & F1 & Precision & Recall & F1 \\
\midrule
DeepWalk & .5177 & .3544 & .4208 & .8801 & .7579 & .8144 \\
Node2vec & .4865 & .4380 & .4610 & .8138 & .8558 & .8343 \\ \hline
DeepFM & .7004 & .4852 & .5732 & .8533 & .7477 & .7970 \\
xDeepFM & \underline{.7714} & .5094 & .6136 & \underline{.9357} & \underline{.8605} & \underline{.9047} \\
NFM & .5685 & .5593 & .5639 & .7856 & .8198 & .8024\\
AFM & .4210 & .3733 & .3957 & .7997 & .8214 & .8104\\
DCN & .5143 & .5566 & .5346 & .7896 & .8436 & .8157\\
\hline
GraphSage & .7151 & .3383 & .4593 & .6829 & .6643 & .6735 \\
PinSage & .6428 & \underline{.7493} & \underline{.6920} & .7220 & .7549 & .7991 \\
SocialGCN & .4667 & .4434 & .4547 & .8588 & .8314 & .7991 \\ \hline
RRCN & \textbf{.7865} & \textbf{.7695} & \textbf{.7779} & \textbf{.9686} & \textbf{.8679} & \textbf{.9154} \\
\bottomrule[2pt]
\end{tabular}
}
\caption{Results of reciprocal recommendations on ``D1`` and ``D2''.}
\label{tab:DatingResult}
\end{table}
\begin{figure}[htbp]
\centering
\vspace{-0.5cm}
\begin{minipage}{.49\columnwidth}
\includegraphics[width=1\columnwidth,height=1.5in]{./image/roc_sjjy.png}
\caption{ROC results of all approaches on ``D1``.}
\label{fig:roc_sjjy}
\end{minipage}
\begin{minipage}{.49\columnwidth}
\includegraphics[width=1\columnwidth,height=1.5in]{./image/roc.png}
\caption{ROC results of all approaches in ``D2 ''.}
\label{fig:roc}
\end{minipage}
\vspace{-0.3cm}
\end{figure}
\subsection{Results on reciprocal recommendation (Q1)}
\label{sec:Q1}
This experiment is to verify whether RRCN outperforms the state-of-the-art approaches for the reciprocal recommendation task.
Before the experiments, we first extract all the reciprocal links and negatively sample the same number of non-reciprocal links from the two datasets which are randomly partitioned into training data and testing data at the ratio of 80\% to 20\%, respectively.
Afterwards, we run all the comparison models on all the datasets and report the experimental results in Table \ref{tab:DatingResult}, Figure \ref{fig:roc_sjjy}, and \ref{fig:roc}, respectively.
Table \ref{tab:DatingResult} shows the results on precision, recall, and F1-score. We can see that RRCN consistently outperforms other approaches.
We can also see that feature embedding based approaches, i.e., xDeepFM could achieve better performance than other baseline models. This is consistent with our common sense that users' attributes play a more important role in reciprocal recommendation. Nevertheless, these approaches convolute all attributes which in turn generates unnecessary information, and thus deteriorates the model performance.
Besides, graph representation learning based approaches, i.e., PinSage, GraphSage and SocialGCN, achieve better performance on ``D1'' which is a smaller dataset, but are the worst on a larger dataset. This implies that these approaches are good at capturing graph structural features but need to design a better manner to combine users' attributes and interactive behavior features.
Figures \ref{fig:roc_sjjy} and \ref{fig:roc} respectively plot the AUC results on both datasets, where the X-axis of ROC is FPR (false positive rate) indicating the rate that a classifier wrongly classifies false data, and Y-axis of ROC is TPR (true positive rate) indicating the rate that a classifier correctly labels true data. Obviously, it is desired to see a ROC curve having a higher TPR value and a lower FPR value at the same time, and such curve also has a larger AUC value. From the figures, we can see that RRCN achieves the highest AUC (0.9651 and 0.9688) respectively on ``D1'' and ``D2''.
In summary, we conclude that our proposed RRCN achieves the superior performance against a number of SOTA
approaches in terms of five evaluation criteria.
\begin{table}[htbp]
\vspace{-0.1cm}
\setlength{\abovecaptionskip}{10pt}
\setlength{\belowcaptionskip}{5pt}
\centering
\Huge
\resizebox{1\columnwidth}{!}{
\begin{tabular}{ccccccc}
\toprule[2pt]
\multirow{2}*{\textbf{Kernel size}} &
\multicolumn{4}{c}{\textbf{Model performance}} \\
\cmidrule(lr){2-6}
& Precision & Recall & F1 & ACC & AUC \\
\midrule
CCNN+K=2 & .7400 & .5066 & .3482 & .5067 & .8530 \\
CCNN+K=3 & .7093 & .5746 & .4931 & .5747 & .8001 \\
CCNN+K=4 & .7057 & .5270 & .3957 & .5270 & .7876 \\
\hline
DCNN+K=2+D=2 & .7437 & .5606 & .4590 & .5607 & .8600 \\
DCNN+K=2+D=2 & .8161 & .8140 & .8150 & .8140 & .8688 \\
DCNN+K=2+D=2 & .6319 & .6315 & .6312 & .6315 & .6834 \\
\hline
RCN+K=2 & .8180/.17 & .7751/.25 & .7422/.32 & .7751/.25 & .8759/.15 \\
RCN+K=3 & .7497/.19 & .7159/.24 & .6889/.29 & .7159/.24 & .7967/.20 \\
RCN+K=4 & .7655/.19 & .6985/.29 & .6455/.19 & .7654/.40 & .8281/.17 \\
\hline
RRCN+K=2 & \underline{.9181} & \underline{.9172} & \underline{.9171} & \underline{.9172} & \textbf{.9702} \\
RRCN+K=3 & \textbf{.9249} & \textbf{.9190} & \textbf{.9187} & \textbf{.9190} & \underline{.9689} \\
RRCN+K=4 & .8720 & .8632 & .8624 & .8632 & .9634 \\
\bottomrule[2pt]
\end{tabular}
}
\caption{Experimental results of the proposed random CNN and the reinforcement learning enabled random CNN on ``D2''.}
\label{tab:CNNCompare}
\vspace{-0.7cm}
\end{table}
\begin{table*}
\centering
\resizebox{0.8\textwidth}{!}{
\begin{tabular}{m{1.2cm}<{\centering}m{1.2cm}<{\centering}p{6cm}<{\centering}p{6cm}<{\centering}}
\toprule[2pt]
\textbf{Kernel Size} & \textbf{Method} & \textbf{Initial State} & \textbf{Final State} \\
\hline
\multirow{2}*{K=2} & CNN & \{(Education,Occupation), (Salary,Smoking)\} & \{(Education,Occupation), (Salary,moking)\} \\
\cline{2-4}
& RRCN & \{(Education), (Salary)\} & \{(Education,\textbf{Salary}), (Salary,\textbf{House})\} \\
\hline
\multirow{2}*{K=3} & CNN & \{(Education,Occupation,Salary), (Salary,Smoking,Drinking)\} & \{(Education,Occupation,Salary), (Salary,Smoking,Drinking)\} \\
\cline{2-4}
& RRCN & \{(Education), (Salary)\} & \{(Education,\textbf{Occupation},\textbf{House}), (Salary,\textbf{Occupation},\textbf{Education})\} \\
\hline
\multirow{2}*{K=4} & CNN & \{(Education,Occupation,Salary,Smoking), (Salary,Smoking,Drinking,Children)\} & \{(Education,Occupation,Salary,Smoking), (Salary,Smoking,Drinking,Children)\} \\
\cline{2-4}
& RRCN & \{(Education), (Salary)\} & \{(Education,\textbf{Salary},\textbf{House},\textbf{Children}), (Salary,\textbf{Height},\textbf{Occupation},\textbf{Hometown})\} \\
\bottomrule[2pt]
\end{tabular}
}
\caption{Results on preferred attributes selected by conventional CNN and RRCN. The bold features in final state indicate that they are selected by taking an action given initial state in RRCN.}\label{tab:featureRL}
\vspace{-0.5cm}
\end{table*}
\subsection{Effect of random CNN component and reinforced feature selection strategy (Q2)}
\label{sec:Q2}
In this experiment, we perform an ablation study to evaluate the effect of both random CNN operations (denoted as RCN) and reinforcement learning based strategy (denoted as RRCN).
We also compare the model performance by replacing the random CNN with conventional CNN (\textbf{C}CNN) and dilated CNN (\textbf{D}CNN).
Note that for lack of space, we only show the results on the larger dataset ``D2''.
For all approaches above, the kernel size (\textbf{K}) is respectively set to 2, 3 and 4. The results are reported in Table \ref{tab:CNNCompare}. Clearly, the performance of conventional CNN with different kernel size is the worst, as shown in the first three rows. The dilated CNN could be considered as a special case of our approach. We set dilation rate (\textbf{D}) to 2 for all experiments.
The performance of dilated CNN is better than that of the conventional CNN, and this verifies our assumption that the convolutions of non-adjacent features could enhance model prediction ability.
On average, our proposed random CNN component is better than all compared methods. However, the performance of random CNN component is not stable, as shown by its mean value and standard variance value of 5 results.
Moreover, we can see that RRCN achieves the best performance on all the evaluation criteria. Particularly, the performance of ``RRCN+K=3'' achieves the best results, where ``K=3'' means that three key attributes should be convoluted.
From this result, we can infer that a combination of three attributes is able to capture salient preferred or repulsive attributes and their feature interactions.
\vspace{-0.2cm}
\subsection{A case study on how RRCN captures the key attributes and their interactions (Q3)}\label{sec:Q3}
To further show the effect of the reinforcement learning based strategy, we report intermediate results of preferred features selected by RRCN in Table \ref{tab:featureRL}.
Specifically, we first fix the initial cell in the feature matrix to \textit{(Education, Salary)} which indicates the attributes of male and his preferred users are Education and Salary, respectively.
Then, we report the initial state and final state for both conventional CNN and RRCN.
Note that conventional CNN simply slides adjacent $k\times k$ features in the feature map, and thus its initial and final states are determined by the sequence order of features in the feature matrix.
For RRCN, it takes an action through the designed RL strategy, and the selected features by an action are highlighted in bold as reported in the final state.
For $k$=3, the final state of CNN is \textit{\{(Education, Occupation, Salary), (Salary, Smoking, Drinking)\}} for a user and the preferred attribute interaction tensor to convolute. Clearly, the male user has some undesired attributes like Smoking and Drinking, and thus the output of the convolution may not contribute to the final recommendation.
For RRCN, the final state is \textit{\{(Education, Occupation, House),(Salary, Occupation, Education)\}}. Obviously, the RRCN can select more preferred attributes of the user based on the interactions between the preferred attributes and user's own attributes.
For $k>3$, it may not be able to find a more suitable attribute, as shown in final state, to join the combination, and thus the model performance will not further increase. This further verifies the merit of the proposed RRCN.
\section{Introduction}\label{sec:intro}
Nowadays, the most popular online dating Web applications could even have several hundreds of millions of registered users. Consequently, an effective reciprocal recommendation system \cite{neve2019latent,ting2016transfer,palomares2020reciprocal} is urgently needed to enhance user experience. Generally, the reciprocal recommendation problem aims to recommend a list of users to another user that best matches their mutual interests \cite{pizzato2013recommending,zheng2018fairness}. For example in an online dating platform (e.g., Zhenai \footnote{https://www.zhenai.com/} or Match \footnote{https://www.match.com/}), the purpose of reciprocal recommendation is to recommend male users and female users who are mutually interested in each other.
Generally, the online dating users and their historical messages can often be modeled as an attributed bipartite graph \cite{zhao2013user,zhang2017learning,sheikh2019gat2vec}, where nodes represent users, directed edges represent messages passing among users, and nodes are associated with some attributes. In the bipartite graph, there are two types of edges, i.e., reciprocal links and non-reciprocal links. A reciprocal link indicates that a user sent a message to and was replied by another user, whereas a non-reciprocal link means that a user sent a message to but was not replied by another user. Accordingly, the reciprocal recommendation problem could be cast into the reciprocal link prediction problem \cite{xia2014predicting}.
\textbf{Prior works.} In the literature, there are various recommendation approaches \cite{guo2017deepfm,lian2018xdeepfm,li2019multi,xi2019bpam,chen2019matching}. For example, DeepFM \cite{guo2017deepfm} and xDeepFM \cite{lian2018xdeepfm} are proposed with a focus on extracting the low- and high-order features as well as their interactions. However, these conventional recommendation approaches \cite{tang2013exploiting,davidson2010youtube,hicken2005music,wei2017collaborative} cannot be directly adapted to the reciprocal recommendation problem, since they only care the interest of one side.
Recently, a few approaches \cite{nayak2010social,pizzato2010recon,chen2011recommendation,kleinerman2018optimally} have been proposed to address this issue. However, most of them convert this task to a two-stage conventional recommendation problem. For instance, RECON \cite{pizzato2010recon} measures mutual interests between a pair of users for reciprocal recommendation task.
Unfortunately, these approaches mainly consider the effect of attributes of preferred users, but overlook the effect of attributes of disliked users. Last but not least, they treat all the attributes equally, which ignores the fact that different attributes may have different impacts on the reciprocal recommendation \cite{wang2013feature, boutemedjet2008unsupervised, zheng2012optimal}.
Intuitively \cite{hitsch2005makes,pizzato2010learning}, a user might send a message to another user if and only if the other user has certain content of profile that is preferred by the user, denoted as user's \textit{preferred attribute}. On the contrary, if a user does not reply to a message, it indicates that either there are no \textit{preferred attributes} or there is at least one attribute of the other user that the user does not like, which is called \textit{repulsive attribute} in this paper. For example, user A with a good \textit{salary} may prefer user B (to be recommended) having a decent \textit{occupation}; whereas user P who has a \textit{children} may dislike the \textit{drinking} or \textit{smoking} user Q. Thus, \textit{occupation} is a preferred attribute of user B to user A, and \textit{drinking} or \textit{smoking} is a \textit{repulsive attribute} of user Q to user P. Moreover, the \textit{salary} - \textit{occupation} forms a preference interaction between a pair of users, while \textit{children} - \textit{drinking} and \textit{children} - \textit{smoking} form the repulsiveness interaction. Obviously, different users may have different sets of preferred or repulsive attributes.
Hereinafter, we call these attributes the key attributes to avoid ambiguity.
To discover the key attributes, a simple solution is to enumerate all the attribute combinations, then measure the contribution of each combination to the reciprocal recommendation, and finally select the best set of attributes. Obviously, this solution is infeasible due to the exponential number of attribute combinations.
Motivated by the aforementioned issues, in this paper we propose a reinforced random convolutional network (RRCN) approach, which can well capture the key attributes for reciprocal recommendation.
Particularly, we first develop an embedding component to capture the preferred and repulsive attributes from users' historical behaviors. Then, we build a feature embedding tensor between users' attributes and their preferred and repulsive attributes. Afterwards, we design a novel random CNN component, which performs a convolution operation on the feature tensor to capture the feature interactions.
Different from conventional CNNs that can only convolute adjacent
features, our proposed random CNN can randomly select features
to convolute.
We believe that by doing so, the convoluted features could well preserve feature interactions of key attributes.
To further enhance the attributes selection process, we propose a reinforcement learning based strategy, which can select a set of salient attributes. Then for each user pair, we match both users' key attributes with the other users' attributes, based on which we make the reciprocal recommendation.
In summary, our principle contributions are as follows:
\begin{itemize}
\item We propose a novel RRCN approach for reciprocal recommendation. To the best of our knowledge, this is the first attempt to perform reciprocal recommendation using the concept of key attributes and their interactions.
\item We propose a novel random CNN convolution operation method which could convolute non-adjacent features that are randomly chosen from the embedding feature tensor. Furthermore, a reinforcement learning based strategy is proposed to enhancing the attribute selection process by
selecting salient attributes to form the candidate set of key attributes.
\item We evaluate RRCN on two real-world online dating datasets. The experimental results demonstrate that the proposed RRCN outperforms the state-of-the-art approaches in terms of several evaluation criteria.
\end{itemize}
\section{Preliminaries}
\label{sec:problem}
As aforementioned, we model the
reciprocal recommendation data as an attributed bipartite network
$G$=$(U$=($M$, $F$), $E$, $A)$, where $U$ denotes the set of all the users including a subset $M$ of male users and a subset $F$ of female users, $E$ is the set of edges between female users and male users, and $A\in \mathbb{R}^{|U|\times L}$ is a set of attributes where $L$ is the number of attributes. Each user $u\in U$ is associated with an attribute vector $u_a\in \mathbb{R}^L \subset A$. For each directed edge $e$=$(m$, $f)\in E$, it means that a male user $m$ sent a message to a female user $f$. Note that if both edges ($m$, $f$) and ($f$, $m$) exist, then there is a reciprocal link between $f$ and $m$, denoted by $m\rightleftharpoons f$.
Meanwhile, for each male user $m$, we denote the set of female users by $P(m)$ that he has sent messages to, who are called preferred users of $m$. The set of female users who sent messages to $m$ but $m$ did not reply to them, called repulsive users of $m$, is denoted by $N(m)$.
Similarly, we use $P(f)$ and $N(f)$ to denote the sets of preferred and repulsive users of a female user $f$, respectively.
\textbf{Problem definition.} Given a male user $m$ and a female user $f$ in the attributed bipartite network $G$, the reciprocal recommendation task is to develop a model, written as
\begin{equation}
\phi (G, m, f, \Theta),
\end{equation}
to accurately predict whether $m\rightleftharpoons f$ exists or not, where $\Theta$ represents the parameter setting of the model $\phi$.
Note that the output of $\phi$ falls in $[0,1]$ and a threshold is then used to determine whether a user should be recommended to another user or not.
\section{Related Work}\label{sec:related}
The reciprocal recommendation has attracted much research attention \cite{brozovsky2007recommender,akehurst2011ccr,li2012meet,xia2015reciprocal,wobcke2015deployed,vitale2018online,xia2019we}.
In \cite{brozovsky2007recommender}, a collaborate filtering (CF) based approach is proposed to compute
rating scores of reciprocal users.
The proposed RECON \cite{pizzato2010recon} considers mutual interests between a pair of reciprocal users.
Alternatively, \cite{xia2015reciprocal} calculates both the reciprocal interest and reciprocal attractiveness between users.
\cite{vitale2018online} designs a computationally efficient algorithm that can uncover mutual user preferences.
\cite{kleinerman2018optimally} proposes a hybrid model which employs deep neural network to predict the probability that target user might be interested in a given service user.
However, these approaches mainly consider the preferred attributes, but overlook the repulsive attributes. Moreover, they treat all attributes equally, which ignores the fact that different attributes may have different impacts on the reciprocal recommendation, and this partially motivates our work.
Essentially, our proposed approach is feature embedding based approach \cite{shan2016deep,zhang2016deep,qu2016product,cheng2016wide}. Among the feature embedding based approaches \cite{he2017neural,xiao2017attentional,zhou2018deep,zhou2019deep}, the SOTA DeepFM~\cite{guo2017deepfm} extracts both first and second order feature interactions for CTR problem, while xDeepFM \cite{lian2018xdeepfm} further employs multiple CINs to learn higher order feature representation.
As aforementioned,
this paper technically designs a random CNN component, by convoluting non-adjacent attributes, to approximate the enumeration of all attribute combinations to discover key attributes.
Bearing similar name to ours, the random shifting CNN \cite{zhao2017random} designs a random convolutional operation by moving the kernel along any direction randomly chosen from a predefined direction set.
However, this model still convolutes
adjacent features. The dilated CNN \cite{yu2015multi} can convolute non-adjacent features but it only convolutes features spanning across a fixed interval which might miss some attribute combinations. However, our proposed approach randomly (or based on a reinforced strategy) chooses the intersections of rows and columns from the feature interaction matrix to convolute
the non-adjacent features, which is our major technical contribution to the literature.
|
\section{Introduction}
\subsection{Background}
Throughout this paper, we regard $\mathbb{H}=\mathbb{R}^{n}$ $(n\geq 2)$ as a homogeneous group, which is a nilpotent Liegroup. It has multiplication, inverse, dilation, and norm structures
\begin{align*}
(x,y)\mapsto xy, \ \ x\mapsto x^{-1},\ \ (\lambda,x)\mapsto \lambda\circ x,\ \ x\mapsto \rho(x)
\end{align*}
for $x,y\in\HH$, $\lambda>0$. The multiplication and inverse operations are polynomials and form a group with identity 0, the dilation structure preserves the group operations and is given in coordinates by
\begin{align*}
\lambda\circ (x_{1},\ldots,x_{n}):=(\lambda^{\alpha_{1}}x_{1},\ldots,\lambda^{\alpha_{n}}x_{n})
\end{align*}
for some positive numbers $0<\alpha_{1}\leq \alpha_{2}\leq\ldots\leq \alpha_{n}$. {Without loss of generality, we shall assume that $\alpha_{1}=1$ (see \cite{FoSt}).} Besides, $\rho(x):=\max\limits_{1\leq j\leq n}\{|x_{j}|^{1/a_{j}}\}$ is a norm associated to the dilation structure. We call $n$ the Euclidean dimension of $\HH$, and the quantity $\mathbb{Q}:=\sum_{j=1}^{n}\alpha_{j}$ the homogeneous dimension of $\HH$, respectively.
Let $\Sigma:=\{x\in \HH:\rho(x)=1\}$ be the unit sphere on $\HH$ and $\sigma$ be the Radon measure on $\Sigma$ (see for example \cite[Proposition 1.15]{FoSt}) such that for any $f\in\mathbb{H}$,
\begin{align}\label{polar}
\int_{\HH}f(x)dx=\int_{0}^{\infty}\int_{\Sigma}f(r\circ \theta)r^{\mathbb{Q}-1}d\sigma(\theta)dr.
\end{align}
Let $\Omega$ be a locally integrable function on $\HH \backslash \{0\}$ and it is homogeneous of degree 0 with respect to group dilation, that is, $\Omega(\lambda\circ x)=\Omega(x)$ for $x\neq 0$ and $\lambda>0$. We say that $\Omega$ satisfies the cancellation condition of order $N$ if for any polynomial $P_{m}$ on $\HH$ of homogeneous degree $m\leq N$, we have
$$\int_{\Sigma}\Omega(\theta)P_{m}(\theta)d\sigma(\theta)=0.$$
In this paper, we will study the singular integral operators $T_{\Omega,\alpha}$ ($\alpha\geq 0$), and the maximal singular integral operators $T_{\Omega,\alpha}^{\#}$, which are formally defined by
\begin{align*}
T_{\Omega,\alpha}f(x):=\lim_{\varepsilon\rightarrow 0}T_{\Omega,\alpha,\varepsilon}f(x):=\lim_{\varepsilon\rightarrow 0}\int_{\rho(y^{-1}x)>\varepsilon}\frac{\Omega(y^{-1}x)}{\rho(y^{-1}x)^{\mathbb{Q}+\alpha}}f(y)dy,
\end{align*}
\begin{align*}
T_{\Omega,\alpha}^{\#}f(x):=\sup\limits_{\varepsilon>0}|T_{\Omega,\alpha,\varepsilon}f(x)|,
\end{align*}
where $\Omega$ satisfies the cancellation condition of order $[\alpha]$.
It is well-known that for the case $\alpha=0$ and $\HH$ is an isotropic Euclidean space, Calder\'{o}n and Zygmund \cite{CZ} used the method of rotations to show that if $\Omega\in L{\rm log}^{+}L(\mathbb{S}^{n-1})$, then $T_{\Omega,0}$ is bounded on $L^{p}(\mathbb{R}^{n})$ for any $1<p<\infty$. Later, Ricci and Weiss \cite{RW} relaxed the condition to $\Omega\in H^{1}(\mathbb{S}^{n-1})$, under which this result was extended to the maximal singular integral operators $T_{\Omega,0}^{\#}$ by Fan and Pan \cite{FP}. Next, the authors in \cite{CFY,CZ} considered the case of $\alpha\geq0$, which includes a larger class of singular integrals which are of interest in harmonic analysis and partial differential equation, such as the composition of partial derivative and Riesz transform. They established the $(L_{\alpha}^{p}(\mathbb{R}^{n}), L^{p}(\mathbb{R}^{n}))$ boundedness when $\Omega\in H^{q}(\mathbb{S}^{n-1})$ with $q=\frac{n-1}{n-1+\alpha}$. There are also many other significant progress on rough singular integral operators in the setting of Euclidean space (see for example \cite{CZ0,CD,Christ1,Christ2,DL,DR,FP, GS,Hof,LMW,Se}). However, due to the lack of fundamental tools,
the parallel results on homogeneous groups are extremely limited. Among these results, we would like to highlight that by studying the left-invariant differentiation structures of homogeneous groups and applying the iterated $TT^{*}$ method, Tao \cite{Tao} has created a pioneering work which illustrates that if $\Omega\in L\log^{+} L(\Sigma)$, then $T_{\Omega,0}$ is bounded on $L^{p}$ for any $1<p<\infty$. Inspired by his work, Sato \cite{sato} obtained the $L^{p}$ boundedness of $T_{\Omega,0}^{\#}$ under the same condition.
Thus, it is natural to ask whether one can obtain $(L_{\alpha}^{p}(\HH), L^{p}(\HH))$ boundedness of the
operators $T_{\Omega,\alpha}$ and $T^{\#}_{\Omega,\alpha}$ for $\alpha>0$, where $L_{\alpha}^{p}(\HH)$ is the Sobolev space on $\HH$ defined in \eqref{sobolevde} with $w=1$.
The first aim of our paper is to address this question.
\begin{theorem}\label{main1}
Let $0<\alpha<\mathbb{Q}$. Suppose that $\Omega\in L^{1}(\Sigma)$ and satisfies the cancellation condition of order $[\alpha]$, then for any $1<p<\infty$,
\begin{align*}
\|T_{\Omega,\alpha}^{\#}f\|_{L^{p}(\HH)}\leq C_{\mathbb{Q},\alpha,p}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{L_{\alpha}^{p}(\HH)}.
\end{align*}
for some constant $C_{\mathbb{Q},\alpha,p}$ independent of $\Omega$.
\end{theorem}
The second aim of our paper is to establish the quantitative weight inequalities for $T_{\Omega,\alpha}^{\#}$.
In the Euclidean setting, after the establishment of the sharp weight inequalities for Calder\'{o}n--Zygmund operators by Hyt\"{o}nen \cite{H} (see also \cite{La,Lerner1,Lerner2}), Hyt\"{o}nen--Roncal--Tapiola \cite{HRT} first quantitatively obtained the weighted bounds for $T_{\Omega,0}$ (see also \cite{CCDO,Ler1}). Later, this result was extended to homogeneous groups by \cite{FL} and to the maximal singular integrals $T_{\Omega,0}^{\#}$ (in the Euclidean setting) by Di Plinio, Hyt\"{o}nen and Li \cite{DHL} and Lerner \cite{Lerner4} via sparse domination, which gives
\begin{align}\label{Q W bd for Tsharp}
\|T_{\Omega,0}^{\#}f\|_{L^{p}(w)}\leq C_{n,p}\|\Omega\|_{L^{\infty}(S^{n-1})}\{w\}_{A_{p}}(w)_{A_{p}}\|f\|_{L^{p}(w)},
\end{align}
where $w$ is an $A_p$ weight, $\{w\}_{A_{p}}$ and $(w)_{A_{p}}$ are the quantitative constants with respect to $w$ and $L^{p}(w)$ is the weighted $L^p$ space (all definitions are provided in Section \ref{weisection}).
However, it is still unclear that whether a quantitative weight bound for $T_{\Omega,0}^{\#}$ can be obtained on homogeneous groups. Moreover, there is no weighted result for the case $\alpha>0$ even non-quantitative one in the special case of $\mathbb{R}^{n}$. To fill in these gaps, we conclude the following result.
\begin{theorem}\label{main2}
Let $0\leq \alpha<\mathbb{Q}$ and $q>\mathbb{Q}/\alpha$. Suppose that $\Omega\in L^{q}(\Sigma)$ and satisfies the cancellation condition of order $[\alpha]$, then for any $1<p<\infty$ and $w\in A_{p}$,
\begin{align*}
\|T_{\Omega,\alpha}^{\#}f\|_{L^{p}(w)}\leq C_{\mathbb{Q},\alpha,p,q}\|\Omega\|_{L^{q}(\Sigma)}\{w\}_{A_p}(w)_{A_p}\|f\|_{L_{\alpha}^{p}(w)}.
\end{align*}
for some constant $C_{\mathbb{Q},\alpha,p,q}$ independent of $\Omega$ and $w$.
\end{theorem}
\noindent Here
$L_{\alpha}^{p}(w)$\ ($1<p<\infty$, $\alpha\geq 0$, $w\in A_{p} $) is the homogeneous weighted Sobolev space defined by
\begin{align}\label{sobolevde}
\|f\|_{L_{\alpha}^{p}(w)}:=\left(\int_{\HH}|(-\Delta_{\HH})^{\alpha/2}f(x)|^{p}w(x)dx\right)^{1/p},
\end{align}
where the definition of $\Delta_{\HH}$ is defined in Section \ref{prehomo} and $(-\Delta_{\HH})^{\alpha/2}$ is defined spectrally.
\subsection{Comparisons with previous results}
Table 1 highlights our contributions in the $L^{p}$ boundedness and the quantitative $L^{p}(w)$ boundedness for the operators $T_{\Omega,\alpha}$ and $T_{\Omega,\alpha}^{\#}$ in $\mathbb R^n$ and $\HH$ via a comparison of known results under different conditions. Among these results, we would like to mention that the $L^{p}$ boundedness of $T_{\Omega,\alpha}$ and $T_{\Omega,\alpha}^{\#}$ ($0<\alpha<\mathbb{Q}$) are new even when $\Omega\in L^{\infty}$. Unfortunately, whether one can weaken the size condition of $\Omega$ to certain Hardy space is still open even when $\alpha=0$. Furthermore, for the weighted setting, the weight bound $\{w\}_{A_p}(w)_{A_p}$ we obtained is consistent with that obtained in \cite{DHL}. It is still open that whether this is sharp, but it is the best known quantitative result for this class of operators.
\begin{table}[h]
\begin{center}
\begin{tabular}{|c|c|c|c|c|c|}
\hline
\multicolumn{2}{|c|}{ \multirow{2}*{\diagbox[width=7.7em]{Operator}{Setting}} }&\multicolumn{2}{c|}{$L^{p}$ boundedness}&\multicolumn{2}{c|}{Quantitative $L^{p}(w)$ boundedness}\\
\cline{3-6}
\multicolumn{2}{|c|}{}& $\mathbb{R}^{n}$ & $\HH$ & $\mathbb{R}^{n}$ & $\HH$ \\
\hline
\multirow{2}*{$T_{\Omega,\alpha}$}&$\alpha=0$&\cite{RW}:\ $\Omega\in H^{1}$&\cite{Tao}$:\ \Omega\in L\log^{+} L$&\cite{HRT} :\ $\Omega\in L^{\infty}$&\cite{FL}:\ $\Omega\in L^{\infty}$\\
\cline{2-6}
&$0<\alpha<\mathbb{Q}$&\cite{CZ}:\ $\Omega\in H^{\frac{n-1}{n-1+\alpha}}$&$\color{brown}{\rm Thm}\ref{main1}:\ \Omega\in L^{1}$&\color{brown}{\rm Thm}\ref{main2}:\ $\Omega\in L^{q/\alpha}$&\color{brown}{\rm Thm}\ref{main2}:\ $\Omega\in L^{q/\alpha}$\\
\hline
\multirow{2}*{$T_{\Omega,\alpha}^{\#}$}&$\alpha=0$&\cite{FP}:\ $\Omega\in H^{1}$&\cite{sato}$:\ \Omega\in L\log^{+} L$&\cite{DHL}:\ $\Omega\in L^{\infty}$&\color{brown}{\rm Thm}\ref{main2}:\ $\Omega\in L^{\infty}$\\
\cline{2-6}
&$0<\alpha<\mathbb{Q}$&\cite{CZ}:\ $\Omega\in H^{\frac{n-1}{n-1+\alpha}}$&$\color{brown}{\rm Thm}\ref{main1}:\ \Omega\in L^{1}$&\color{brown}{\rm Thm}\ref{main2}:\ $\Omega\in L^{q/\alpha}$&\color{brown}{\rm Thm}\ref{main2}:\ $\Omega\in L^{q/\alpha}$\\
\hline
\end{tabular}
\medskip
\caption{Highlight of our contributions}
\end{center}
\end{table}
\subsection{Difficulties and strategy of our proof}\label{strategy}
Due to the generality of the underlying space, many techniques in the Euclidean setting cannot be applied directly. In particular, some difficulties occur:
$\bullet$ We cannot apply Fourier transform and Plancherel's theorem as effectively as in \cite{DR};
$\bullet$ The order of convolution cannot be exchanged on non-Abelian homogeneous groups;
$\bullet$ Generally, the topology degree and homogeneous degree in Taylor's inequality are not equal;
$\bullet$ $L^{p}$ boundedness of the directional maximal function on homogeneous groups is not at hand;
$\bullet$ Duel to the non-isotropic property of homogeneous groups, the method of rotation cannot be applied directly.
To overcome these difficulties, we first apply Cotlar-Knapp-Stein Lemma and some tricks of geometric means instead of Fourier transform, Plancherel's theorem and the exchange of convolution order to show an abstract $L^{2}$ decay lemma: suppose that $\{\mu_{j}^{\alpha}\}_{j\in\mathbb{Z}}$ is a family of Borel measures on $\HH$ such that its behavior like $\frac{\Omega(x)}{\rho(x)^{\mathbb{Q}+\alpha}}\chi_{\rho(x)\sim 2^{j}}$, then there exists a constant $\tau>0$ such that for any $j\in\mathbb{Z}$, $0<\alpha<\mathbb{Q}$ and $q>1$,
\begin{align*}
\|G_{j}^{\alpha}(t)f\|_{2}\lesssim2^{-\tau |j|}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2},\ \
\|G_{j}^{0}(t)f\|_{2}\lesssim2^{-\tau |j|}\|\Omega\|_{L^{q}(\Sigma)}\|f\|_{2},
\end{align*}
where $G_{j}^{\alpha}(t)f$ is defined in \eqref{equa} and \eqref{equa001}.
Next, inspired by \cite{DR}, we implement a new proof for Theorem \ref{main1}, which bypasses the use of rotation and directional maximal function, and then modify the ideas in \cite{DHL} to show Theorem \ref{main2}, which can be sketched in Figures 1 and 2, respectively.
\textbf{Frame of proof of Theorem \ref{main1}:} (The definitions of $M_{\Omega,\alpha}$, $T_{\Omega,\alpha}^{k}$, $V_{k,j,t}^{\alpha}$, ${\rm I_{1}}$, ${\rm I_{2}}$, ${\rm I_{3}}$, $G_{k,s,j}^{\alpha}$, $\tilde{T}_{j}^{\alpha}$ can be found in \eqref{defi1}, \eqref{defi2}, \eqref{vkj}, \eqref{IIIIII}, \eqref{IIIIII}, \eqref{IIIIII}, \eqref{gksj}, \eqref{tj1}, respectively.)
\begin{figure}[h]
\centering
\begin{tikzpicture}[>=stealth,transform shape,scale=.8]
\begin{scope}
\node (supsupL1) {$\Big\|\sup\limits_{t\in[1,2)}\sup\limits_{k\in\mathbb{Z}}|V_{k,j,t}^{\alpha}(\cdot)|\Big\|_{L^{1}\rightarrow L^{1,\infty}}$};
\node[right] (supsup22) at (supsupL1.east) {$\Big\|\sup\limits_{t\in[1,2)}\sup\limits_{k\in\mathbb{Z}}|V_{k,j,t}^{\alpha}(\cdot)|\Big\|_{2\rightarrow 2}$};
\node[right] (TL1) at (supsup22.east) {$\|\tilde{T}_{j}^{\alpha}\|_{L^{1}\rightarrow L^{1,\infty}}$};
\node[right] (T22) at (TL1.east) {$\|\tilde{T}_{j}^{\alpha}\|_{2\rightarrow 2}$};
\node[right] (supL1) at (T22.east) {$\Big\|\sup\limits_{k\in\mathbb{Z}}|G_{k,s,j}^{\alpha}(\cdot)|\Big\|_{L^{1}\rightarrow L^{1,\infty}}$};
\node[right] (sup22) at (supL1.east) {$\Big\|\sup\limits_{k\in\mathbb{Z}}|G_{k,s,j}^{\alpha}(\cdot)|\Big\|_{2\rightarrow 2}$};
\draw[decorate,decoration={brace}] (TL1.north) -- coordinate (TL122) (T22.north);
\draw[->,double] (TL122)+(0,.1) -- node[right] {Interpolation} ++(0,1) coordinate (Tjpp south);
\node[above] (Tjpp) at (Tjpp south) {$\|\tilde{T}_{j}^{\alpha}\|_{p\rightarrow p}$};
\draw[->,double] (Tjpp.north) -- node[right] {Decomposition} ++(0,1) coordinate (Tpp south);
\node[above] (Tpp) at (Tpp south) {$\big\|T_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}(\cdot)\big\|_{p\rightarrow p}$};
\draw[->,double] (Tpp.north) -- ++(0,1) coordinate (I1 south);
\node[above] (I1) at (I1 south) {$\rm I_{1}$};
\draw[decorate,decoration={brace}] (supL1.north) -- coordinate (supL122) (sup22.north);
\node (I3) at (I1-|supL122) {$\rm I_{3}$};
\draw[<-,double] (I3.south) -- ++(0,-1) coordinate (suppp north);
\node[below] (suppp) at (suppp north) {$\Big\|\sup\limits_{k\in\mathbb{Z}}|G_{k,s,j}^{\alpha}(\cdot)|\Big\|_{p\rightarrow p}$};
\draw[->,double] (supL122)+(0,.1) -- node[right] {Interpolation} (suppp);
\draw[decorate,decoration={brace}] (I1.north) -- coordinate (I2 north) (I3.north);
\node[below] (I2) at (I2 north) {$\rm I_{2}$};
\draw[<-,double] (I2.south) -- ++(0,-1) node[below] {$\|M\|_{p\rightarrow p}$};
\node[above] (supTpp) at (I2 north) {$\Big\|\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}^{k}(-\Delta_{\HH})^{-\alpha/2}(\cdot)|\Big\|_{p\rightarrow p}$};
\draw[decorate,decoration={brace}] (supsupL1.north) -- coordinate (supsupL122) (supsup22.north);
\node[below] (Mpp) at (supTpp.north-|supsupL122) {$\|M_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}\|_{p\rightarrow p}$};
\node (supsuppp) at (Mpp|-Tpp) {$\Big\|\sup\limits_{t\in[1,2)}\sup\limits_{k\in\mathbb{Z}}|V_{k,j,t}^{\alpha}(\cdot)|\Big\|_{p\rightarrow p}$};
\draw[->,double] (supsuppp) -- node[right] {Decomposition} (Mpp);
\draw[->,double] (supsupL122)+(0,.1) -- node[right] {Interpolation} (supsuppp);
\draw[decorate,decoration={brace}] (Mpp.north) -- coordinate (MsupTpp) (supTpp.north);
\draw[->,double] (MsupTpp)+(0,.1) --node[right] {Decomposition} ++(0,1) node[above] {$\|T_{\Omega,\alpha}^{\#}\|_{L_{\alpha}^{p}\rightarrow L^{p}}$};
\end{scope}
\node[below=1cm] (VHc) at (supsup22.south) {Verify H\"{o}rmander condition};
\node[below=1cm] (LKi) at (supL1.south) {$L^{2}$ decay estimate $\oplus$ Khinchin's inequality};
\draw[->,double] (VHc) -- (supsupL1.south);
\draw[->,double] (VHc) -- (TL1.south);
\draw[->,double] (VHc) -- (supL1.south);
\draw[->,double] (LKi) -- (supsup22.south);
\draw[->,double] (LKi) -- (T22.south);
\draw[->,double] (LKi) -- (sup22.south);
\end{tikzpicture}
\caption{}
\end{figure}
\bigskip
\bigskip
\textbf{Frame of proof of Theorem \ref{main2}:} (The definitions of $\tilde{T}_{\Omega,\alpha}^{k}$, ${\rm I}$, ${\rm II}$, ${\rm III}$, $\tilde{T}_{j}^{\alpha,N}$, $R^{\alpha}$, $A_{k+s}^{\alpha}K_{\alpha}^{0}$, $\Delta[2^{k}]\phi$ can be found in \eqref{tildeT}, \eqref{iiiiii}, \eqref{iiiiii}, \eqref{iiiiii}, \eqref{b222}, \eqref{ra}, \eqref{akk0}, \eqref{deltamap}, respectively.)
\begin{figure}[h]
\centering
\begin{tikzpicture}[>=stealth,transform shape,scale=.8]
\node (Sd) {Sparse domination};
\draw[->,double] (Sd.north) -- ++(0,1) node[above] (Lbwo) {$L^{p}(w)$ boundedness without decay};
\node[right=5cm] (Lbwd) at (Lbwo.east) {$L^{2}$ boundedness with decay};
\node (LeKi) at (Sd-|Lbwd) {$L^{2}$ decay estimate $\oplus$ Khinchin's inequality};
\draw[<-,double] (Lbwd.south) -- (LeKi);
\draw[decorate,decoration={brace}] (Lbwo.north) -- coordinate (Lbd) (Lbwd.north);
\node[above=2cm] (MLp) at (Lbd) {$\|M\|_{L^{p}(w)\rightarrow L^{p}(w)}$};
\draw[->,double] (MLp.north) -- ++(0,1) node[above] (I2) {${\rm II}$};
\node (supTjLp) at (Lbwo|-MLp) {$\Big\|\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}(\cdot)\ast\Delta[2^{k}]\phi|\makebox[0pt][l]{$\Big\|_{L^{p}(w)\rightarrow L^{p}(w)}$}$};
\draw[->,double] (Lbd.north)+(0,.1) --node[below left=-3mm,align=left] {Interpolation\\with change of measure} (supTjLp.south);
\node (I1) at (supTjLp|-I2) {${\rm I}$};
\draw[->,double] (supTjLp) --node[right] {Decomposition} (I1.south);
\node (supRLp) at (Lbwd|-MLp) {$\Big\|\sup\limits_{k\in\mathbb{Z}}|(\cdot)\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast (\delta_{0}-\Delta[2^{k}]\phi)|\makebox[0pt][l]{$\Big\|_{L^{p}(w)\rightarrow L^{p}(w)}$}$};
\draw[->,double] (Lbd.north)+(0,.1) --node[below right=-3mm,align=right] {Interpolation\\with change of measure} (supRLp.south);
\node (I3) at (supRLp|-I2) {${\rm III}$};
\draw[->,double] (supRLp) --node[right] {Decomposition} (I3.south);
\draw[decorate,decoration={brace}] (I1.north) --node[above] (suptTLp) {$\Big\|\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{\Omega,\alpha}^{k}(-\Delta_{\HH})^{-\alpha/2}(\cdot)|\makebox[0pt][l]{$\Big\|_{L^{p}(w)\rightarrow L^{p}(w)}$}$} (I3.north);
\draw[<->,double] (suptTLp.north) -- ++(0,1) node[above] (supTLp) {$\Big\|\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}^{k}(-\Delta_{\HH})^{-\alpha/2}(\cdot)|\makebox[0pt][l]{$\Big\|_{L^{p}(w)\rightarrow L^{p}(w)}$}$};
\draw[decorate,decoration={brace,mirror}] (supTLp.north) -- coordinate (Msup) ++(-7,0) node[below] (MdLp) {$\|M_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}\|\makebox[0pt][l]{$_{L^{p}(w)\rightarrow L^{p}(w)}$}$};
\draw[<-,double] (MdLp.south) -- ++(0,-1) node[below] {$\|M\|\makebox[0pt][l]{$_{L^{p}(w)\rightarrow L^{p}(w)}$}$};
\draw[->,double] (Msup.north)+(0,.1) --node[right] {Decomposition} ++(0,1) node[above] {$\|T_{\Omega,\alpha}^{\#}\|\makebox[0pt][l]{$_{L_{\alpha}^{p}(w)\rightarrow L^{p}(w)}$}$};
\end{tikzpicture}
\caption{}
\end{figure}
\subsection{Notation and structure of the paper}
For $1\leq p \leq+\infty$, we denote the norm of a function $f\in L^{p}(\HH)$ by $\|f\|_{p}$. If $T$ is a bounded linear operator
on $L^{p}(\HH)$, $1\leq p\leq+\infty$, we write $\|T\|_{p\rightarrow p}$ for the operator norm of $T$. The
indicator function of a subset $E\subseteq X$ is denoted by $\chi_{E}$. We use $A\lesssim B$ to denote the statement that $A\leq CB$ for some constant $C>0$, and $A\sim B$ to denote the statement that $A\lesssim B$ and $B\lesssim A$.
This paper is organized as follows. In Section \ref{preliminariessec} we provide the preliminaries, including some auxiliary lemmas on homogeneous groups, the definitions of $A_p$ weights and Calder\'{o}n-Zygmund operators with Dini-continuous kernel on homogeneous group $\HH$, two types of decompositions and their corresponding $L^{2}$ decay estimates. In Section \ref{unweightsection} and \ref{weightsection}, we give the proofs of Theorem \ref{main1} and \ref{main2}, respectively. In the appendix, we show the quantitative maximal version of pointwise domination theorem on homogeneous groups.
\bigskip
\section{Preliminaries and fundamental tools on homogeneous Lie groups}\label{preliminariessec}
\setcounter{equation}{0}
\subsection{Auxiliary lemmas on homogeneous group $\HH$}\label{prehomo}
In this subsection, we recall some basic definitions on homogeneous groups and then show two auxiliary lemmas. To begin with, we recall the multiplication structure on $\HH$ (see \cite[Theorem 1.3.15]{Liebook}): if $x=(x_{1},\cdots,x_{n})$, $y=(y_{1},\cdots,y_{n})\in\HH$, then for any $2\leq j\leq n$,
\begin{align}\label{multilaw}
(xy)_{1}=x_{1}+y_{1},\ \ (xy)_{j}=x_{j}+y_{j}+Q_{j}(x,y),
\end{align}
where $Q_{j}(x,y)$ is a sum of mixed monomials in $x$, $y$, only depends on $x_{i}$, $y_{i}$, $i=1,2,\cdots,j-1$, and satisfies $Q_{j}(\lambda\circ x,\lambda\circ y)=\lambda^{\alpha_{j}}Q_{j}(x,y)$ for all $\lambda>0$. As a corollary (see \cite[Corollary 1.3.16]{Liebook}), for any $x=(x_{1},\cdots,x_{n})\in\HH$, $2\leq j\leq n$,
\begin{align}\label{xjjj}
(x^{-1})_{1}=-x_{1},\ \ (x^{-1})_{j}=-x_{j}+q_{j}(x),
\end{align}
where $q_{j}(x)$ only depends on $x_{1}$, $x_{2}$, $\cdots$, $x_{j-1}$, and is a polynomial function in $x$ of homogeneous degree $\alpha_{j}$, that is, $q_{j}(\lambda\circ x)=\lambda^{\alpha_{j}}q_{j}(x)$ for all $\lambda>0$. The following simple observation is useful to exploit the $[\alpha]$-order cancellation property of $\Omega$ in what follows.
\begin{lemma}\label{inversethm}
{\rm (1)} Let $N$ be a positive integer and $P(x)$ be a polynomial of homogeneous degree $N$, then $P(x^{-1})$ is a polynomial in $x$ of homogeneous degree $N$.
{\rm (2)} Let $N$ be a positive integer and $P(x)$ be a polynomial of homogeneous degree $N$, then for any $y\in\HH$, $P(xy)$ and $P(yx)$ are summations of polynomials in $x$, with coefficients depending on $y$, of homogeneous degree less than or equal to $N$.
\end{lemma}
\begin{proof}
(1) According to the hypothesis, $P(x)$ is of the form: $P(x)=\sum_{\alpha_{1}\beta_{1}+\cdots+\alpha_{n}\beta_{n}=N}c_{\beta}x_{1}^{\beta_{1}}\cdots x_{n}^{\beta_{n}}$. Therefore, it follows from \eqref{xjjj} that for any $\lambda>0$,
\begin{align*}
P(\lambda\circ x^{-1})&=\sum_{\alpha_{1}\beta_{1}+\cdots+\alpha_{n}\beta_{n}=N}c_{\beta}(-\lambda^{\alpha_{1}}x_{1})^{\beta_{1}}(-\lambda^{\alpha_{2}}x_{2}+q_{2}(\lambda\circ x))^{\beta_{2}}\cdots(-\lambda^{\alpha_{n}}x_{n}+q_{n}(\lambda\circ x))^{\beta_{n}}\\
&=\sum_{\alpha_{1}\beta_{1}+\cdots+\alpha_{n}\beta_{n}=N}c_{\beta}(-\lambda^{\alpha_{1}}x_{1})^{\beta_{1}}(-\lambda^{\alpha_{2}}x_{2}+\lambda^{\alpha_{2}}q_{2}( x))^{\beta_{2}}\cdots(-\lambda^{\alpha_{n}}x_{n}+\lambda^{\alpha_{n}}q_{n}(x))^{\beta_{n}}\\
&=\lambda^{N} P(x^{-1}).
\end{align*}
This implies the first statement of Lemma \ref{inversethm}.
(2) By \eqref{multilaw}, $P(xy)$ is of the form:
\begin{align*}
&P(xy)=\sum_{\alpha_{1}\beta_{1}+\cdots+\alpha_{n}\beta_{n}=N}c_{\beta}(xy)_{1}^{\beta_{1}}(xy)_{2}^{\beta_{2}}\cdots (xy)_{n}^{\beta_{n}}\\
&=\sum_{\alpha_{1}\beta_{1}+\cdots+\alpha_{n}\beta_{n}=N}c_{\beta}(x_{1}+y_{1})_{1}^{\beta_{1}}(x_{2}+y_{2}+Q_{2}(x_{1},y_{1}))^{\beta_{2}}\cdots (x_{n}+y_{n}+Q_{n}(x_{1},\cdots,x_{n-1},y_{1},\cdots,y_{n-1}))^{\beta_{n}},
\end{align*}
where $Q_{j}(x,y)$ is a sum of mixed monomials in $x$, $y$, only depends on $x_{i}$, $y_{i}$, $i=1,2,\cdots,j-1$, and satisfies $Q_{j}(\lambda\circ x,\lambda\circ y)=\lambda^{\alpha_{j}}Q_{j}(x,y)$ for all $\lambda>0$. Hence, by expanding each term in the brackets and handling $P(yx)$ similarly, we can easily conclude the second statement of Lemma \ref{inversethm}.
\end{proof}
Now we denote the set of the left-invariant vector fields on $\HH$ by $\mathfrak{g}$, which is called the Lie algebra of $\HH$. One identifies $\mathfrak{g}$ and $\mathbb{H}$ via the exponential map
\begin{align*}
\exp: \mathfrak{g} \longrightarrow \mathbb{H},
\end{align*}
which is a globally defined diffeomorphism. Let $X_{j}\ ({\rm resp.}\ Y_{j})$ be the left-invariant (resp. right-invariant) vector field that agrees with $\partial/\partial x_{j}\ ({\rm resp.}\ \partial/\partial y_{j})$ at the origin. Equivalently (\cite{FoSt}),
\begin{align*}
X_{j}f(x)=\frac{d}{dt}f(x \exp(tX_{j}))\big|_{t=0},\ \ Y_{j}f(x)=\frac{d}{dt}f(\exp(tX_{j}) x)\big|_{t=0}.
\end{align*}
By Proposition 1.2.16 in \cite{Liebook}, the family $\{X_{j}\}_{1\leq j\leq n}\ ({\rm resp.}\ \{Y_{j}\}_{1\leq j\leq n})$ forms a Jacobian basis of $\mathfrak{g}$. We adopt the following multiindex notation for higher order derivatives. For $I=(i_{1},i_{2},\ldots,i_{n})\in\mathbb{N}^{n}$, we denote
$
X^{I}:=X_{1}^{i_{1}}X_{2}^{i_{2}}\cdots X_{n}^{i_{n}}.
$
Besides, let $|I|$ be the order of the differential operator $X^{I}$, while $d(I)$ is the corresponding homogeneous degree, that is,
\begin{align*}
|I|:=i_{1}+i_{2}+\ldots+i_{n},\ \ d(I):=\alpha_{1}i_{1}+\alpha_{2}i_{2}+\ldots+\alpha_{n}i_{n}.
\end{align*}
Moreover, let $\Delta_{\HH}:=\sum_{j=1}^{n}X_{j}^{2}$ be the sub-Laplacian operator on $\HH$.
We have the following mean value theorem of integral type.
\begin{lemma}\label{appen}
Let $f\in C^{1}(\HH)$ and $j=1,2,\cdots,\nu$ be the indices such that $\alpha_{j}=1$, then
\begin{align*}
\int_{\HH}|f(yx)-f(x)|dx\lesssim\rho(y)\sum_{j=1}^{\nu}\int_{\HH}|(Y_{j}f)(x)|dx.
\end{align*}
\end{lemma}
\begin{proof}
Let $V_{1}$ be the linear span of $X_{1},\cdots,X_{\nu}$. Since $\HH$ is a stratified group, by \cite[Lemma 1.40]{FoSt}, there exists a constant $N\in\mathbb{N}$ such that each element $y\in\HH$ can be represented as $y=y_{1}\cdots y_{N}$ with $y_{k}\in\exp(V_{1})$ and $\rho(y_{k})\lesssim\rho(y)$ for all $k$. Besides, since $V_{1}$ is the linear span of $X_{1},\cdots,X_{\nu}$, each $y_{k}$ can be further written as $y_{k}=\exp(t_{k,1}X_{1}+\cdots+t_{k,\nu}X_{\nu})$. Equivalently,
\begin{align}\label{expmap1}
\exp^{-1}y_{k}=t_{k,1}X_{1}+\cdots+t_{k,\nu}X_{\nu}.
\end{align}
On the other hand, by \cite[Theorem 1.3.28]{Liebook}, The exponential map $\exp$ and its inverse map $\exp^{-1}$ are globally defined diffeomorphisms with polynomial component functions, which implies that if we write $y_{k}=(y_{k,1},\cdots,y_{k,n})$, then (see \cite[(1,75b)]{Liebook})
\begin{align}\label{expmap2}
\exp^{-1}y_{k}=y_{k,1}X_{1}+(y_{k,2}+C_{2}(y_{k,1}))X_{2}+\cdots+(y_{k,\nu}+C_{\nu}(y_{k,1},\cdots,y_{k,\nu-1}))X_{\nu},
\end{align}
where $C_{j}$'s are polynomial functions of homogeneous degree 1, completely determined by the multiplication law on $\HH$. Combining the equalities \eqref{expmap1} and \eqref{expmap2}, we conclude that
$$ t_{k,j}=\left\{\begin{array}{ll}y_{k,1}, &j=1,\\y_{k,j}+C_{j}(y_{k,1},\cdots,y_{k,j-1}), &j=2,\cdots,\nu.\end{array}\right.$$
Hence, $|t_{k,j}|\lesssim \rho(y_{k})\lesssim \rho(y)$. Therefore,
\begin{align*}
&\int_{\HH}|f(yx)-f(x)|dx\\
&\leq \sum_{k=1}^{N}\int_{\HH}|f(y_{k}y_{k+1}\cdots y_{N}x)-f(y_{k+1}\cdots y_{N}x)|dx\\
&=\sum_{k=1}^{N}\int_{\HH}\bigg|\int_{0}^{1}\big((t_{k,1}Y_{1}+\cdots+t_{k,\nu}Y_{\nu})f\big)\big(\exp(s(t_{k,1}X_{1}+\cdots+t_{k,\nu}X_{\nu}))y_{k+1}\cdots y_{N}x\big)ds\bigg|dx\\
&\leq \sum_{k=1}^{N}\sup\limits_{\rho(z_{k})\leq \rho(y_{k})}\int_{\HH}|\big((t_{k,1}Y_{1}+\cdots+t_{k,\nu}Y_{\nu})f\big)(z_{k}y_{k+1}\cdots y_{N}x)|dx\\
&\leq \sum_{k=1}^{N}\sum_{j=1}^{\nu}|t_{k,j}|\sup\limits_{\rho(z_{k})\leq \rho(y)}\int_{\HH}|(Y_{j}f)(z_{k}y_{k+1}\cdots y_{N}x)|dx\lesssim \rho(y)\sum_{j=1}^{\nu}\int_{\HH}|(Y_{j}f)(x)|dx,
\end{align*}
where we note that the integrand in the right-hand side of the first inequality above becomes $f(y_Nx)-f(x)$ when $k=N$ and similar notation happens in what follows.
This ends the proof of Lemma \ref{appen}.
\end{proof}
\subsection{$A_p$ weights on homogeneous group $\HH$}\label{weisection}
We next recall the definition and some properties of $A_p$ weight on $\HH$. To begin with, we define a left-invariant quasi-distance $d$ on $\HH$ by $d(x,y)=\rho(x^{-1}y)$, which means that
there exists a constant $A_{0}\geq 1$ such that for any $x,y,z\in\HH$,
\begin{align*}
d(x,y)\leq A_{0}[d(x,z)+d(z,y)].
\end{align*}
Next, let $B(x,r):=\{y\in\HH :d(x,y)<r\}$ be the open ball with center $x\in\HH$ and radius $r>0$.
For $1<p<\infty$, we say that $w\in A_p$ if there exists a constant $C>0$ such that
\begin{align}\label{[Ap]}
[w]_{A_p}:=\sup_B\bigg(\frac1{|B|}\int_Bw(x)dx\bigg)\bigg(\frac1{|B|}\int_Bw(x)^{1-p'}dx\bigg)^{p-1}\le C.
\end{align}
Besides, let $A_\infty := \cup_{1\leq p<\infty} A_p$ and we have
\begin{align*}
[w]_{A_{\infty}}:=\sup\limits_{B}\left(\frac1{|B|}\int_{B}wdx\right){\rm exp}\left(\frac1{|B|}\int_{B}{\rm log}\left(\frac{1}{w}\right)dx\right)<\infty,
\end{align*}
where the supremum is taken over all balls~$B\subset \HH$ with respect to the quasi-distance function $d$. We recall the following variants of the weight characteristic (see for example \cite{HRT}):
\begin{align*}
\{w\}_{A_{p}}:=[w]_{A_{p}}^{1/p}{\rm max}\{[w]_{A_{\infty}}^{1/p^{\prime}},[w^{1-p^{\prime}}]_{A_{\infty}}^{1/p}\},
\quad (w)_{A_{p}}:={\rm max}\{[w]_{A_{\infty}},[w^{1-p^{\prime}}]_{A_{\infty}}\}.
\end{align*}
\subsection{Calder\'{o}n-Zygmund operators with Dini-continuous kernel}
Let $T$ be a bounded linear operator on $L^{2}(\HH)$ represented as
\begin{align*}
Tf(x)=\int_{\HH}K(x,y)f(y)dy,\ \ \forall x\notin{\rm supp}{\hspace{.05cm}} f.
\end{align*}
A function $\omega:[0,1]\rightarrow [0,\infty)$ is a modulus of continuity if it satisfies the following three properties: (1) $\omega(0)=0$; (2) $\omega(s)$ is an increasing function; (3) For any $s_{1},s_{2}>0$, $\omega(s_{1}+s_{2})\leq\omega(s_{1})+\omega(s_{2})$.
\begin{definition}
We say that the operator $T$ is an $\omega$-Calder\'{o}n-Zygmund operator if the kernel $K$ satisfies the following two conditions:
(1) (size condition): There exists a constant $C_{T}>0$ such that
\begin{align*}
|K(x,y)|\leq \frac{C_{T}}{d(x,y)^{\mathbb{Q}}}.
\end{align*}
(2) (smoothness condition): Whenever $d(x,y)\geq 2A_{0}d(x,x^{\prime})>0$, we have
\begin{align*}
|K(x,y)-K(x^{\prime},y)|+|K(y,x)-K(y,x^{\prime})|\leq \omega\left(\frac{d(x,x^{\prime})}{d(x,y)}\right)\frac{1}{d(x,y)^{\mathbb{Q}}}.
\end{align*}
\end{definition}
Furthermore, $K$ is said to be a \textit{Dini-continuous kernel} if $\omega$ satisfies the \textit{Dini condition}:
\begin{align*}
\|\omega\|_{{\rm Dini}}:=\int_{0}^{1}\omega(s)\frac{ds}{s}<\infty.
\end{align*}
\subsection{Two types of decompositions}
To begin with, we recall that
for appropriate functions $f$ and $g$ defined on $\HH$, the convolution $f\ast g$ is defined by
\begin{align*}
f\ast g(x):=\int_{\HH}f(y)g(y^{-1}x)dy.
\end{align*}
For simplicity, denote
$$K_{\alpha}(x):=\frac{\Omega(\rho(x)^{-1}\circ x)}{\rho(x)^{\mathbb{Q+\alpha}}}.$$
Let $K_{\alpha}^{0}$ be the restriction of $K_{\alpha}$ to the annulus $\Sigma_{0}:=\{x\in\HH: 1\leq \rho(x)\leq 2\}$. Then we decompose the kernel $K_{\alpha}$ into smooth dyadic parts in the following way:
\begin{align*}
K_{\alpha}(x)=\frac{1}{\ln 2}\int_{0}^{\infty}\Delta_{\alpha}[t]K_{\alpha}^{0}(x)\frac{dt}{t},
\end{align*}
where for each $t$, we define the $\alpha$-scaling map by
\begin{align}\label{deltamap}
\Delta_{\alpha}[t]f(x):=t^{-\mathbb{Q}-\alpha}f(t^{-1}\circ x).
\end{align}
For simplicity, we set $\Delta[t]f(x):=\Delta_{0}[t]f(x)$.
Hence, we have the following decomposition
\begin{align}\label{akk0}
K_{\alpha}(x)=\sum\limits_{j\in\mathbb{Z}}2^{-j}\int_{0}^{\infty}\varphi(2^{-j}t)\Delta_{\alpha}[t]K_{\alpha}^{0}(x)dt=:\sum\limits_{j\in\mathbb{Z}}A_{j}^{\alpha}K_{\alpha}^{0}(x),
\end{align}
where $\varphi$ is a smooth cut-off function localized in $\{\frac{1}{2}\leq t\leq 2\}$ such that
$\sum\limits_{j\in\mathbb{Z}}2^{-j}t\varphi(2^{-j}t)=\frac{1}{\ln 2}$.
Hence,
\begin{align}\label{hjhbkk}
T_{\Omega,\alpha}f=\sum\limits_{j\in\mathbb{Z}}f\ast A_{j}^{\alpha}K_{\alpha}^{0}=:\sum\limits_{j\in\mathbb{Z}}T_{j}^{\alpha}f.
\end{align}
Since ${\rm supp}{\hspace{.05cm}} K_{\alpha}^{0}\subset \{x\in\HH: 1\leq \rho(x)\leq 2\}$, we see that for any $q\geq1$,
\begin{align}\label{Aj}
\|A_{j}^{\alpha}K_{\alpha}^{0}\|_{1}\lesssim2^{-\alpha j}\|K_{\alpha}^{0}\|_{1}\lesssim2^{-\alpha j}\|\Omega\|_{L^{q}(\Sigma)}.
\end{align}
Besides, we also introduce the following non-smooth dyadic decomposition of $K_{\alpha}$, which plays a key role in obtaining the $L^{p}$ estimate of $T_{\Omega,\alpha}^{\#}$ for the case $\alpha>0$:
\begin{align*}
K_{\alpha}(x)=\sum\limits_{j\in\mathbb{Z}}\frac{\Omega(x)}{\rho(x)^{\mathbb{Q}+\alpha}}\chi_{2^{j}<\rho(x)\leq 2^{j+1}}=:\sum\limits_{j\in\mathbb{Z}}B_{j}^{\alpha}\Omega(x).
\end{align*}
Therefore,
\begin{align*}
T_{\Omega,\alpha}f=\sum_{j\in\mathbb{Z}}f\ast B_{j}^{\alpha}\Omega=:\sum\limits_{j\in\mathbb{Z}}V_{j}^{\alpha}f,
\end{align*}
and it is direct that for any $q\geq 1$,
\begin{align}\label{Bj}
\|B_{j}^{\alpha}\Omega\|_{1}\lesssim 2^{-\alpha j}\|\Omega\|_{L^{q}(\Sigma)}.
\end{align}
\begin{remark}\label{share}
It is obvious that these two types of kernel truncations share many similar properties, including: $A_{j}^{\alpha}K_{\alpha}^{0}$ and $B_{j}^{\alpha}\Omega$ are supported in the annulus $\{x\in\HH:\rho(x)\sim 2^{j}\}$ and satisfy the cancellation condition of order $[\alpha]$. The key difference lies in the $L^{2}$ decay estimate for $\alpha=0$ (see Lemma \ref{ckt}): the integral in the definition of $A_{j}^{\alpha}K_{\alpha}^{0}$ plays a crucial role in implementing the iterated $TT^{*}$ argument from \cite{Tao}, which relies on the integration by part with respect to $t$. Moreover, the truncation $B_{j}^{\alpha}\Omega$ is feasible to obtain the unweighted $L^{p}$ estimate of $T_{\Omega,\alpha}^{\#}$ in the case $\alpha>0$, while the feasibility of using $A_{j}^{\alpha}K_{\alpha}^{0}$ is unclear.
\end{remark}
We now introduce a form of Littlewood-Paley theory without any explicit use of the Fourier transform. To this end, let $\phi\in C_{c}^{\infty}(\mathbb{H})$ be a smooth cut-off function satisfying
(1)${\rm supp}{\hspace{.05cm}}\phi\subset\big\{x\in\HH:\frac{1}{200}\leq\rho(x)\leq\frac{1}{100}\big\}$; (2) $\int_{\HH}\phi(x)dx=1$; (3)$\phi\geq 0$; (4) $\phi=\tilde{\phi}$,\\
where $\tilde{F}$ denotes the function $\tilde{F}(x):=F(x^{-1})$. Besides, for each integer $j$, denote
\begin{align*}
\Psi_{j}:=\Delta[2^{j-1}]\phi-\Delta[2^{j}]\phi.
\end{align*}
With this choice of $\phi$, it follows that $\Psi_{j}$ is supported on the ball of radius $C2^{j}$, has mean zero, and $\tilde{\Psi}_{j}=\Psi_{j}$. Next we define the partial sum operators $S_{j}$ by
\begin{align*}
S_{j}f:=f\ast \Delta[2^{j-1}]\phi.
\end{align*}
Their differences are given by
\begin{align*}
S_{j}f-S_{j+1}f=f\ast \Psi_{j}.
\end{align*}
\subsection{$L^{2}$ decay estimates}
Let $p(t,x,y)$ ($t>0$, $x,y\in\HH$) be the heat kernel associated to the sub-Laplacian operator $-\Delta_{\HH}$ (that is, the integral kernel of $e^{-t\Delta_{\HH}}$). For convenience, we set $p(t,x)=p(t,x,o)$ (see \cite[Chapter 1, section G]{FoSt}) and $p(x)=p(1,x)$. Besides, For $0< \alpha<Q$, let $R^{\alpha}$ be the kernel of Riesz potential operator $(-\Delta_{\HH})^{-\alpha/2}$ of order $\alpha$, that is,
\begin{align}\label{ra}
(-\Delta_{\HH})^{-\alpha/2}f=f\ast R^{\alpha}.
\end{align}
Note that for any $t>0$, $x,y\in\HH$, we have the following representation formula.
\begin{align}\label{repre}
R^{\alpha}(x)=\frac{1}{\Gamma(\alpha/2)}\int_{0}^{\infty}t^{\frac{\alpha}{2}-1}p(t,x)dt,
\end{align}
where $p(t,x)$ satisfies the following Gaussian estimate (see \cite[Theorem 4.2]{VSC}): for any multi-index $I=(i_{1},i_{2},\ldots,i_{n})\in\mathbb{N}^{n}$,
\begin{align*}
|Y^{I}p(t,x)|\lesssim t^{-\frac{\mathbb{Q}+|I|}{2}}\exp\left(-c\frac{\rho^{2}(x)}{t}\right).
\end{align*}
It follows from this formula that for $0<\alpha<\mathbb{Q}$,
\begin{align}\label{Rie}
|R^{\alpha}(x)|\lesssim\rho(x)^{-\mathbb{Q}+\alpha}.
\end{align}
For convenience, we extend the definition of $R^{\alpha}$ to $\alpha=0$ by setting $R^{0}=\delta_{0}$, where $\delta_{0}$ is a dirac measure. Next we recall Taylor's inequality on homogeneous groups $\HH$ (see for example \cite[Corollary 1.44]{FoSt}).
\begin{lemma}\label{taylor}
Let $f\in C^{k+1}(\HH)$ for some $k\in\mathbb{N}$, then there exists a constant $\kappa_{k}\geq 1$ such that
\begin{align*}
|f(xy)-L_{x}^{f}(y)|\lesssim \rho(y)^{k+1}\sup\limits_{\substack{\rho(z)\leq \kappa_{k}\rho(y)\\ d(I)=k+1}}|X^{I}f(xz)|,
\end{align*}
and
\begin{align*}
|f(yx)-R_{x}^{f}(y)|\lesssim \rho(y)^{k+1}\sup\limits_{\substack{\rho(z)\leq \kappa_{k}\rho(y)\\d(I)=k+1}}|Y^{I}f(zx)|,
\end{align*}
where $L_{x}^{f}$ (resp. $R_{x}^{f}$) is the right (resp. left) Taylor polynomial of $f$ at $x$ of homogeneous degree $k$.
\end{lemma}
Let $0< \alpha<\mathbb{Q}$.
We suppose that $\{\mu_{j}^{\alpha}\}_{j\in\mathbb{Z}}$ is a family of Borel measures on $\HH$ and for any $j\in\mathbb{N}$,
(1) ${\rm supp}{\hspace{.05cm}}\mu_{j}^{\alpha}\subset \{x\in\HH:\rho(x)\sim 2^{j}\}$ and ${\rm supp}{\hspace{.05cm}}\widetilde{\mu_{j}^{\alpha}}\subset \{x\in\HH:\rho(x)\sim 2^{j}\}$;
(2) $\mu_{j}^{\alpha}$ and $\widetilde{\mu_{j}^{\alpha}}$ satisfy the cancellation condition of order $[\alpha]$, i.e. for any polynomial $P$ on $\HH$ of homogeneous degree $\leq [\alpha]$, $$\int_{\HH}P(x)d\mu_{j}^{\alpha}(x)=\int_{\HH}P(x)d\widetilde{\mu_{j}^{\alpha}}(x)=0;$$
(3) $\|\mu_{j}^{\alpha}\|_{1}\lesssim 2^{-\alpha j}\|\Omega\|_{L^{1}(\Sigma)}$ and $\|\widetilde{\mu_{j}^{\alpha}}\|_{1}\lesssim 2^{-\alpha j}\|\Omega\|_{L^{1}(\Sigma)}$, where $\widetilde{\mu_{j}^{\alpha}}$ denotes the reflection of $\mu_{j}^{\alpha}$. i.e. $\widetilde{\mu_{j}^{\alpha}}(E):=\mu_{j}^{\alpha}(\{x^{-1}:x\in E\})$, for any $\mu_{j}^{\alpha}$-measurable set $E\subset\HH$.
Then we have the following key $L^{2}$ decay estimate.
\begin{proposition}\label{keypro}
Let $0< \alpha<\mathbb{Q}$. Then there exist constants $C_{\mathbb{Q},\alpha}>0$ and $\tau>0$ such that for any $j,k\in\mathbb{Z}$,
\begin{align}\label{huhihi}
\|f\ast \Psi_{k}\ast R^{\alpha}\ast \mu_{j}^{\alpha}\|_{2}\leq C_{\mathbb{Q},\alpha}2^{-\tau|j-k|}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
and
\begin{align}\label{huhihi2}
\|f\ast R^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{2}\leq C_{\mathbb{Q},\alpha}2^{-\tau|j-k|}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
\end{proposition}
\begin{proof}
We first give the proof of the first statement. Let $\eta$ be a standard smooth cut-off function supported on $\frac{1}{2}\leq \rho(x)\leq 2$ and satisfying $\sum_{\ell\in\mathbb{Z}}\eta(2^{-\ell}\circ x)=1$. Then we can decompose the kernel $R^{\alpha}$ of the Riesz potential $(-\Delta_{\HH})^{-\alpha/2}$ as follows.
\begin{align*}
R^{\alpha}(x)=\sum_{\ell\in\mathbb{Z}}R^{\alpha}(x)\eta(2^{-\ell}\circ x)=:\sum_{\ell\in\mathbb{Z}}R_{\ell}^{\alpha}(x).
\end{align*}
It can be verified from \eqref{Rie} that
$
\|R_{\ell}^{\alpha}\|_{1}\lesssim 2^{\alpha\ell}.
$
Besides, it follows from the representation formula \eqref{repre} that $R_{\ell}^{\alpha}(x)=2^{-(\mathbb{Q}-\alpha)\ell}\zeta(2^{-\ell}\circ x)$, where
$$\zeta(x):=\frac{1}{\Gamma(\alpha/2)}\int_{0}^{\infty}t^{\frac{\alpha}{2}-1}p(t,x)\eta(x)dt$$
is a smooth function supported in the region $\{\frac{1}{2}\leq \rho(x)\leq 2\}$.
To continue, we divide our proof into six cases.
\textbf{Case 1:} If $k\geq j$.
\textbf{Case 1.1:} If $\ell\leq j$, then we apply Lemma \ref{taylor} to the function $\Psi_{0}$ to see that
\begin{align*}
|\Psi_{0}(xy^{-1})-L_{x}^{\Psi_{0}}(y^{-1})|\lesssim \rho(y)^{[\alpha]+1}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho(y)\\d(I)=[\alpha]+1}}|X^{I}\Psi_{0}(xz)|,
\end{align*}
where $L_{x}^{\Psi_{0}}$ is the left Taylor polynomial of $\Psi_{0}$ at $x$ of homogeneous degree $[\alpha]$.
By the $[\alpha]$-order cancellation condition of $\mu_{j}^{\alpha}$ and Lemma \ref{inversethm},
\begin{align*}
\|\Psi_{k}\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{1}
&=2^{-\mathbb{Q}k}\int_{\HH}\left|\int_{\HH}\big(\Psi_{0}(2^{-k}\circ (xy^{-1}))-L_{2^{-k}\circ x}^{\Psi_{0}}(2^{-k}\circ y^{-1})\big)R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}(y)dy\right|dx\nonumber\\
&\lesssim 2^{-\mathbb{Q}k}\int_{\HH}\int_{\rho(x)\lesssim 2^{k}}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho(2^{-k}\circ y)\\d(I)=[\alpha]+1}}|X^{I}\Psi_{0}((2^{-k}\circ x) z)|dx|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}(y)|\rho(2^{-k}\circ y)^{[\alpha]+1}dy\nonumber\\
&\lesssim \int_{\HH}|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}(y)|\rho(2^{-k}\circ y)^{[\alpha]+1}dy\lesssim 2^{-([\alpha]+1)(k-j)}\|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{1}.
\end{align*}
This, in combination with Young's inequality, yields
\begin{align}\label{345}
\|f\ast \Psi_{k}\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{2}
\lesssim 2^{-([\alpha]+1)(k-j)}\|R_{\ell}^{\alpha}\|_{1}\|\mu_{j}^{\alpha}\|_{1}\|f\|_{2}
\lesssim 2^{-([\alpha]+1)(k-j)}2^{-\alpha (j-\ell)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
\textbf{Case 1.2:} If $\ell\geq j$, then we apply Taylor's inequality to the function $\zeta$ to see that
\begin{align*}
|\zeta(xy^{-1})-L_{x}^{\zeta}(y^{-1})|\lesssim \rho(y)^{[\alpha]+1}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho(y)\\d(I)=[\alpha]+1}}|X^{I}\zeta(xz)|,
\end{align*}
where $L_{x}^{\zeta}$ is the left Taylor polynomial of $\zeta$ at $x$ of homogeneous degree $[\alpha]$.
By the $[\alpha]$-order cancellation condition of $\mu_{j}^{\alpha}$ and Lemma \ref{inversethm},
\begin{align}\label{678}
\|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{1}
&=2^{-(\mathbb{Q}-\alpha)\ell}\int_{\HH}\left|\int_{\HH}\big(\zeta(2^{-\ell}\circ (xy^{-1}))-L_{2^{-\ell}\circ x}^{\zeta}(2^{-\ell}\circ y^{-1})\big)\mu_{j}^{\alpha}(y)dy\right|dx\nonumber\\
&\lesssim 2^{-(\mathbb{Q}-\alpha)\ell}\int_{\HH}\int_{\rho(x)\lesssim 2^{\ell}}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho(2^{-\ell}\circ y)\\d(I)=[\alpha]+1}}|X^{I}\zeta\big((2^{-\ell}\circ x)z\big)|dx\rho(2^{-\ell}\circ y)^{[\alpha]+1}d|\mu_{j}^{\alpha}|(y)\nonumber\\
&\lesssim 2^{-([\alpha]+1-\alpha)\ell}2^{([\alpha]+1)j}\|\mu_{j}^{\alpha}\|_{1}\lesssim 2^{-([\alpha]+1-\alpha)(\ell-j)}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
This, in combination with Young's inequality, yields
\begin{align}\label{zbbm}
\|f\ast \Psi_{k}\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{2}\leq \|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{1}\|f\|_{2}\lesssim 2^{-([\alpha]+1-\alpha)(\ell-j)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
\textbf{Case 1.2.1:} If $\ell\geq k$, then the estimate \eqref{zbbm} is enough.
\textbf{Case 1.2.2:} If $j\leq\ell\leq k$, then by the $[\alpha]$-order cancellation condition of $\mu_{j}^{\alpha}$ and Lemma \ref{inversethm},
\begin{align*}
\|\Psi_{k}\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{1}
&=2^{-\mathbb{Q}k}\int_{\HH}\left|\int_{\HH}\big(\Psi_{0}(2^{-k}\circ (xy^{-1}))-L_{2^{-k}\circ x}^{\Psi_{0}}(2^{-k}\circ y^{-1})\big)R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}(y)dy\right|dx\nonumber\\
&\lesssim 2^{-\mathbb{Q}k}\int_{\HH}\int_{\rho(x)\lesssim 2^{k}}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho(2^{-k}\circ y)\\d(I)=[\alpha]+1}}|X^{I}\Psi_{0}\big((2^{-k}\circ x) z\big)|dx|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}(y)|\rho(2^{-k}\circ y)^{[\alpha]+1}dy\nonumber\\
&\lesssim \int_{\HH}|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}(y)|\rho(2^{-k}\circ y)^{[\alpha]+1}dy\lesssim 2^{-([\alpha]+1)(k-\ell)}\|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{1}.
\end{align*}
This, in combination with the estimate \eqref{678}, implies
\begin{align}\label{456}
\|f\ast \Psi_{k}\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{2}\lesssim 2^{-([\alpha]+1)(k-\ell)}\|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{1}\lesssim 2^{-([\alpha]+1)(k-j)}2^{\alpha(\ell-j)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
Back to the proof of case 1, we combine the estimates \eqref{345}, \eqref{zbbm} and \eqref{456} to obtain that
\begin{align*}
&\|f\ast \Psi_{k}\ast R^{\alpha}\ast \mu_{j}^{\alpha}\|_{2}\\&\lesssim \sum_{\ell\leq j}2^{-([\alpha]+1)(k-j)}2^{-\alpha (j-\ell)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}+\sum_{j\leq\ell\leq k}2^{-([\alpha]+1)(k-j)}2^{\alpha(\ell-j)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}\\&+\sum_{\ell\geq k}2^{-([\alpha]+1-\alpha)(\ell-j)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}\lesssim 2^{-\tau(k-j)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2},
\end{align*}
for some constant $\tau>0$.
\textbf{Case 2:} If $k\leq j$, then by Young's inequality,
\begin{align}\label{hbnm}
\|f\ast \Psi_{k}\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{2}\lesssim \|\Psi_{k}\|_{1} \|R_{\ell}^{\alpha}\|_{1}\|\mu_{j}^{\alpha}\|_{1}\|f\|_{2}\lesssim 2^{\alpha(\ell-j)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
\textbf{Case 2.1:} If $\ell\leq k$, then the estimate \eqref{hbnm} is enough.
\textbf{Case 2.2:} If $\ell\geq k$, then by the cancellation property of $\Psi_{k}$ and the mean value theorem on homogeneous groups (see \cite{FoSt}), we see that $\|\Psi_{k}\ast R_{\ell}^{\alpha}\|_{1}\lesssim 2^{\alpha\ell}2^{-(\ell-k)}$. Therefore,
\begin{align}\label{zbbn}
\|f\ast \Psi_{k}\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{2}\leq \|\Psi_{k}\ast R_{\ell}^{\alpha}\|_{1}\|\mu_{j}^{\alpha}\|_{1}\|f\|_{2}\lesssim 2^{\alpha(\ell-j)}2^{-(\ell-k)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
\textbf{Case 2.2.1:} If $k\leq\ell\leq j$,
Taking geometric means of \eqref{hbnm} and \eqref{zbbn}, we see that for any $\gamma\in [0,1]$,
\begin{align*}
\|f\ast \Psi_{k}\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{2}
&\lesssim 2^{\alpha\gamma(\ell-j)}2^{\alpha(1-\gamma)(\ell-j)}2^{-(1-\gamma)(\ell-k)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}\\
&=2^{(\alpha-1+\gamma)(\ell-j)}2^{-(1-\gamma)(j-k)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align*}
Choosing $\max\{1-\alpha,0\}<\gamma<1$, we obtain
\begin{align}\label{789}
\|f\ast \Psi_{k}\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{2}\lesssim2^{\tau(\ell-j)}2^{-\tau(j-k)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2},
\end{align}
for some constant $\tau>0$.
\textbf{Case 2.2.2:} If $\ell\geq j$, then \eqref{678} holds.
This, in combination with Young's inequality, yields
\begin{align}\label{222}
\|f\ast \Psi_{k}\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{2}\leq \|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{1}\|f\|_{2}\lesssim 2^{-([\alpha]+1-\alpha)(\ell-j)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
Taking geometric means of the estimates \eqref{zbbn} and \eqref{222}, we obtain that for any $\gamma\in [0,1]$,
\begin{align*}
\|f\ast \Psi_{k}\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{2}
&\lesssim 2^{-\gamma([\alpha]+1-\alpha)(\ell-j)}2^{\alpha(1-\gamma)(\ell-j)}2^{-(1-\gamma)(\ell-k)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}\\
&=2^{(-\gamma[\alpha]+\alpha-1)(\ell-j)}2^{-(1-\gamma)(j-k)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align*}
Choosing $\gamma=\frac{1}{2}$ when $\alpha\leq 1$ and $\gamma\in(\frac{\alpha-1}{[\alpha]},1)$ when $\alpha>1$ such that $-\gamma[\alpha]+\alpha-1<0$ for $0<\alpha<\mathbb{Q}$, we obtain that
\begin{align}\label{890}
\|f\ast \Psi_{k}\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\|_{2}\lesssim2^{-\tau(\ell-j)}2^{-\tau(j-k)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2},
\end{align}
for some constant $\tau>0$.
Back to the proof of case 2, we combine the estimates \eqref{hbnm}, \eqref{789} and \eqref{890} to conclude that
\begin{align*}
&\|f\ast \Psi_{k}\ast R^{\alpha}\ast \mu_{j}^{\alpha}\|_{2}\\
&\lesssim \sum_{\ell\leq k}2^{\alpha(\ell-j)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}+\sum_{k\leq\ell\leq j}2^{\tau(\ell-j)}2^{-\tau(j-k)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}+\sum_{\ell\geq j}2^{-\tau(\ell-j)}2^{-\tau(j-k)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}\\
&\lesssim2^{-\tau(j-k)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align*}
This finishes the proof of the first statement.
Now we turn to the second statement. Before presenting its proof, we first point out that in the setting of Euclidean space, the second statement is clearly equivalent to the first one. However, generally speaking, the convolution operation cannot be exchanged in homogeneous groups, the proof of the second statement is slightly different from the first one and cannot be directly deduced from the first one.
We divide the proof of the second statement into four cases.
\textbf{Case 1:} If $k\geq j$, then we apply Lemma \ref{taylor} to the function $\Psi_{0}$ to see that
\begin{align*}
|\Psi_{0}(y^{-1}x)-R_{x}^{\Psi_{0}}(y^{-1})|\lesssim \rho(y)^{[\alpha]+1}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho(y)\\d(I)=[\alpha]+1}}|Y^{I}\Psi_{0}(zx)|,
\end{align*}
where $R_{x}^{\Psi_{0}}$ is the right Taylor polynomial of $\Psi_{0}$ at $x$ of homogeneous degree $[\alpha]$.
By the $[\alpha]$-order cancellation condition of $\mu_{j}^{\alpha}$ and Lemma \ref{inversethm},
\begin{align}\label{case1}
\|\mu_{j}^{\alpha}\ast \Psi_{k}\|_{1}
&=2^{-\mathbb{Q}k}\int_{\HH}\left|\int_{\HH}\big(\Psi_{0}(2^{-k}\circ (y^{-1}x))-R_{2^{-k}\circ x}^{\Psi_{0}}(2^{-k}\circ y^{-1})\big)d\mu_{j}^{\alpha}(y)\right|dx\nonumber\\
&\lesssim 2^{-\mathbb{Q}k}\int_{\HH}\int_{\rho(x)\lesssim 2^{k}}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho(2^{-k}\circ y)\\d(I)=[\alpha]+1}}|Y^{I}\Psi_{0}(z(2^{-k}\circ x))|dx\rho(2^{-k}\circ y)^{[\alpha]+1}d|\mu_{j}^{\alpha}|(y)\nonumber\\
&\lesssim 2^{-([\alpha]+1)(k-j)}\|\mu_{j}^{\alpha}\|_{1}\lesssim 2^{-([\alpha]+1)(k-j)}2^{-\alpha j}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
\textbf{Case 1.1:} If $\ell\leq k$.
We apply Young's inequality and the estimate \eqref{case1} to obtain
\begin{align}\label{cca1}
\|f\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{2}\lesssim 2^{\alpha\ell} \|\mu_{j}^{\alpha}\ast \Psi_{k}\|_{1}\|f\|_{2}\lesssim 2^{-\alpha(k-\ell)}2^{-([\alpha]+1-\alpha)(k-j)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
\textbf{Case 1.2:} If $\ell\geq k$.
By the $[\alpha]$-order cancellation condition of $\mu_{j}^{\alpha}$ and Lemma \ref{inversethm},
\begin{align}\label{simi}
\|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{1}
&=2^{-(\mathbb{Q}-\alpha)\ell}\int_{\HH}\left|\int_{\HH}\big(\zeta(2^{-\ell}\circ (xy^{-1}))-L_{2^{-\ell}\circ x}^{\zeta}(2^{-\ell}\circ y^{-1})\big)\mu_{j}^{\alpha}\ast \Psi_{k}(y)dy\right|dx\nonumber\\
&\lesssim 2^{-(\mathbb{Q}-\alpha)\ell}\int_{\HH}\int_{\rho(x)\lesssim 2^{\ell}}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho(2^{-\ell}\circ y)\\d(I)=[\alpha]+1}}|X^{I}\zeta\big((2^{-\ell}\circ x)z\big)|dx|\mu_{j}^{\alpha}\ast \Psi_{k}(y)|\rho(2^{-\ell}\circ y)^{[\alpha]+1}dy\nonumber\\
&\lesssim 2^{\alpha\ell}\int_{\HH}|\mu_{j}^{\alpha}\ast \Psi_{k}(y)|\rho(2^{-\ell}\circ y)^{[\alpha]+1}dy\lesssim 2^{-([\alpha]+1-\alpha)\ell}2^{([\alpha]+1)k}\|\mu_{j}^{\alpha}\ast \Psi_{k}\|_{1}.
\end{align}
This, in combination with the estimate \eqref{case1} and Young's inequality, yields
\begin{align}\label{cca2}
\|f\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{2}\lesssim 2^{-([\alpha]+1-\alpha)(\ell-k)}2^{-([\alpha]+1-\alpha)(k-j)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
Back to the proof of case 1, we combine the estimates \eqref{cca1} and \eqref{cca2} to get that
\begin{align*}
\|f\ast R^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{2}
&\lesssim \sum_{\ell\leq k} 2^{-\alpha(k-\ell)}2^{-([\alpha]+1-\alpha)(k-j)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}\\
&\qquad+\sum_{\ell\geq k}2^{-([\alpha]+1-\alpha)(\ell-k)}2^{-([\alpha]+1-\alpha)(k-j)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}\\
&\lesssim2^{-([\alpha]+1-\alpha)(k-j)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align*}
\textbf{Case 2:} If $k\leq j$, then it follows from \eqref{repre} that for any $i=1,2,\ldots,n$, we have $|Y_{i} R_{\ell}^{\alpha}(x)|\lesssim 2^{-(\mathbb{Q}-\alpha+1)\ell}$ and therefore,
\begin{align*}
|Y_{i} R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}(x)|\lesssim 2^{-(\mathbb{Q}-\alpha+1)\ell}2^{-\alpha j}\|\Omega\|_{L^{1}(\Sigma)},\ {\rm uniformly\ in}\ x\in\mathbb{H}.
\end{align*}
\textbf{Case 2.1:} If $\ell\leq j$, then by the mean value theorem on homogeneous groups (see \cite{FoSt}) and the cancellation property of $\Psi_{k}$,
\begin{align*}
\|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{1}
&=\int_{\rho(x)\lesssim 2^{j}}\left|\int_{\HH}\big(R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}(xy^{-1})-R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}(x)\big)\Psi_{k}(y)dy\right|dx\\
&\lesssim 2^{-(\mathbb{Q}-\alpha+1)\ell}2^{-\alpha j}\|\Omega\|_{L^{1}(\Sigma)}\int_{\rho(x)\lesssim 2^{j}}\int_{\HH}\rho(y)|\Psi_{k}(y)|dydx\\
&\lesssim 2^{-(\mathbb{Q}-\alpha+1)\ell}2^{(\mathbb{Q}-\alpha)j}2^{k}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align*}
This, in combination with Young's inequality, implies
\begin{align}\label{790}
\|f\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{2}\lesssim 2^{-(\mathbb{Q}-\alpha+1)\ell}2^{(\mathbb{Q}-\alpha)j}2^{k}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
By taking geometric means of the estimates \eqref{hbnm} and \eqref{790}, we obtain that for any $\gamma_{1}\in [0,1]$,
\begin{align}\label{l0}
\|f\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{2}\lesssim 2^{\gamma_{1}\alpha(\ell-j)} 2^{-(1-\gamma_{1})(\mathbb{Q}-\alpha+1)\ell}2^{(1-\gamma_{1})(\mathbb{Q}-\alpha)j}2^{(1-\gamma_{1})k}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
\textbf{Case 2.2:} If $\ell\geq j$, then by the mean value theorem on homogeneous groups (see \cite{FoSt}) and the cancellation property of $\Psi_{k}$,
\begin{align*}
\|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{1}
&=\int_{\rho(x)\lesssim 2^{\ell}}\left|\int_{\HH}\big(R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}(xy^{-1})-R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}(x)\big)\Psi_{k}(y)dy\right|dx\\
&\lesssim 2^{-(\mathbb{Q}-\alpha+1)\ell}2^{-\alpha j}\|\Omega\|_{L^{1}(\Sigma)}\int_{\rho(x)\lesssim 2^{\ell}}\int_{\HH}\rho(y)|\Psi_{k}(y)|dydx\lesssim 2^{-(1-\alpha)\ell}2^{-\alpha j}2^{k}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align*}
This, in combination with Young's inequality, implies
\begin{align}\label{730}
\|f\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{2}\lesssim 2^{-(1-\alpha)\ell}2^{-\alpha j}2^{k}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
Besides, from the proof of \eqref{simi} and the fact ${\rm supp}{\hspace{.05cm}} \mu_{j}^{\alpha}\ast \Psi_{k}\subset\{x\in\HH: \rho(x)\lesssim 2^{j}\}$ we see that
\begin{align*}
\|R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{1}
&\lesssim 2^{\alpha\ell}\int_{\HH}|\mu_{j}^{\alpha}\ast \Psi_{k}(y)|\rho(2^{-\ell}\circ y)^{[\alpha]+1}dy\lesssim 2^{-([\alpha]+1-\alpha)\ell}2^{([\alpha]+1)j}\|\mu_{j}^{\alpha}\ast \Psi_{k}\|_{1}.
\end{align*}
This, in combination with Young's inequality $\|\mu_{j}^{\alpha}\ast \Psi_{k}\|_{1}\lesssim 2^{-\alpha j}\|\Omega\|_{L^{1}(\Sigma)}$, yields
\begin{align}\label{278}
\|f\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{2}\lesssim 2^{([\alpha]+1-\alpha)(j-\ell)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
Taking geometric means of the estimates \eqref{730} and \eqref{278}, we obtain that for any $\gamma_{2}\in [0,1]$,
\begin{align}\label{j0}
\|f\ast R_{\ell}^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{2}\lesssim 2^{\gamma_{2}([\alpha]+1-\alpha)(j-\ell)}2^{-(1-\gamma_{2})(-\alpha+1)\ell}2^{-(1-\gamma_{2})\alpha j}2^{(1-\gamma_{2}) k}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
Back to the proof of case 2, choosing $\gamma_{1}\in(\frac{\mathbb{Q}+1-\alpha}{\mathbb{Q}+1},1)$ and $\gamma_{2}=\frac{1}{2}$ when $\alpha<1$, and $\frac{\alpha-1}{[\alpha]}<\gamma_{2}<1$ when $\alpha\geq 1$, respectively, such that $\gamma_{1}\alpha-(1-\gamma_{1})(\mathbb{Q}-\alpha+1)>0$ and $\gamma_{2}([\alpha]+1-\alpha)+(1-\gamma_{2})(-\alpha+1)>0$, we combine the estimates \eqref{l0} and \eqref{j0} to obtain that
\begin{align*}
\|f\ast R^{\alpha}\ast \mu_{j}^{\alpha}\ast \Psi_{k}\|_{2}
&\lesssim \sum_{\ell\leq j}2^{\gamma_{1}\alpha(\ell-j)} 2^{-(1-\gamma_{1})(\mathbb{Q}-\alpha+1)\ell}2^{(1-\gamma_{1})(\mathbb{Q}-\alpha)j}2^{(1-\gamma_{1})k}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}\\
&\qquad+\sum_{\ell\geq j}2^{\gamma_{2}([\alpha]+1-\alpha)(j-\ell)}2^{-(1-\gamma_{2})(-\alpha+1)\ell}2^{-(1-\gamma_{2})\alpha j}2^{(1-\gamma_{2}) k}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}\\
&\lesssim 2^{-\tau(j-k)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2},
\end{align*}
for some constant $\tau>0$.
This finishes the proof of Proposition \ref{keypro}.
\end{proof}
Let $0< \alpha<\mathbb{Q}$ and $\{\mu_{j}^{\alpha}\}_{j\in\mathbb{Z}}$ be a family of Borel measures defined as above. Besides, we let $\{r_{k,j}(t)\}_{k,j\in\mathbb{Z}}$ be a family of functions such that for any fixed $k,j\in\mathbb{Z}$ and $t\in[0,1]$, $r_{k,j}(t)=1$ or $r_{k,j}(t)=-1$. We consider the operators $G_{j}^{\alpha}(t)$, associated with $\{\mu_{k}^{\alpha}\}_{k\in\mathbb{Z}}$ and $\{r_{k,j}(t)\}_{k\in\mathbb{Z}}$, defined by
\begin{align}\label{equa}
G_{j}^{\alpha}(t)f:=\sum_{k\in\mathbb{Z}}r_{k,j}(t)f\ast\Psi_{k-j}\ast R^{\alpha}\ast \mu_{k}^{\alpha}=:\sum_{k\in\mathbb{Z}}G_{j,k}^{\alpha}(t)f.
\end{align}
For simplicity, we extend this definition to the critical case $\alpha=0$ by setting $d\mu_{j}^{0}=A_{j}^{0}K_{0}^{0}dx$ and
\begin{align}\label{equa001}
G_{j}^{0}(t)f:=\sum_{k\in\mathbb{Z}}r_{k,j}(t)f\ast\Psi_{k-j}\ast A_{k}^{0}K_{0}^{0}=:\sum_{k\in\mathbb{Z}}G_{j,k}^{0}(t)f.
\end{align}
We have the following $L^{2}$ decay lemma.
\begin{lemma}\label{ckt}
Let $0< \alpha<\mathbb{Q}$ and $q>1$, then there exist constants $C_{\mathbb{Q},\alpha}$, $C_{\mathbb{Q},q}>0$ and $\tau>0$ (independent of the value of $r_{k,j}(t)$) such that for any $j\in\mathbb{Z}$,
\begin{align}\label{alpha0}
\|G_{j}^{\alpha}(t)f\|_{2}\leq C_{\mathbb{Q},\alpha}2^{-\tau |j|}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2},
\end{align}
and
\begin{align}\label{alphaaa}
\|G_{j}^{0}(t)f\|_{2}\leq C_{\mathbb{Q},q}2^{-\tau |j|}\|\Omega\|_{L^{q}(\Sigma)}\|f\|_{2}.
\end{align}
\end{lemma}
\begin{proof}
We first give the proof of estimate \eqref{alpha0}. By Cotlar-Knapp-Stein Lemma (see \cite{s93}), it suffices to show that:
\begin{align}\label{CKS}
\|(G_{j,k}^{\alpha}(t))^{*}G_{j,k^{\prime}}^{\alpha}(t)\|_{2\rightarrow 2}+\|G_{j,k^{\prime}}^{\alpha}(t)(G_{j,k}^{\alpha}(t))^{*}\|_{2\rightarrow 2}\leq C_{\mathbb{Q}}2^{-2\tau |j|}2^{-\tau|k-k^{\prime}|}\|\Omega\|_{L^{1}(\Sigma)}^{2}.
\end{align}
We only estimate the first term, since the estimate of the second one is similar. Note that
\begin{align}\label{dede}
(G_{j,k}^{\alpha}(t))^{*}G_{j,k^{\prime}}^{\alpha}(t)f&=r_{k^{\prime},j}(t)r_{k,j}(t)f\ast \Psi_{k^{\prime}-j}\ast R^{\alpha}\ast \mu_{k^{\prime}}^{\alpha}\ast \widetilde{\mu_{k}^{\alpha}}\ast R^{\alpha}\ast \Psi_{k-j}\nonumber\\
&=\sum_{\ell\in\mathbb{Z}}\sum_{\ell^{\prime}\in\mathbb{Z}}r_{k^{\prime},j}(t)r_{k,j}(t)f\ast \Psi_{k^{\prime}-j}\ast R^{\alpha}\ast \mu_{k^{\prime}}^{\alpha}\ast\Psi_{\ell}\ast\Psi_{\ell^{\prime}}\ast \widetilde{\mu_{k}^{\alpha}}\ast R^{\alpha}\ast \Psi_{k-j}.
\end{align}
On the one hand, it follows from Young's inequality, Proposition \ref{keypro} and its dual version that
\begin{align}\label{f1}
&\|(f\ast \Psi_{k^{\prime}-j})\ast (R^{\alpha}\ast \mu_{k^{\prime}}^{\alpha}\ast\Psi_{\ell})\ast(\Psi_{\ell^{\prime}}\ast \widetilde{\mu_{k}^{\alpha}}\ast R^{\alpha})\ast \Psi_{k-j}\|_{2}\nonumber\\
&\lesssim \|(f\ast \Psi_{k^{\prime}-j})\ast (R^{\alpha}\ast \mu_{k^{\prime}}^{\alpha}\ast\Psi_{\ell})\ast(\Psi_{\ell^{\prime}}\ast \widetilde{\mu_{k}^{\alpha}}\ast R^{\alpha})\|_{2}\nonumber\\
&\lesssim 2^{-\tau|k-\ell^{\prime}|}\|\Omega\|_{L^{1}(\Sigma)}\|(f\ast \Psi_{k^{\prime}-j})\ast (R^{\alpha}\ast \mu_{k^{\prime}}^{\alpha}\ast\Psi_{\ell})\|_{2}\nonumber\\
&\lesssim 2^{-\tau|k-\ell^{\prime}|}2^{-\tau|\ell-k^{\prime}|}\|\Omega\|_{L^{1}(\Sigma)}^{2}\|f\ast \Psi_{k^{\prime}-j}\|_{2}\nonumber\\
&\lesssim 2^{-\tau|k-\ell^{\prime}|}2^{-\tau|\ell-k^{\prime}|}\|\Omega\|_{L^{1}(\Sigma)}^{2}\|f\|_{2}.
\end{align}
On the other hand, it follows from the cancellation and the smoothness properties of $\Psi_{k^{\prime}-j_{1}}$ and $\Psi_{k-j_{1}}$ that
\begin{align}\label{cacan}
\|\Psi_{\ell}\ast \Psi_{\ell^{\prime}}\|_{1}\lesssim 2^{-|\ell-\ell^{\prime}|}.
\end{align}
This, in combination with Young's inequality, Proposition \ref{keypro} and its dual version, indicates that
\begin{align}\label{f2}
&\|f\ast (\Psi_{k^{\prime}-j}\ast R^{\alpha}\ast \mu_{k^{\prime}}^{\alpha})\ast(\Psi_{\ell}\ast\Psi_{\ell^{\prime}})\ast (\widetilde{\mu_{k}^{\alpha}}\ast R^{\alpha}\ast \Psi_{k-j})\|_{2}\nonumber\\
&\lesssim 2^{-\tau|j|}\|\Omega\|_{L^{1}(\Sigma)}\|f\ast (\Psi_{k^{\prime}-j}\ast R^{\alpha}\ast \mu_{k^{\prime}}^{\alpha})\ast(\Psi_{\ell}\ast\Psi_{\ell^{\prime}})\|_{2}\nonumber\\
&\lesssim 2^{-\tau|j|}2^{-|\ell-\ell^{\prime}|}\|\Omega\|_{L^{1}(\Sigma)}\|f\ast \Psi_{k^{\prime}-j}\ast R^{\alpha}\ast \mu_{k^{\prime}}^{\alpha}\|_{2}\nonumber\\
&\lesssim 2^{-2\tau|j|}2^{-|\ell-\ell^{\prime}|}\|\Omega\|_{L^{1}(\Sigma)}^{2}\|f\|_{2}.
\end{align}
Taking geometric mean of \eqref{f1} with \eqref{f2}, we see that
\begin{align*}
\|f\ast (\Psi_{k^{\prime}-j}\ast R^{\alpha}\ast \mu_{k^{\prime}}^{\alpha})\ast(\Psi_{\ell}\ast\Psi_{\ell^{\prime}})\ast (\widetilde{\mu_{k}^{\alpha}}\ast R^{\alpha}\ast \Psi_{k-j})\|_{2}\lesssim 2^{-\tau|j|}2^{-\tau|k-k^{\prime}|}2^{-\tau|k-\ell^{\prime}|}2^{-\tau|\ell-k^{\prime}|}\|\Omega\|_{L^{1}(\Sigma)}^{2}\|f\|_{2}.
\end{align*}
Combining this inequality with the equality \eqref{dede}, we obtain the estimate \eqref{CKS} and therefore the first statement of Lemma \ref{ckt}.
For the second statement, we recall that Tao \cite[Proposition 4.1]{Tao} applied iterated $(TT^{*})^{N}$ method to obtain the following inequality with $q=\infty$ and then Sato \cite[Lemma 1]{sato} extended it to general $q>1$:
there exist constants $C_{\mathbb{Q},q}>0$ and $\tau>0$ such that for any integers $j$, $k$,
\begin{align}\label{kkkey}
\|f\ast A_{j}^{0}K_{0}^{0}\ast \Psi_{k}\|_{2}\leq C_{\mathbb{Q},q}2^{-\tau|j-k|}\|f\|_{2}\|\Omega\|_{L^{q}(\Sigma)}.
\end{align}
Thus, the second statement can be shown by repeating the above argument and with Proposition \ref{keypro} replaced by \eqref{kkkey} (see also \cite[Lemma 4.2]{FL}). This finishes the proof of Lemma \ref{ckt}.
\end{proof}
\begin{remark}
In what follows, $\mu_{j}$ will be endowed with several exact values. On the one hand, we will choose $d\mu_{j}:=A_{j}^{\alpha}K_{\alpha}^{0}dx$, $ B_{j}^{\alpha}\Omega dx$ and $B_{j,t}^{\alpha}\Omega dx$, where $B_{j,t}^{\alpha}\Omega$ is defined in Section \ref{nondyadicsection}. On the other hand, we also choose $d\mu_{j}:=2^{-j(\mathbb{Q}-1+\alpha)}t^{-\mathbb{Q}-\alpha}\Omega d\sigma_{t2^{j}}$, where $\sigma_{r}$ is the unique Radon measure on $r\Sigma:=\{x\in\HH:\rho(x)=r\}$ satisfying for any $f\in L^{1}(\Sigma)$,
\begin{align*}
\int_{\Sigma}f(\theta)d\sigma(\theta)=\int_{r\Sigma}f(r^{-1}\circ \theta)d\sigma_{r}(\theta)r^{-(\mathbb{Q}-1)}.
\end{align*}
In both cases, it can be seen from the proof of Proposition \ref{keypro} and Lemma \ref{ckt} that the bounds on the right hand side of \eqref{huhihi}, \eqref{huhihi2} and \eqref{alpha0} are independent of $t\in[1,2]$. We would like to mention that in the Euclidean setting, for the particular choice $d\mu_{j}^{0}=B_{j}^{0}\Omega dx$, the corresponding $L^{2}$ decay estimate was obtained in \cite{DR} (see also \cite{HRT}) via a standard argument of Fourier transform and Plancherel's theorem. Actually, in this setting, one can also apply this argument to obtain the corresponding $L^{2}$ decay estimates for the other choices of $\mu_{j}^{\alpha}$ when $0\leq\alpha<\mathbb{Q}$.
\end{remark}
\bigskip
\section{Unweighted $L^{p}$ estimate}\label{unweightsection}
\setcounter{equation}{0}
Throughout this section, unless we mention the contrary, we suppose that $\Omega$ satisfies the following assumption.
\textbf{Assumption: } Let $0<\alpha<\mathbb{Q}$. Suppose that $\Omega\in L^{1}(\Sigma)$ and satisfies the cancellation condition of order $[\alpha]$.
\subsection{Boundedness of $T_{\Omega,\alpha}$}\label{sssss2}
In this section, we show the $(L^{p}(\HH),L_{\alpha}^{p}(\HH))$ estimate of $T_{\Omega,\alpha}$.
\begin{proposition}\label{prop1}
Let $0<\alpha<\mathbb{Q}$. Suppose that $\Omega\in L^{1}(\Sigma)$ and satisfies the cancellation condition of order $[\alpha]$, then for any $1<p<\infty$,
\begin{align*}
\|T_{\Omega,\alpha}f\|_{L^{p}(\HH)}\leq C_{\mathbb{Q},\alpha,p}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{L_{\alpha}^{p}(\HH)}
\end{align*}
for some constant $C_{\mathbb{Q},\alpha,p}$ independent of $\Omega$.
\end{proposition}
To show Proposition \ref{prop1}, we first note that $S_{j}f\rightarrow f$ as $j\rightarrow -\infty$, which implies that:
\begin{align}\label{sldksl}
T_{k}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}=T_{k}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}S_{k}+\sum_{j=1}^{\infty}T_{k}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}(S_{k-j}-S_{k-(j-1)}).
\end{align}
In this way, $T_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}=\sum_{j=0}^{\infty}\tilde{T}_{j}^{\alpha}$, where
\begin{align}\label{tj0}
\tilde{T}_{0}^{\alpha}:=\sum_{k\in\mathbb{Z}}T_{k}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}S_{k},
\end{align}
and for $j\geq 1$,
\begin{align}\label{tj1}
\tilde{T}_{j}^{\alpha}:=\sum_{k\in\mathbb{Z}}T_{k}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}(S_{k-j}-S_{k-(j-1)}).
\end{align}
\begin{lemma}\label{newww}
There exist constants $C_{\mathbb{Q},\alpha}>0$ and $\tau>0$, such that for any $j\geq0$,
\begin{align*}
\|\tilde{T}_{j}^{\alpha}f\|_{2}\leq C_{\mathbb{Q},\alpha}2^{-\tau j}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align*}
\end{lemma}
\begin{proof}
Note that $\tilde{T}_{0}^{\alpha}=\sum_{j=-\infty}^{0}G_{j}^{\alpha}$, with $\mu_{j}^{\alpha}$ and $r_{k,j}(t)$ chosen to be $A_{j}^{\alpha}K_{\alpha}^{0}$ and the constant function $1$, respectively. This, combined with Lemma \ref{ckt}, indicates that
\begin{align}\label{l2}
\|\tilde{T}_{0}^{\alpha}f\|_{2}\leq \sum_{j=-\infty}^{0}\|G_{j}^{\alpha}f\|_{2}\lesssim \sum_{j=-\infty}^{0}2^{\tau j}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}\lesssim \|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2},
\end{align}
and that for any $j\geq 1$,
\begin{align}\label{l2j}
\|\tilde{T}_{j}^{\alpha}f\|_{2}\leq C_{\mathbb{Q}}2^{-\tau j}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2},
\end{align}
for some $\tau>0$. This ends the proof of Lemma \ref{newww}.
\end{proof}
Next we study the kernel of the operator $\tilde{T}_{j}^{\alpha}$. To this end, we denote $$K_{j}^{\alpha}:=\sum_{k\in\mathbb{Z}}\Delta[2^{k-j}]\phi\ast R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}.$$
\begin{lemma}\label{hormander}
The kernel $K_{j}^{\alpha}$ satisfies the following H\"{o}rmander condition: there exists a constant $C_{\mathbb{Q},\alpha}>0$ such that for any $j\geq 0$,
\begin{align*}
\int_{\rho(x)\geq 2A_{0}\rho(y)}|K_{j}^{\alpha}(y^{-1}x)-K_{j}^{\alpha}(x)|dx\leq C_{\mathbb{Q},\alpha}(1+j)\|\Omega\|_{L^{1}(\Sigma)}.
\end{align*}
\end{lemma}
\begin{proof}
We first decompose $R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}$ as follows.
\begin{align*}
R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}=R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}\Big(1-\eta_{0}\Big(\frac{x}{A_{0}^{2}\kappa_{[\alpha]}2^{k+4}}\Big)\Big)+R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}\eta_{0}\Big(\frac{x}{A_{0}^{2}\kappa_{[\alpha]}2^{k+4}}\Big)=:K^{1}_{\alpha,k}+K^{2}_{\alpha,k},
\end{align*}
where $\eta_{0}$ is a smooth cut-off function on $\HH$ such that $\eta_{0}(x)=0$ if $\rho(x)>2$ and $\eta_{0}(x)=1$ if $\rho(x)\leq 1$.
Therefore, it remains to show that there exists a constant $C_{\mathbb{Q},\alpha}>0$ such that for any $j\geq 0$,
\begin{align}\label{firstpart}
\int_{\rho(x)\geq 2A_{0}\rho(y)}\bigg|\sum_{k\in\mathbb{Z}}\Delta[2^{k-j}]\phi\ast K^{1}_{\alpha,k}(y^{-1}x)-\Delta[2^{k-j}]\phi\ast K^{1}_{\alpha,k}(x)\bigg|dx\leq C_{\mathbb{Q},\alpha}\|\Omega\|_{L^{1}(\Sigma)},
\end{align}
and that
\begin{align}\label{secondpart}
\int_{\rho(x)\geq 2A_{0}\rho(y)}\bigg|\sum_{k\in\mathbb{Z}}\Delta[2^{k-j}]\phi\ast K^{2}_{\alpha,k}(y^{-1}x)-\Delta[2^{k-j}]\phi\ast K^{2}_{\alpha,k}(x)\bigg|dx\leq C_{\mathbb{Q},\alpha}(1+j)\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
\textbf{Estimate of \eqref{firstpart}:}
Recall from the proof of Proposition \ref{keypro} that
$$
R^{\alpha}(x)=\sum_{\ell\in\mathbb{Z}}R_{\ell}^{\alpha}(x)=\sum_{\ell\in\mathbb{Z}}2^{-(\mathbb{Q}-\alpha)\ell}\zeta(2^{-\ell}\circ x),
$$
where $\zeta(x)$ is a smooth function supported in the region $\{\frac{1}{2}\leq \rho(x)\leq 2\}$, and satisfying
\begin{align*}
|\zeta(xy^{-1})-L_{x}^{\zeta}(y^{-1})|\lesssim \rho(y)^{[\alpha]+1}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho(y)\\d(I)=[\alpha]+1}}|X^{I}\zeta(xz)|,
\end{align*}
where $L_{x}^{\zeta}$ is the left Taylor polynomial of $\zeta$ at $x$ of homogeneous degree $[\alpha]$.
If $\rho(x)\geq A_{0}^{2}\kappa_{[\alpha]}2^{k+4}$, then
$\rho((2^{-\ell}\circ x)z)\geq \frac{1}{A_{0}}\rho(2^{-\ell}\circ x)-\rho(z)\gtrsim 2^{-\ell}\rho(x)$
whenever $\rho(z)\leq 2^{k-\ell+2}\kappa_{[\alpha]}$. By the $[\alpha]$-order cancellation condition of $\Omega$ and Lemma \ref{inversethm}, for any sufficient large constant $N$,
\begin{align}\label{cajk2}
|K^{1}_{\alpha,k}(x)|
&\lesssim \sum_{\ell\in\mathbb{Z}}2^{-(\mathbb{Q}-\alpha)\ell}\left|\int_{\HH}\zeta(2^{-\ell}\circ (xy^{-1}))A_{k}^{\alpha}K_{\alpha}^{0}(y)dy\right|\nonumber\\
&= \sum_{\ell\in\mathbb{Z}}2^{-(\mathbb{Q}-\alpha)\ell}\left|\int_{\HH}\big(\zeta(2^{-\ell}\circ (xy^{-1}))-L_{2^{-\ell}\circ x}^{\zeta}(2^{-\ell}\circ y^{-1})\big)A_{k}^{\alpha}K_{\alpha}^{0}(y)dy\right|\nonumber\\
&\lesssim \sum_{\ell\in\mathbb{Z}}2^{-(\mathbb{Q}-\alpha)\ell}\int_{\HH}\rho(2^{-\ell}\circ y)^{[\alpha]+1}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho(2^{-\ell}\circ y)\\d(I)=[\alpha]+1}}|(X^{I}\zeta)\big((2^{-\ell}\circ x)z\big)||A_{k}^{\alpha}K_{\alpha}^{0}(y)|dy\nonumber\\
&\lesssim \sum_{\ell\in\mathbb{Z}}2^{-(\mathbb{Q}-\alpha)\ell}2^{([\alpha]+1)(k-\ell)}(1+2^{-\ell}\rho(x))^{-N}\|A_{k}^{\alpha}K_{\alpha}^{0}\|_{1}\nonumber\\
&\lesssim \sum_{2^{\ell}\leq \rho(x)}2^{-(\mathbb{Q}-\alpha)\ell}2^{([\alpha]+1)(k-\ell)}(2^{-\ell}\rho(x))^{-N}2^{-\alpha k}\|\Omega\|_{L^{1}(\Sigma)}+ \sum_{2^{\ell}\geq \rho(x)}2^{-(\mathbb{Q}-\alpha)\ell}2^{([\alpha]+1)(k-\ell)}2^{-\alpha k}\|\Omega\|_{L^{1}(\Sigma)}\nonumber\\&\lesssim \frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
Since ${\rm supp}{\hspace{.05cm}}\phi\subset\{x\in\HH:\rho(x)\leq\frac{1}{100}\}$, we have
\begin{align}\label{eq1}
|\Delta[2^{k-j}]\phi\ast K^{1}_{\alpha,k}(x)|
&\lesssim \|\Omega\|_{L^{1}(\Sigma)}\int_{\rho(y)\leq 2^{k}}\frac{2^{([\alpha]+1-\alpha)k}}{d(x,y)^{\mathbb{Q}+1+[\alpha]-\alpha}}\chi_{d(x,y)>A_{0}^{2}\kappa_{[\alpha]}2^{k+4}}|\Delta[2^{k-j}]\phi(y)|dy\nonumber\\
&\lesssim \|\Omega\|_{L^{1}(\Sigma)}\frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\chi_{\rho(x)\geq A_{0} \kappa_{[\alpha]} 2^{k+3}}(x).
\end{align}
This also implies that whenever $\rho(x)\geq 2A_{0}\rho(y)$,
\begin{align}\label{eq2}
|\Delta[2^{k-j}]\phi\ast K^{1}_{\alpha,k}(y^{-1}x)|
&\lesssim \|\Omega\|_{L^{1}(\Sigma)}\frac{2^{([\alpha]+1-\alpha)k}}{\rho(y^{-1}x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\chi_{\rho(y^{-1}x)\geq A_{0} \kappa_{[\alpha]} 2^{k+3}}(y^{-1}x)\nonumber\\
&\lesssim \|\Omega\|_{L^{1}(\Sigma)}\frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\chi_{\rho(x)\geq \kappa_{[\alpha]} 2^{k+2}}(x).
\end{align}
Combining the estimates \eqref{eq1} and \eqref{eq2}, we obtain that
\begin{align}\label{eer1}
\bigg|\sum_{k\in\mathbb{Z}}\Delta[2^{k-j}]\phi\ast K^{1}_{\alpha,k}(y^{-1}x)-\Delta[2^{k-j}]\phi\ast K^{1}_{\alpha,k}(x)\bigg|&\lesssim \|\Omega\|_{L^{1}(\Sigma)}\sum_{ 2^{k+2}\kappa_{[\alpha]}\leq \rho(x)}\frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\nonumber\\
&\lesssim\frac{\|\Omega\|_{L^{1}(\Sigma)}}{\rho(x)^{\mathbb{Q}}}.
\end{align}
On the other hand, we note that if $\rho(x)\geq A_{0}^{2}\kappa_{[\alpha]}2^{k+4}$ and $\rho(z)\leq 2^{k-\ell+2}\kappa_{[\alpha]}\rho(y)$, then
$$\rho((2^{-\ell}\circ x)z)\geq \frac{1}{A_{0}}\rho(2^{-\ell}\circ x)-\rho(z)\gtrsim 2^{-\ell}\rho(x),$$
and, similar to the proof of \eqref{cajk2}, for any $i=1,2,\ldots,n$,
\begin{align}\label{sisisi}
|X_{i} R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}(x)|
&\lesssim \sum_{\ell\in\mathbb{Z}}2^{-(\mathbb{Q}-\alpha+1)\ell}\left|\int_{\HH}\big((X_{i}\zeta)(2^{-\ell}\circ (xy^{-1}))-L_{2^{-\ell}\circ x}^{X_{i}\zeta}(2^{-\ell}\circ y^{-1})\big)A_{k}^{\alpha}K_{\alpha}^{0}(y)dy\right|\nonumber\\
&\lesssim \sum_{\ell\in\mathbb{Z}}2^{-(\mathbb{Q}-\alpha+1)\ell}\int_{\HH}\rho(2^{-\ell}\circ y)^{[\alpha]+1}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho(2^{-\ell}\circ y)\\d(I)=[\alpha]+1}}|(X^{I}X_{i}\zeta)\big((2^{-\ell}\circ x)z\big)||A_{k}^{\alpha}K_{\alpha}^{0}(y)|dy\nonumber\\
&\lesssim \sum_{2^{\ell}\leq \rho(x)}2^{-(\mathbb{Q}-\alpha+1)\ell}2^{([\alpha]+1)(k-\ell)}(2^{-\ell}\rho(x))^{-N}2^{-\alpha k}\|\Omega\|_{L^{1}(\Sigma)}\nonumber\\
&\qquad+ \sum_{2^{\ell}\geq \rho(x)}2^{-(\mathbb{Q}-\alpha+1)\ell}2^{([\alpha]+1)(k-\ell)}2^{-\alpha k}\|\Omega\|_{L^{1}(\Sigma)}\nonumber\\
&\lesssim \frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+2+[\alpha]-\alpha}}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
Hence, if $\rho(x)\geq A_{0}^{2}\kappa_{[\alpha]}2^{k+4}$, then for any $i=1,2,\ldots,n$,
\begin{align}\label{ffrom}
|X_{i} K_{\alpha,k}^{1}(x)|\lesssim \frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+2+[\alpha]-\alpha}}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
Therefore,
\begin{align}\label{alsk}
\bigg|\sum\limits_{k\in\mathbb{Z}}X_{i}\Delta[2^{k-j}]\phi\ast K_{\alpha,k}^{1}(x)\bigg|&\lesssim \|\Omega\|_{L^{1}(\Sigma)}\sum\limits_{k\in\mathbb{Z}}\int_{\rho(y)\leq 2^{k}}\frac{2^{([\alpha]+1-\alpha)k}}{d(x,y)^{\mathbb{Q}+2+[\alpha]-\alpha}}\chi_{d(x,y)>A_{0}^{2}\kappa_{[\alpha]}2^{k+4}}|\Delta[2^{k-j}]\phi(y)|dy\nonumber\\
&\lesssim \|\Omega\|_{L^{1}(\Sigma)}\sum\limits_{k\in\mathbb{Z}}\frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+2+[\alpha]-\alpha}}\chi_{\rho(x)\geq A_{0} \kappa_{[\alpha]} 2^{k+3}}(x)\lesssim \|\Omega\|_{L^{1}(\Sigma)}\rho(x)^{-\mathbb{Q}-1}.
\end{align}
This, together with the mean value theorem on homogeneous groups (see \cite{FoSt}), shows
\begin{align}\label{eer2}
\bigg|\sum\limits_{k\in\mathbb{Z}}\Delta[2^{k-j}]\phi\ast K_{\alpha,k}^{1}(y^{-1}x)-\Delta[2^{k-j}]\phi\ast K_{\alpha,k}^{1}(x)\bigg|\lesssim \|\Omega\|_{L^{1}(\Sigma)}\frac{\rho(y)}{\rho(x)^{\mathbb{Q}+1}}.
\end{align}
Combining the estimates \eqref{eer1} and \eqref{eer2}, we conclude that
\begin{align}\label{eeeer}
\bigg|\sum\limits_{k\in\mathbb{Z}}\Delta[2^{k-j}]\phi\ast K_{\alpha,k}^{1}(y^{-1}x)-\Delta[2^{k-j}]\phi\ast K_{\alpha,k}^{1}(x)\bigg|\lesssim \frac{\|\Omega\|_{L^{1}(\Sigma)}}{\rho(x)^{\mathbb{Q}}}\omega\Big(\frac{\rho(y)}{\rho(x)}\Big),
\end{align}
where $\omega(t)\leq \min\{1,t\}$ uniformly in $j\geq 0$. Thus,
\begin{align}\label{ererer1}
&\int_{\rho(x)\geq 2A_{0}\rho(y)}\bigg|\sum\limits_{k\in\mathbb{Z}}\Delta[2^{k-j}]\phi\ast K_{\alpha,k}^{1}(y^{-1}x)-\Delta[2^{k-j}]\phi\ast K_{\alpha,k}^{1}(x)\bigg|dx\nonumber\\
&\lesssim \|\Omega\|_{L^{1}(\Sigma)}\int_{\rho(x)\geq 2A_{0}\rho(y)}\frac{1}{\rho(x)^{\mathbb{Q}}}\omega\Big(\frac{\rho(y)}{\rho(x)}\Big)dx
\lesssim \|\Omega\|_{L^{1}(\Sigma)}\sum_{k=0}^{\infty}\omega(2^{-k})\lesssim \|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
\textbf{Estimate of \eqref{secondpart}:}
To begin with,
\begin{align}\label{rhs}
&\sum_{k\in\mathbb{Z}}\int_{\rho(x)\geq 2A_{0}\rho(y)}\bigg|\Delta[2^{k-j}]\phi\ast K^{2}_{\alpha,k}(y^{-1}x)-\Delta[2^{k-j}]\phi\ast K^{2}_{\alpha,k}(x)\bigg|dx\nonumber\\
&\leq \sum_{k\in\mathbb{Z}}\int_{\HH}\int_{\rho(x)\geq 2A_{0}\rho(y)}|\Delta[2^{k-j}]\phi(y^{-1}xz^{-1})-\Delta[2^{k-j}]\phi(xz^{-1})|dx|K^{2}_{\alpha,k}(z)|dz.
\end{align}
It can be verified directly that if $\rho(y)\geq 2^{k+7}A_{0}^{3}\kappa_{[\alpha]}$ and $\rho(x)\geq 2A_{0}\rho(y)$, then
$$\rho(2^{-(k-j)}\circ y^{-1}xz^{-1})\geq 1\ {\rm and}\ \rho(2^{-(k-j)}\circ xz^{-1})\geq 1.$$
This, in combination with a simple change of variable and Lemma \ref{appen}, yields
\begin{align}\label{1234}
&\sum_{k\in\mathbb{Z}}\int_{\rho(x)\geq 2A_{0}\rho(y)}\bigg|\Delta[2^{k-j}]\phi\ast K^{2}_{\alpha,k}(y^{-1}x)-\Delta[2^{k-j}]\phi\ast K^{2}_{\alpha,k}(x)\bigg|dx\nonumber\\
&\leq \sum_{2^{k+7}A_{0}^{3}\kappa_{[\alpha]}\geq\rho(y)}\int_{\HH}\int_{\rho(x)\geq 2A_{0}\rho(y)}|\Delta[2^{k-j}]\phi(y^{-1}xz^{-1})-\Delta[2^{k-j}]\phi(xz^{-1})|dx|K^{2}_{\alpha,k}(z)|dz\nonumber\\
&\leq \sum_{2^{k+7}A_{0}^{3}\kappa_{[\alpha]}\geq\rho(y)}\int_{\HH}\int_{\HH}|\phi\big((2^{-(k-j)}\circ y^{-1}) x (2^{-(k-j)} \circ z^{-1})\big)-\phi\big(x(2^{-(k-j)}\circ z^{-1})\big)|dx|K^{2}_{\alpha,k}(z)|dz\nonumber\\
&\lesssim \sum_{2^{k+7}A_{0}^{3}\kappa_{[\alpha]}\geq\rho(y)}\min\Big\{1,\frac{\rho(y)}{2^{k-j}}\Big\}\|K^{2}_{\alpha,k}\|_{1}.
\end{align}
To continue, we estimate the $L^{1}$-norm of $K^{2}_{\alpha,k}$. Note that
\begin{align}\label{indd}
|A_{k}^{\alpha}K_{\alpha}^{0}(x)|
&=2^{-k}\left|\int_{-\infty}^{+\infty}\varphi(2^{-k}t)t^{-\mathbb{Q}-\alpha}K_{\alpha}(t^{-1}\circ x)\chi_{1\leq \rho(t^{-1}\circ x)\leq 2}(x)dt\right|\nonumber\\
&=\left|\int_{-\infty}^{+\infty}t\varphi(t)(2^{k}t)^{-\mathbb{Q}-\alpha}K_{\alpha}\big((2^{k}t)^{-1}\circ x\big)\chi_{2^{k}t\leq\rho(x)\leq 2^{k+1}t}(x)dt\right|\nonumber\\
&\lesssim \rho(x)^{-\mathbb{Q}-\alpha}|\Omega(x)|\chi_{2^{k-1}\leq\rho(x)\leq 2^{k+2}}(x).
\end{align}
This means that
\begin{align*}
\int_{\HH}|K^{2}_{\alpha,k}(z)|dz
&\lesssim \int_{\rho(z)\leq A_{0}^{2}\kappa_{[\alpha]}2^{k+5}}\int_{2^{k-1}\leq \rho(y)\leq 2^{k+2}}\frac{|\Omega(y)|}{\rho(y)^{\mathbb{Q}+\alpha}}\frac{1}{d(z,y)^{\mathbb{Q}-\alpha}}dydz\\
&= \int_{\frac{1}{2}\leq \rho(y)\leq 4}\frac{|\Omega(y)|}{\rho(y)^{\mathbb{Q}+\alpha}}\int_{\rho(z)\leq A_{0}^{2}\kappa_{[\alpha]}2^{5}}\frac{1}{d(z,y)^{\mathbb{Q}-\alpha}}dzdy\lesssim\|\Omega\|_{L^{1}(\Sigma)}.
\end{align*}
This, in combination with \eqref{1234}, implies
\begin{align*}
&\sum_{k\in\mathbb{Z}}\int_{\rho(x)\geq 2A_{0}\rho(y)}\bigg|\Delta[2^{k-j}]\phi\ast K^{2}_{\alpha,k}(y^{-1}x)-\Delta[2^{k-j}]\phi\ast K^{2}_{\alpha,k}(x)\bigg|dx\nonumber\\
&\lesssim \|\Omega\|_{L^{1}(\Sigma)} \sum_{2^{k+7}A_{0}^{3}\kappa_{[\alpha]}\geq\rho(y)}\min\Big\{1,\frac{\rho(y)}{2^{k-j}}\Big\}\lesssim \|\Omega\|_{L^{1}(\Sigma)}(1+j).
\end{align*}
This verifies \eqref{secondpart} and therefore, the proof of Lemma \ref{hormander} is complete.
\end{proof}
\begin{lemma}\label{weak11}
For any $1<p<\infty$, there exist constants $C_{\mathbb{Q},\alpha}$, $C_{\mathbb{Q},\alpha,p}>0$ and $\tau>0$ such that for any $j\geq 0$,
\begin{align}\label{weaktype}
\|\tilde{T}_{j}^{\alpha}f\|_{L^{1,\infty}}\leq C_{\mathbb{Q},\alpha}(1+j)\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{1},
\end{align}
and
\begin{align*}
\|\tilde{T}_{j}^{\alpha}f\|_{p}\leq C_{\mathbb{Q},\alpha,p}2^{-\tau j}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{p}.
\end{align*}
\end{lemma}
\begin{proof}
By Lemmata \ref{newww} and \ref{hormander}, the first statement is the consequence of a standard argument of Calder\'{o}n-Zygmund decomposition (see for example \cite{JDbook,s93}). Then, the second one can be obtained by interpolating \eqref{weaktype} with \eqref{l2} for $j=0$ and \eqref{l2j} for $j\geq 1$, respectively, and by a standard duality argument.
\end{proof}
{\it Proof of Proposition \ref{prop1}}.
By the equality \eqref{sldksl} and Lemma \ref{weak11},
\begin{align*}
\|T_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f\|_{p}\leq \sum_{j=0}^{\infty}\|\tilde{T}_{j}^{\alpha}f\|_{p}\lesssim \sum_{j=0}^{\infty}2^{-\tau j}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{p}\lesssim \|\Omega\|_{L^{1}(\Sigma)}\|f\|_{p}.
\end{align*}
Equivalently,
\begin{align*}
\|T_{\Omega,\alpha}f\|_{L^{p}}\lesssim\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{L_{\alpha}^{p}}.
\end{align*}
This completes the proof of Proposition \ref{prop1}.
\hfill $\square$
\begin{remark}\label{remmm}
With a slight modification, the above arguments can be also applied to give an alternative proof of the $L^{p}$ boundedness of $T_{\Omega,0}$, which was shown in \cite{Tao} and \cite{sato} by two different approaches, provided $\Omega\in L\log^{+} L(\Sigma)$ and $\int_{\Sigma}\Omega(\theta) d\sigma(\theta)=0$. For the convenience of the readers, we sketch the proof below.
\end{remark}
{\it Proof of Remark \ref{remmm}}. Let $E_{0}:=\{x\in\Sigma:|\Omega(x)|\leq 2\}$ and $E_{m}:=\{x\in\Sigma:2^{2^{m-1}}<|\Omega(x)|\leq2^{2^{m}}\}$ for $m\geq 1$. Besides, for any $m\geq 0$, set
\begin{align*}
\Omega_{m}(x):=\Omega(x)\chi_{E_{m}}(x)-\frac{1}{\sigma(\Sigma)}\int_{E_{m}}\Omega(\theta)d\sigma(\theta).
\end{align*}
Then $\int_{\Sigma}\Omega_{m}(x)d\sigma(x)=0$ and $\Omega(x)=\sum_{m=0}^{\infty}\Omega_{m}(x)$. Let $T_{m,j}^{0}$ be the operator defined in \eqref{hjhbkk} with $\alpha=0$ and $\Omega$ replaced by $\Omega_{m}$. Besides, for $j\geq 1$, let
\begin{align*}
\tilde{T}_{m,j}^{+}:=\sum_{k\in\mathbb{Z}}T_{m,k}^{0}(S_{k+2^{j-1}}-S_{k+2^{j}})\ {\rm and}\ \tilde{T}_{m,j}^{-}:=\sum_{k\in\mathbb{Z}}T_{m,k}^{0}(S_{k-2^{j}}-S_{k-2^{j-1}}).
\end{align*}
Then similar to the proof of Lemma \ref{weak11}, it can be verified that for any $j\geq 1$,
\begin{align}\label{newnew}
\|\tilde{T}_{m,j}^{\pm}f\|_{L^{1,\infty}}\lesssim 2^{j}\|\Omega_{m}\|_{L^{1}(\Sigma)}\|f\|_{1}.
\end{align}
This, along with \eqref{alphaaa} (where $\Omega$ is replaced by $\Omega_{m}$) and interpolation, shows that for any $1<p\leq 2$,
\begin{align}\label{uiouoi}
\|\tilde{T}_{m,j}^{\pm}f\|_{p}\lesssim 2^{-\tau 2^{j}}\|\Omega_{m}\|_{L^{\infty}(\Sigma)}\|f\|_{p},
\end{align}
for some constant $\tau>0$.
Besides, by Young's inequality, for any integers $j$ and $k$, we have
\begin{align*}
\|T_{m,k}^{0}(S_{k-j}-S_{k-(j-1)})f\|_{2}\lesssim \|\Omega_{m}\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align*}
Next, similar to the proof of Lemma \ref{ckt}, it can be verified by Cotlar-Knapp-Stein Lemma that
\begin{align}
\|\tilde{T}_{m,j}^{\pm}f\|_{2}\lesssim 2^{j}\|\Omega_{m}\|_{L^{1}(\Sigma)}\|f\|_{2},
\end{align}
which interpolating with \eqref{newnew}, in which $\Omega$ is replaced by $\Omega_{m}$, yields that for any $1<p\leq 2$,
\begin{align}\label{yuiiyiu}
\|\tilde{T}_{m,j}^{\pm}f\|_{p}\lesssim 2^{j}\|\Omega_{m}\|_{L^{1}(\Sigma)}\|f\|_{p}.
\end{align}
Combining \eqref{uiouoi} and \eqref{yuiiyiu}, we obtain that
\begin{align*}
\|T_{\Omega,0}f\|_{p}&\leq\sum_{m=0}^{\infty}\sum_{j\geq 1}\|\tilde{T}_{m,j}^{+}f\|_{p}+\|\tilde{T}_{m,j}^{-}f\|_{p}\\
&\lesssim \sum_{m=0}^{\infty}\sum_{2^{j}\leq \lambda 2^{m}}2^{j}\|\Omega_{m}\|_{L^{1}(\Sigma)}\|f\|_{p}+\sum_{m=0}^{\infty}\sum_{2^{j}>\lambda 2^m}2^{-\tau 2^{j}}\|\Omega_{m}\|_{L^{\infty}(\Sigma)}\|f\|_{p}\\
&\lesssim \sum_{m=0}^{\infty}\lambda 2^m \|\Omega_{m}\|_{L^{1}(\Sigma)}\|f\|_{p}+\sum_{m=0}^{\infty}2^{(-\tau\lambda+1)2^m}\|f\|_{p}\\
&\lesssim\left(\int_{\Sigma}|\Omega(\theta)|\log(2+|\Omega(\theta)|)d\sigma(\theta)+1\right) \|f\|_{p},
\end{align*}
where we choose $\lambda>1/\tau$. This, along with a duality argument, shows the proof of Remark \ref{remmm}.
\hfill $\square$
\subsection{Fundamental reduction of Theorem \ref{main1}}\label{Basic reduction}
To begin with, denote
\begin{align}\label{defi1}
M_{\Omega,\alpha}f(x):=\sup\limits_{k>0,\varepsilon\in [2^{k},2^{k+1})}\left|\int_{\varepsilon<\rho(y^{-1}x)\leq2^{k+1}}\frac{\Omega(y^{-1}x)}{\rho(y^{-1}x)^{\mathbb{Q}+\alpha}}f(y)dy\right|,
\end{align}
and
\begin{align}\label{defi2}
T_{\Omega,\alpha}^{k}f(x):=\int_{\rho(y^{-1}x)> 2^{k+1}}\frac{\Omega(y^{-1}x)}{\rho(y^{-1}x)^{\mathbb{Q}+\alpha}}f(y)dy.
\end{align}
Since there exists a unique $k\in\mathbb{Z}$ such that $2^{k}\leq\varepsilon< 2^{k+1}$, we have
\begin{align}\label{maximalcontrol}
T_{\Omega,\alpha}^{\#}f(x)&\leq\sup\limits_{\varepsilon>0}\left|\int_{\varepsilon<\rho(y^{-1}x)\leq 2^{[\log \varepsilon]+1}}\frac{\Omega(y^{-1}x)}{\rho(y^{-1}x)^{\mathbb{Q}+\alpha}}f(y)dy\right|+\sup\limits_{\varepsilon>0}\left|\int_{\rho(y^{-1}x)> 2^{[\log \varepsilon]+1}}\frac{\Omega(y^{-1}x)}{\rho(y^{-1}x)^{\mathbb{Q}+\alpha}}f(y)dy\right|\nonumber\\
&=M_{\Omega,\alpha}f(x)+\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}^{k}f(x)|.
\end{align}
Hence, Theorem \ref{main1} can be reduced to showing the following two propositions.
\begin{proposition}\label{nondyadicprop}
For any $1<p<\infty$, there exists a constant $C_{\mathbb{Q},\alpha,p}>0$ such that for any $j\geq 0$,
\begin{align}\label{nondyadic}
\|M_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f\|_{p}\leq C_{\mathbb{Q},\alpha,p}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{p}.
\end{align}
\end{proposition}
\begin{proposition}\label{dyadicprop}
For any $1<p<\infty$, there exists a constant $C_{\mathbb{Q},\alpha,p}>0$ such that for any $j\geq 0$,
\begin{align}\label{dyadic}
\Big\|\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}^{k}(-\Delta_{\HH})^{-\alpha/2}f|\Big\|_{p}\leq C_{\mathbb{Q},\alpha,p}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{p}.
\end{align}
\end{proposition}
We will give the proof of Propositions \ref{nondyadicprop} and \ref{dyadicprop} in Sections \ref{nondyadicsection} and \ref{dyadicsection}, respectively.
\subsection{$L^{p}$ estimate of non-dyadic maximal function}\label{nondyadicsection}
In this subsection, we give the proof of the Proposition \ref{nondyadicprop}. To begin with, for any $t\in[1,2)$ and $j\in\mathbb{N}$, denote
\begin{align*}
B_{j,t}^{\alpha}\Omega(x):=\frac{\Omega(x)}{\rho(x)^{\mathbb{Q}+\alpha}}\chi_{t2^{j}< \rho(x)\leq 2^{j+1}},
\end{align*}
and $V_{j,t}^{\alpha}f:=f\ast B_{j,t}^{\alpha}\Omega$.
Noting that $S_{j}f\rightarrow f$ as $j\rightarrow -\infty$, we have the following identity:
\begin{align}\label{vkj}
V_{k,t}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}=V_{k,t}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}S_{k}+\sum_{j=1}^{\infty}V_{k,t}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}(S_{k-j}-S_{k-(j-1)})=:\sum\limits_{j=0}^{\infty}V_{k,j,t}^{\alpha},
\end{align}
where $V_{k,0,t}^{\alpha}:=V_{k,t}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}S_{k}$ and $V_{k,j,t}^{\alpha}:=V_{k,t}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}(S_{k-j}-S_{k-(j-1)})$ for $j\geq 1$. Denote
\begin{align}\label{denotee}
K_{k,j,t}^{\alpha}:=\Delta[2^{k-j}]\phi\ast R^{\alpha}\ast B_{k,t}^{\alpha}\Omega.
\end{align}
\begin{lemma}\label{hormander222}
The kernel $K_{k,j,t}^{\alpha}$ satisfies the following uniform H\"{o}rmander condition: there exists a constant $C_{\mathbb{Q},\alpha}>0$ such that for any $j\geq 0$,
\begin{align*}
\int_{\rho(x)\geq 2A_{0}\rho(y)}\sup\limits_{t\in[1,2)}\sup\limits_{k\in\mathbb{Z}}|K_{k,j,t}^{\alpha}(y^{-1}x)-K_{k,j,t}^{\alpha}(x)|dx\leq C_{\mathbb{Q},\alpha}(1+j)\|\Omega\|_{L^{1}(\Sigma)}.
\end{align*}
\end{lemma}
\begin{proof}
By the fundamental theorem of calculus, we note that
\begin{align*}
K_{k,j,t}^{\alpha}(x)=-\int_{t}^{2}\frac{d}{ds}K_{k,j,s}^{\alpha}(x)ds.
\end{align*}
Hence,
\begin{align*}
&\int_{\rho(x)\geq 2A_{0}\rho(y)}\sup\limits_{t\in[1,2)}\sup\limits_{k\in\mathbb{Z}}|K_{k,j,t}^{\alpha}(y^{-1}x)-K_{k,j,t}^{\alpha}(x)|dx\\
&\leq \int_{1}^{2}\sum_{k\in\mathbb{Z}}\int_{\rho(x)\geq 2A_{0}\rho(y)}\left|\frac{d}{ds}\Delta[2^{k-j}]\phi\ast R^{\alpha}\ast B_{k,s}^{\alpha}\Omega(y^{-1}x)-\frac{d}{ds}\Delta[2^{k-j}]\phi\ast R^{\alpha}\ast B_{k,s}^{\alpha}\Omega(x)\right|dxds.
\end{align*}
A direct calculation yields
\begin{align}\label{recalll}
\frac{d}{ds}R^{\alpha}\ast B_{k,s}^{\alpha}\Omega(x)
&=\frac{d}{ds}\left(\int_{s2^{k}}^{ 2^{k+1}}\int_{\Sigma}R^{\alpha}(x(r\circ\theta)^{-1})\Omega(\theta)d\sigma(\theta) \frac{dr}{r^{\alpha+1}}\right)\nonumber\\
&=-\frac{2^{-\alpha k}}{s^{\alpha+1}}\int_{\Sigma}R^{\alpha}(x((s2^{k})\circ\theta)^{-1})\Omega(\theta)d\sigma(\theta)\Big(1-\eta_{0}\Big(\frac{x}{A_{0}^{2}\kappa_{[\alpha]}2^{k+4}}\Big)\Big)\\
&-\frac{2^{-\alpha k}}{s^{\alpha+1}}\int_{\Sigma}R^{\alpha}(x((s2^{k})\circ\theta)^{-1})\Omega(\theta)d\sigma(\theta)\eta_{0}\Big(\frac{x}{A_{0}^{2}\kappa_{[\alpha]}2^{k+4}}\Big)=:I^{1}_{\alpha,k,s}(x)+I^{2}_{\alpha,k,s}(x)\nonumber.
\end{align}
Therefore, it remains to show that there exists a constant $C_{\mathbb{Q},\alpha}>0$ such that for any $j\geq 0$,
\begin{align}\label{firstpart11}
\int_{\rho(x)\geq 2A_{0}\rho(y)}\bigg|\sum_{k\in\mathbb{Z}}\Delta[2^{k-j}]\phi\ast I^{1}_{\alpha,k,s}(y^{-1}x)-\Delta[2^{k-j}]\phi\ast I^{1}_{\alpha,k,s}(x)\bigg|dx\leq C_{\mathbb{Q},\alpha}\|\Omega\|_{L^{1}(\Sigma)},
\end{align}
and that
\begin{align}\label{secondpart22}
\int_{\rho(x)\geq 2A_{0}\rho(y)}\bigg|\sum_{k\in\mathbb{Z}}\Delta[2^{k-j}]\phi\ast I^{2}_{\alpha,k,s}(y^{-1}x)-\Delta[2^{k-j}]\phi\ast I^{2}_{\alpha,k,s}(x)\bigg|dx\leq C_{\mathbb{Q},\alpha}(1+j)\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
\textbf{Estimate of \eqref{firstpart11}:}
The following calculations are minor modifications of the estimate \eqref{firstpart}. To begin with, similar to the proof of \eqref{cajk2}, we have
\begin{align}\label{vuiui1}
|I^{1}_{\alpha,k,s}(x)|&\leq\frac{2^{-\alpha k}}{s^{\alpha+1}}\sum_{\ell\in\mathbb{Z}}2^{-(\mathbb{Q}-\alpha)\ell}\left|\int_{\Sigma}\big(\zeta(2^{-\ell}\circ (x((s2^{k})\circ\theta)^{-1}))-L_{2^{-\ell}\circ x}^{\zeta}(2^{-\ell}\circ ((s2^{k})\circ\theta)^{-1})\big)\Omega(\theta)d\sigma(\theta)\right|\nonumber\\
&\lesssim\frac{2^{-\alpha k}}{s^{\alpha+1}}\sum_{\ell\in\mathbb{Z}}2^{-(\mathbb{Q}-\alpha)\ell}\int_{\Sigma}\rho\big((2^{(k-\ell)}s)\circ \theta\big)^{([\alpha]+1)}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho((2^{(k-\ell)}s)\circ \theta)\\d(I)=[\alpha]+1}}|(X^{I}\zeta)\big((2^{-\ell}\circ x)z\big)||\Omega(\theta)|\sigma(\theta)\nonumber\\
&\lesssim \frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
On the other hand, similar to the proof of \eqref{sisisi}, we see that for any $i=1,2,\cdots,n$,
\begin{align}\label{vuiui2}
&|X_{i} I^{1}_{\alpha,k,s}(x)|\nonumber\\
&\leq \frac{2^{-\alpha k}}{s^{\alpha+1}}\sum_{\ell\in\mathbb{Z}}2^{-(\mathbb{Q}-\alpha+1)\ell}\left|\int_{\Sigma}\big((X_{i}\zeta)(2^{-\ell}\circ (x((s2^{k})\circ\theta)^{-1}))-L_{2^{-\ell}\circ x}^{X_{i}\zeta}(2^{-\ell}\circ ((s2^{k})\circ\theta)^{-1})\big)\Omega(\theta)d\sigma(\theta)\right|\nonumber\\
&\lesssim\frac{2^{-\alpha k}}{s^{\alpha+1}}\sum_{\ell\in\mathbb{Z}}2^{-(\mathbb{Q}-\alpha+1)\ell}\int_{\Sigma}\rho\big((2^{(k-\ell)}s)\circ \theta\big)^{([\alpha]+1)}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho((2^{(k-\ell)}s)\circ \theta)\\d(I)=[\alpha]+1}}|(X^{I}X_{i}\zeta)\big((2^{-\ell}\circ x)z\big)||\Omega(\theta)|d\sigma(\theta)\nonumber\\
&\lesssim \frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+2+[\alpha]-\alpha}}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
Therefore, combining the estimates \eqref{vuiui1} and \eqref{vuiui2} and then following the same sketch of estimating \eqref{firstpart}, we see that the estimates \eqref{eq1}-\eqref{eer1} and \eqref{ffrom}-\eqref{ererer1} hold with $K_{\alpha,k}^{1}$ replaced by $I^{1}_{\alpha,k,s}$. In particular, \eqref{firstpart11} holds.
\textbf{Estimate of \eqref{secondpart22}:}
The following calculations are minor modifications of the estimate \eqref{secondpart}. To begin with, it can be verified directly that the estimates \eqref{rhs} and \eqref{1234} also hold with $K_{\alpha,k}^{1}$ replaced by $I^{1}_{\alpha,k,s}$. Hence,
\begin{align}\label{aaaaaaa}
&\sum_{k\in\mathbb{Z}}\int_{\rho(x)\geq 2A_{0}\rho(y)}\bigg|\Delta[2^{k-j}]\phi\ast I^{2}_{\alpha,k,s}(y^{-1}x)-\Delta[2^{k-j}]\phi\ast I^{2}_{\alpha,k,s}(x)\bigg|dx\nonumber\\
&\lesssim \sum_{2^{k+7}A_{0}^{3}\kappa_{[\alpha]}\geq\rho(y)}\min\Big\{1,\frac{\rho(y)}{2^{k-j}}\Big\}\|I^{2}_{\alpha,k,s}\|_{1}.
\end{align}
To continue, we estimate the $L^{1}$-norm of $I^{2}_{\alpha,k,s}$. Note that
\begin{align*}
\int_{\HH}|I^{2}_{\alpha,k,s}(z)|dz
&\lesssim 2^{-\alpha k}\int_{\rho(z)\leq A_{0}^{2}\kappa_{[\alpha]}2^{k+5}}\int_{\Sigma}\frac{|\Omega(\theta)|}{d(z,(s2^{k})\circ\theta)^{\mathbb{Q}-\alpha}}d\sigma(\theta) dz\\
&= \int_{\Sigma}\int_{\rho(z)\leq A_{0}^{2}\kappa_{[\alpha]}2^{5}}\frac{|\Omega(\theta)|}{d(z,s\circ\theta)^{\mathbb{Q}-\alpha}} dzd\sigma(\theta)\lesssim\|\Omega\|_{L^{1}(\Sigma)}.
\end{align*}
This, in combination with \eqref{aaaaaaa}, implies
\begin{align*}
&\sum_{k\in\mathbb{Z}}\int_{\rho(x)\geq 2A_{0}\rho(y)}\bigg|\Delta[2^{k-j}]\phi\ast I^{2}_{\alpha,k,s}(y^{-1}x)-\Delta[2^{k-j}]\phi\ast I^{2}_{\alpha,k,s}(x)\bigg|dx\nonumber\\
&\lesssim \|\Omega\|_{L^{1}(\Sigma)} \sum_{2^{k+7}A_{0}^{3}\kappa_{[\alpha]}\geq\rho(y)}\min\Big\{1,\frac{\rho(y)}{2^{k-j}}\Big\}\lesssim \|\Omega\|_{L^{1}(\Sigma)}(1+j).
\end{align*}
This verifies \eqref{secondpart22} and therefore, the proof of Lemma \ref{hormander222} is complete.
\end{proof}
\begin{lemma}\label{strong22}
There exist constants $C_{\mathbb{Q},\alpha}>0$ and $\tau>0$ such that for any $j\geq 0$,
\begin{align}\label{forsss}
\Big\|\sup\limits_{t\in[1,2)}\sup\limits_{k\in\mathbb{Z}}|V_{k,j,t}^{\alpha}f|\Big\|_{2}\leq C_{\mathbb{Q},\alpha}2^{-\tau j}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
\end{lemma}
\begin{proof}
Recall that (see \cite[inequality (38)]{JSW})
\begin{align*}
\sup\limits_{t\in[1,2)}\sup\limits_{k\in\mathbb{Z}}|V_{k,j,t}^{\alpha}f(x)|\leq \sum_{k\in\mathbb{Z}}\bigg(\int_{1}^{2}|V_{k,j,s}^{\alpha}f(x)|^{2}ds\bigg)^{1/4}\bigg(\int_{1}^{2}\Big|\frac{d}{ds}V_{k,j,s}^{\alpha}f(x)\Big|^{2}ds\bigg)^{1/4}.
\end{align*}
By Cauchy-Schwartz's inequality,
\begin{align*}
\Big\|\sup\limits_{t\in[1,2)}\sup\limits_{k\in\mathbb{Z}}|V_{k,j,t}^{\alpha}f(x)|\Big\|_{2}\leq \bigg\|\bigg(\sum_{k\in\mathbb{Z}}\int_{1}^{2}|V_{k,j,s}^{\alpha}f|^{2}ds\bigg)^{1/2}\bigg\|_{2}^{1/2}
\bigg\|\bigg(\sum_{k\in\mathbb{Z}}\int_{1}^{2}\bigg|\frac{d}{ds}V_{k,j,s}^{\alpha}f\bigg|^{2}ds\bigg)^{1/2}\bigg\|_{2}^{1/2}.
\end{align*}
Thus, Lemma \ref{strong22} can be reduced to showing that
\begin{align}\label{red1}
\bigg\|\bigg(\sum_{k\in\mathbb{Z}}\int_{1}^{2}|V_{k,j,s}^{\alpha}f|^{2}ds\bigg)^{1/2}\bigg\|_{2}\lesssim 2^{-\tau j}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2},
\end{align}
and that
\begin{align}\label{red2}
\bigg\|\bigg(\sum_{k\in\mathbb{Z}}\int_{1}^{2}\bigg|\frac{d}{ds}V_{k,j,s}^{\alpha}f\bigg|^{2}ds\bigg)^{1/2}\bigg\|_{2}\lesssim 2^{-\tau j}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2},
\end{align}
for some $\tau>0$.
\textbf{Estimate of \eqref{red1}:}
To this end, let $r_{k}:[0,1]\rightarrow \mathbb{R}$ be a collection of independent Rademacher random variables. By Khinchin's inequality and Lemma \ref{ckt} with $\mu_{k}^{\alpha}$ and $r_{k,j}(t)$ chosen to be $B_{k,s}^{\alpha}\Omega$ and $r_{k}(t)$, respectively,
\begin{align*}
\bigg\|\bigg(\sum_{k\in\mathbb{Z}}\int_{1}^{2}|V_{k,j,s}^{\alpha}f|^{2}ds\bigg)^{1/2}\bigg\|_{2}
&\lesssim\sup\limits_{s\in[1,2]}\bigg(\int_{\HH}\bigg\|\sum_{k\in\mathbb{Z}}r_{k}(t)V_{k,j,s}^{\alpha}f\bigg\|_{L^{2}([0,1])}^{2}dx\bigg)^{1/2}\\
&\lesssim\sup\limits_{s\in[1,2]}\sup\limits_{t\in[0,1]}\bigg\|\sum_{k\in\mathbb{Z}}r_{k}(t)V_{k,j,s}^{\alpha}f\bigg\|_{2}\lesssim2^{-\tau j}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align*}
\textbf{Estimate of \eqref{red2}:}
From the calculation of \eqref{recalll} we see that
\begin{align*}
\frac{d}{ds}V_{k,j,s}^{\alpha}f=f\ast\Psi_{k-j}\ast R^{\alpha}\ast (-2^{-(\mathbb{Q}-1+\alpha)k}s^{-\mathbb{Q}-\alpha}\Omega d\sigma_{s2^{k}}).
\end{align*}
By Khinchin's inequality and Lemma \ref{ckt} with $\mu_{k}^{\alpha}$ and $r_{k,j}(t)$ chosen to be $2^{-(\mathbb{Q}-1+\alpha)k}s^{-\mathbb{Q}-\alpha}\Omega d\sigma_{s2^{k}}$ and $r_{k}(t)$, respectively,
\begin{align*}
\bigg\|\bigg(\sum_{k\in\mathbb{Z}}\int_{1}^{2}\bigg|\frac{d}{ds}V_{k,j,s}^{\alpha}f\bigg|^{2}ds\bigg)^{1/2}\bigg\|_{2}
&\lesssim\sup\limits_{s\in[1,2]}\bigg(\int_{\HH}\bigg\|\sum_{k\in\mathbb{Z}}r_{k}(t)\frac{d}{ds}V_{k,j,s}^{\alpha}f\bigg\|_{L^{2}([0,1])}^{2}dx\bigg)^{1/2}\\
&\lesssim\sup\limits_{s\in[1,2]}\sup\limits_{t\in[0,1]}\bigg\|\sum_{k\in\mathbb{Z}}r_{k}(t)\frac{d}{ds}V_{k,j,s}^{\alpha}f\bigg\|_{2}\lesssim2^{-\tau j}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align*}
This ends the proof of \eqref{red1}, \eqref{red2} and then Lemma \ref{strong22}.
\end{proof}
\begin{lemma}\label{weak22}
There exist constants $C_{\mathbb{Q},\alpha}$, $C_{\mathbb{Q},\alpha,p}>0$ and $\tau>0$ such that for any $j\geq 0$,
\begin{align}\label{weaktype2222}
\Big\|\sup\limits_{t\in[1,2)}\sup\limits_{k\in\mathbb{Z}}|V_{k,j,t}^{\alpha}f|\Big\|_{L^{1,\infty}}\leq C_{\mathbb{Q},\alpha}(1+j)\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{1},
\end{align}
and
\begin{align}\label{strongpppp}
\Big\|\sup\limits_{t\in[1,2)}\sup\limits_{k\in\mathbb{Z}}|V_{k,j,t}^{\alpha}f|\Big\|_{L^{p}}\leq C_{\mathbb{Q},\alpha,p}2^{-\tau j}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{p}.
\end{align}
\end{lemma}
\begin{proof}
By Lemmata \ref{hormander222} and \ref{strong22}, these boundedness can be obtained by a standard argument of Calder\'{o}n-Zygmund decomposition (see for example \cite{JDbook,s93}), together with the interpolation theorem and a standard vector-valued duality argument (see for example \cite[Theorem 5.17]{JDbook}).
\end{proof}
{\it Proof of Proposition \ref{nondyadicprop}}.
Note that $M_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f=\sup\limits_{t\in[1,2)}\sup\limits_{k\in\mathbb{Z}}|f\ast R^{\alpha}\ast B_{k,t}^{\alpha}\Omega|$. This, in combination with the equality \eqref{vkj} and inequality \eqref{strongpppp}, yields
\begin{align*}
\|M_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f\|_{p}\leq \sum\limits_{j=0}^{\infty}\Big\|\sup\limits_{t\in[1,2)}\sup\limits_{k\in\mathbb{Z}}|V_{k,j,t}^{\alpha}f|\Big\|_{p}\lesssim \|\Omega\|_{L^{1}(\Sigma)}\|f\|_{p}.
\end{align*}
This ends the proof of Proposition \ref{nondyadicprop}.
\hfill $\square$
\subsection{$L^{p}$ estimate of dyadic maximal function}\label{dyadicsection}
In this subsection, we give the proof of the Proposition \ref{dyadicprop}. To this end, let $\phi$ be a smooth cut-off function defined in Section \ref{preliminariessec} and therefore,
\begin{align*}
T_{\Omega,\alpha}^{k}f= T_{\Omega,\alpha}f\ast\Delta[2^{k}]\phi-\sum_{s=-\infty}^{0}f\ast B_{k+s}^{\alpha}\Omega\ast\Delta[2^{k}]\phi+\sum_{s=1}^{\infty}f\ast B_{k+s}^{\alpha}\Omega\ast(\delta_{0}-\Delta[2^{k}]\phi).
\end{align*}
From this equality we see that
\begin{align}\label{IIIIII}
&\Big\|\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}^{k}(-\Delta_{\HH})^{-\alpha/2}f|\Big\|_{p}\nonumber\\
&\leq \Big\|\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f\ast\Delta[2^{k}]\phi|\Big\|_{p}
+\Big\|\sup\limits_{k\in\mathbb{Z}}\Big|\sum_{s=-\infty}^{0}f\ast R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast\Delta[2^{k}]\phi\Big|\Big\|_{p}\nonumber\\
&+\Big\|\sup\limits_{k\in\mathbb{Z}}\Big|\sum_{s=1}^{\infty}f\ast R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast(\delta_{0}-\Delta[2^{k}]\phi)\Big|\Big\|_{p}=:{\rm I_{1}+I_{2}+I_{3}}.
\end{align}
\textbf{Estimate of ${\rm I_{1}}$.} By Proposition \ref{prop1} and the $L^{p}$ boundedness of the Hardy-Littlewood maximal function, we see that for any $1<p<\infty$,
\begin{align*}
\Big\|\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f\ast\Delta[2^{k}]\phi|\Big\|_{p}
\lesssim\|MT_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f\|_{p}\lesssim\|T_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f\|_{p}\lesssim\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{p}.
\end{align*}
\textbf{Estimate of ${\rm I_{2}}$.} Observe that
\begin{align*}
\sum_{s=-\infty}^{0}B_{k+s}^{\alpha}\Omega=\frac{\Omega(x)}{\rho(x)^{\mathbb{Q}+\alpha}}\chi_{\rho(x)\leq 2^{k+1}}.
\end{align*}
Next, we apply Lemma \ref{taylor} to the function $\phi$ to see that
\begin{align*}
|\phi(y^{-1}x)-R_{x}^{\phi}(y^{-1})|\lesssim \rho(y)^{[\alpha]+1}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho(y)\\d(I)=[\alpha]+1}}|Y^{I}\phi(zx)|,
\end{align*}
where $R_{x}^{\phi}$ is the right Taylor polynomial of $\phi$ at $x$ of homogeneous degree $[\alpha]$.
This, combined with the support property of $\phi$, the cancellation condition of $\Omega$ and Lemma \ref{inversethm}, yields
\begin{align}\label{fjfjfjfj}
&\bigg|\sum_{s=-\infty}^{0}B_{k+s}^{\alpha}\Omega\ast\Delta[2^{k}]\phi (x)\bigg|\nonumber\\
&\leq 2^{-\mathbb{Q}k}\int_{\rho(y)\leq 2^{k+2}}\Big|\sum_{s=-\infty}^{0}B_{k+s}^{\alpha}\Omega(y)\Big|\Big|\phi\big(2^{-k}\circ (y^{-1}x)\big)-R_{2^{-k}\circ x}^{\phi}(2^{-k}\circ y^{-1})\Big|dy\chi_{\rho(x)\leq A_{0}\kappa_{[\alpha]}2^{k+2}}\nonumber\\
&\lesssim 2^{-\mathbb{Q}k}\int_{\rho(y)\leq 2^{k+2}}\frac{|\Omega(y)|}{\rho(y)^{\mathbb{Q}+\alpha}}\rho(2^{-k}\circ y)^{[\alpha]+1}\sup\limits_{\substack{\rho(z)\leq \kappa_{[\alpha]}\rho(2^{-k}\circ y)\\d(I)=[\alpha]+1}}|Y^{I}\phi\big(z (2^{-k}\circ x)\big)|dy\chi_{\rho(x)\leq A_{0}\kappa_{[\alpha]}2^{k+2}}\nonumber\\
&\lesssim 2^{-(\mathbb{Q}+[\alpha]+1)k}\int_{\rho(y)\leq 2^{k+2}}\frac{|\Omega(y)|}{\rho(y)^{\mathbb{Q}+\alpha-[\alpha]-1}}dy\chi_{\rho(x)\leq A_{0}\kappa_{[\alpha]}2^{k+2}}\lesssim \frac{\|\Omega\|_{L^{1}(\Sigma)}}{2^{(\mathbb{Q}+\alpha)k}}\chi_{\rho(x)\leq A_{0}\kappa_{[\alpha]}2^{k+2}},
\end{align}
where the last inequality follows by using polar coordinates \eqref{polar}.
\textbf{Case 1:} If $\rho(x)\leq A_{0}^{2}\kappa_{[\alpha]}2^{k+4}$, then
\begin{align}\label{cmn145}
\bigg|R^{\alpha}\ast \sum_{s=-\infty}^{0}B_{k+s}^{\alpha}\Omega\ast\Delta[2^{k}]\phi (x)\bigg|&=\left|\int_{\HH}R^{\alpha}(xy^{-1}) \sum_{s=-\infty}^{0}B_{k+s}^{\alpha}\Omega\ast\Delta[2^{k}]\phi(y)dy\right|\nonumber\\
&\lesssim\int_{d(x,y)\leq A_{0}^{3}\kappa_{[\alpha]}2^{k+5}}\frac{\|\Omega\|_{L^{1}(\Sigma)}}{2^{(\mathbb{Q}+\alpha)k}}\frac{1}{d(x,y)^{\mathbb{Q}-\alpha}}dy\lesssim 2^{-\mathbb{Q}k}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
\textbf{Case 2:} If $\rho(x)\geq A_{0}^{2}\kappa_{[\alpha]}2^{k+4}$, then from the proof of \eqref{cajk2} with $A_{k}^{\alpha}K_{\alpha}^{0}$ replaced by $\sum_{s<0}B_{k+s}^{\alpha}\Omega\ast\Delta[2^{k}]\phi$ we see that for any $N\geq 1$,
\begin{align}\label{cmn245}
\bigg|R^{\alpha}\ast \sum_{s=-\infty}^{0}B_{k+s}^{\alpha}\Omega\ast\Delta[2^{k}]\phi (x)\bigg|
&\lesssim \sum_{\ell\in\mathbb{Z}}2^{-(\mathbb{Q}-\alpha)\ell}2^{([\alpha]+1)(k-\ell)}(1+2^{-\ell}\rho(x))^{-N}\Big\|\sum_{s=-\infty}^{0}B_{k+s}^{\alpha}\Omega\ast\Delta[2^{k}]\phi\Big\|_{1}\nonumber\\
&\lesssim \sum_{2^{\ell}\leq \rho(x)}2^{-(\mathbb{Q}-\alpha)\ell}2^{([\alpha]+1)(k-\ell)}(2^{-\ell}\rho(x))^{-N}2^{-\alpha k}\|\Omega\|_{L^{1}(\Sigma)}\nonumber\\
&+ \sum_{2^{\ell}\geq \rho(x)}2^{-(\mathbb{Q}-\alpha)\ell}2^{([\alpha]+1)(k-\ell)}2^{-\alpha k}\|\Omega\|_{L^{1}(\Sigma)}
\lesssim
\|\Omega\|_{L^{1}(\Sigma)}\frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}.
\end{align}
Combining the estimates \eqref{cmn145} and \eqref{cmn245} together, we conclude that
\begin{align}\label{estimateI222}
\sup\limits_{k\in\mathbb{Z}}\bigg|\sum_{s=-\infty}^{0}f\ast R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast\Delta[2^{k}]\phi(x)\bigg|\lesssim \|\Omega\|_{L^{1}(\Sigma)}Mf(x),
\end{align}
where $Mf$ is the Hardy-Littlewood maximal function.
This, together with the $L^{p}$ boundedness of the Hardy-Littlewood maximal function, yields
\begin{align*}
{\rm I_{2}}\lesssim \|\Omega\|_{L^{1}(\Sigma)}\|f\|_{p}.
\end{align*}
\textbf{Estimate of ${\rm I_{3}}$.}
To begin with, we write
\begin{align*}
\sum_{s=1}^{\infty}f\ast R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast (\delta_{0}-\Delta[2^{k}]\phi)=:\sum_{s=1}^{\infty}G_{k,s}^{\alpha}f.
\end{align*}
Noting that $S_{j}f\rightarrow f$ as $j\rightarrow -\infty$, we have the following identity:
\begin{align}\label{gksj}
G_{k,s}^{\alpha}=G_{k,s}^{\alpha}S_{k+s}+\sum_{j=1}^{\infty}G_{k,s}^{\alpha}(S_{k+s-j}-S_{k+s-(j-1)})=:\sum_{j=0}^{\infty}G_{k,s,j}^{\alpha},
\end{align}
where $G_{k,s,0}^{\alpha}:=G_{k,s}^{\alpha}S_{k+s}$ and $G_{k,s,j}^{\alpha}:=G_{k,s}^{\alpha}(S_{k+s-j}-S_{k+s-(j-1)})$ for $j\geq 1$. Then
\begin{align*}
{\rm I_{3}}=\bigg\|\sup\limits_{k\in\mathbb{Z}}\bigg|\sum_{s=1}^{\infty}f\ast R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast (\delta_{0}-\Delta[2^{k}]\phi)\bigg|\bigg\|_{p}\leq\sum_{j=0}^{\infty}\sum_{s=1}^{\infty}\Big\|\sup\limits_{k\in\mathbb{Z}}|G_{k,s,j}^{\alpha}f|\Big\|_{p}.
\end{align*}
To continue, we establish the following inequalities: for $j\geq 0$,
\begin{align}\label{ggl2}
\Big\|\sup\limits_{k\in\mathbb{Z}}|G_{k,s,j}^{\alpha}f|\Big\|_{2}\lesssim 2^{-\tau(j+s)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2},
\end{align}
for some $\tau>0$,
and
\begin{align}\label{gglp}
\Big\|\sup\limits_{k\in\mathbb{Z}}|G_{k,s,j}^{\alpha}f|\Big\|_{L^{1,\infty}}\lesssim (1+j+s)\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{1}.
\end{align}
Applying the Marcinkiewicz interpolation theorem between \eqref{ggl2} and \eqref{gglp} and a standard vector-valued duality argument (see for example \cite[Theorem 5.17]{JDbook}), we see that for any $1<p<\infty$,
\begin{align*}
\Big\|\sup\limits_{k\in\mathbb{Z}}|G_{k,s,j}^{\alpha}f|\Big\|_{p}\lesssim 2^{-\tau(j+s)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{p}.
\end{align*}
Therefore,
\begin{align*}
{\rm I_{3}}\leq\sum_{j=0}^{\infty}\sum_{s=1}^{\infty}2^{-\tau(j+s)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{p}\lesssim\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{p}.
\end{align*}
We now return to verify the inequalities \eqref{ggl2} and \eqref{gglp}.
For the estimate \eqref{ggl2}, it follows from Khinchin's inequality that for any $s\geq1$ and $i\in\mathbb{Z}$,
\begin{align*}
&\bigg\|\sup\limits_{k\in\mathbb{Z}}|f\ast\Psi_{k+s-i}\ast R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast (\delta_{0}-\Delta[2^{k}]\phi)|\bigg\|_{2}\\
&\leq \bigg\|\bigg(\sum_{k\in\mathbb{Z}}|f\ast\Psi_{k+s-i}\ast R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast (\delta_{0}-\Delta[2^{k}]\phi)|^{2}\bigg)^{1/2}\bigg\|_{2}\\
&\lesssim \bigg\|\Big\|\sum_{k\in\mathbb{Z}}r_{k}(t)f\ast\Psi_{k+s-i}\ast R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast (\delta_{0}-\Delta[2^{k}]\phi)\Big\|_{L^{2}([0,1])}\bigg\|_{2}\\
&\lesssim \sum_{\ell=0}^{\infty}\sup\limits_{t\in[0,1]}\bigg\|\sum_{k\in\mathbb{Z}}r_{k}(t)f\ast\Psi_{k+s-i}\ast R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast \Psi_{k-\ell}\bigg\|_{2}=:\sum_{\ell=0}^{\infty}\sup\limits_{t\in[0,1]}\bigg\|\sum_{k\in\mathbb{Z}}G_{k,s,i,\ell}^{\alpha}(t)f\bigg\|_{2}.
\end{align*}
By Cotlar-Knapp-Stein Lemma (see \cite{s93}), it suffices to show that:
\begin{align}\label{hhhhou}
&\|(G_{k,s,i,\ell}^{\alpha}(t))^{*}G_{k^{\prime},s,i,\ell}^{\alpha}(t)\|_{2\rightarrow 2}+\|G_{k^{\prime},s,i,\ell}^{\alpha}(t)(G_{k,s,i,\ell}^{\alpha}(t))^{*}\|_{2\rightarrow 2}\lesssim 2^{-2\tau(\ell+s+|i|)}2^{-\tau|k-k^{\prime}|}\|\Omega\|_{L^{1}(\Sigma)}^{2}.
\end{align}
We only estimate the first term, since the second one can be estimated similarly.
On the one hand, by Proposition \ref{keypro} with $\mu_{j}^{\alpha}$ chosen to be $B_{j}^{\alpha}\Omega$, Young's inequality and the estimate \eqref{cacan},
\begin{align}\label{zsdfxc}
&\|(G_{k,s,i,\ell}^{\alpha}(t))^{*}G_{k^{\prime},s,i,\ell}^{\alpha}(t)f\|_{2}\nonumber\\
&=\|(f\ast\Psi_{k^{\prime}+s-i}\ast R^{\alpha}\ast B_{k^{\prime}+s}^{\alpha}\Omega)\ast (\Psi_{k^{\prime}-\ell}\ast\Psi_{k-\ell})\ast (B_{k+s}^{\alpha}\tilde{\Omega}\ast R^{\alpha}\ast \Psi_{k+s-i}) \|_{2}\nonumber\\
&\lesssim 2^{-2\tau|i|}2^{-|k-k^{\prime}|}\|\Omega\|_{L^{1}(\Sigma)}^{2}\|f\|_{2}.
\end{align}
On the other hand, we also have
\begin{align}\label{zxsdfacv}
&\|(G_{k,s,i,\ell}^{\alpha}(t))^{*}G_{k^{\prime},s,i,\ell}^{\alpha}(t)f\|_{2}\nonumber\\
&=\|(f\ast\Psi_{k^{\prime}+s-i})\ast (R^{\alpha}\ast B_{k^{\prime}+s}^{\alpha}\Omega\ast \Psi_{k^{\prime}-\ell})\ast(\Psi_{k-\ell}\ast B_{k+s}^{\alpha}\tilde{\Omega}\ast R^{\alpha})\ast \Psi_{k+s-i}\|_{2}\nonumber\\
&\lesssim 2^{-2\tau(s+\ell)}\|\Omega\|_{L^{1}(\Sigma)}^{2}\|f\|_{2}.
\end{align}
Taking geometric means of \eqref{zsdfxc} and \eqref{zxsdfacv}, we obtain \eqref{hhhhou} and therefore,
\begin{align}\label{makey222}
\bigg\|\sup\limits_{k\in\mathbb{Z}}|f\ast\Psi_{k+s-i}\ast R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast (\delta_{0}-\Delta[2^{k}]\phi)|\bigg\|_{2}
&\lesssim\sum_{\ell=0}^{\infty}\sup\limits_{t\in[0,1]}\Big\|\sum_{k\in\mathbb{Z}}G_{k,s,i,\ell}^{\alpha}(t)f\Big\|_{2}\nonumber\\
&\lesssim\sum_{\ell=0}^{\infty} 2^{-\tau(\ell+s+|i|)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}\nonumber\\
&\lesssim2^{-\tau(s+|i|)}\|\Omega\|_{L^{1}(\Sigma)}\|f\|_{2}.
\end{align}
By replacing $i$ with $j$, it is direct that \eqref{makey222} implies \eqref{ggl2} for $j\geq 1$. While for $j=0$, the left-hand side of \eqref{ggl2} is dominated by the summation of the left-hand side \eqref{makey222} over $i$ from $-\infty$ to $0$, which gives the required estimate.
Next we verify \eqref{gglp}, which, by a standard argument of Calder\'{o}n-Zygmund decomposition (see for example \cite{JDbook,s93}), can be reduced to showing the following uniform H\"{o}rmander condition: there exists a constant $C_{\mathbb{Q},\alpha}>0$ such that for any $j\geq 0$ and $s\geq1$,
\begin{align}\label{frone}
\int_{\rho(x)\geq 2A_{0}\rho(y)}\sup\limits_{k\in\mathbb{Z}}|K_{k+s,j,1}^{\alpha}(y^{-1}x)-K_{k+s,j,1}^{\alpha}(x)|dx\leq C_{\mathbb{Q},\alpha}(1+j)\|\Omega\|_{L^{1}(\Sigma)},
\end{align}
and
\begin{align}\label{seone}
\int_{\rho(x)\geq 2A_{0}\rho(y)}\sup\limits_{k\in\mathbb{Z}}|K_{k+s,j,1}^{\alpha}\ast\Delta[2^{k}]\phi(y^{-1}x)-K_{k+s,j,1}^{\alpha}\ast\Delta[2^{k}]\phi(x)|dx\leq C_{\mathbb{Q},\alpha}(1+j)\|\Omega\|_{L^{1}(\Sigma)},
\end{align}
where $K_{k+s,j,1}^{\alpha}$ is defined in \eqref{denotee}. Note that the estimate \eqref{frone} is a direct consequence of Lemma \ref{hormander222}. Next, we borrow the argument in the proof of Lemma \ref{hormander} to show \eqref{seone}. To this end, we first decompose $R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast \Delta[2^{k}]\phi$ as follows.
\begin{align*}
& R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast\Delta[2^{k}]\phi\\
&=R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast\Delta[2^{k}]\phi\Big(1-\eta_{0}\Big(\frac{x}{A_{0}^{3}\kappa_{[\alpha]}2^{k+s+5}}\Big)\Big)+ R^{\alpha}\ast B_{k+s}^{\alpha}\Omega\ast\Delta[2^{k}]\phi\eta_{0}\Big(\frac{x}{A_{0}^{3}\kappa_{[\alpha]}2^{k+s+5}}\Big)\\
&=:J^{1}_{\alpha,k,s}+J^{2}_{\alpha,k,s}.
\end{align*}
Note that if $\rho(x)\geq A_{0}^{3}\kappa_{[\alpha]}2^{k+s+5}$ and $\rho(y)\leq 2^{k}$, then $\rho(xy^{-1})\geq A_{0}^{2}\kappa_{[\alpha]}2^{k+s+4}$, which, in combination with a similar calculation as in the proof of \eqref{cajk2} and \eqref{sisisi}, deduces that
\begin{align*}
|J^{1}_{\alpha,k,s}(x)|&\leq\int_{\HH}|R^{\alpha}\ast B_{k+s}^{\alpha}\Omega(xy^{-1})\Delta[2^{k}]\phi(y)|dy\\
&\lesssim\int_{d(x,y)\geq A_{0}^{2}\kappa_{[\alpha]}2^{k+s+4}}\frac{2^{([\alpha]+1-\alpha)(k+s)}}{d(x,y)^{\mathbb{Q}+1+[\alpha]-\alpha}}|\Delta[2^{k}]\phi(y)|dy\|\Omega\|_{L^{1}(\Sigma)}\lesssim\frac{2^{([\alpha]+1-\alpha)(k+s)}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\|\Omega\|_{L^{1}(\Sigma)},
\end{align*}
and that for any $i=1,2,\ldots,n$,
\begin{align*}
|X_{i}J^{1}_{\alpha,k,s}(x)|\lesssim\frac{2^{([\alpha]+1-\alpha)(k+s)}}{\rho(x)^{\mathbb{Q}+2+[\alpha]-\alpha}}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align*}
Therefore, the inequalities \eqref{eq1}-\eqref{eer1} and \eqref{ffrom}-\eqref{ererer1} hold with $k$ replaced by $k+s$ (except for the subscript on $K^{1}_{\alpha,k}$) and $K^{1}_{\alpha,k}$ replaced by $J^{1}_{\alpha,k,s}$. In particular, there exists a constant $C_{\mathbb{Q},\alpha}>0$ such that for any $j\geq 0$ and $s\geq1$,
\begin{align}\label{firstpart33}
\int_{\rho(x)\geq 2A_{0}\rho(y)}\bigg|\sum_{k\in\mathbb{Z}}\Delta[2^{k+s-j}]\phi\ast J^{1}_{\alpha,k,s}(y^{-1}x)-\Delta[2^{k+s-j}]\phi\ast J^{1}_{\alpha,k,s}(x)\bigg|dx\leq C_{\mathbb{Q},\alpha}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
Next, similar to the proof of \eqref{1234}, we see that
\begin{align}\label{vojll}
&\sum_{k\in\mathbb{Z}}\int_{\rho(x)\geq 2A_{0}\rho(y)}\bigg|\Delta[2^{k+s-j}]\phi\ast J^{2}_{\alpha,k,s}(y^{-1}x)-\Delta[2^{k+s-j}]\phi\ast J^{2}_{\alpha,k,s}(x)\bigg|dx\nonumber\\
&\lesssim \sum_{2^{k+s+8}A_{0}^{5}\kappa_{[\alpha]}\geq\rho(y)}\min\Big\{1,\frac{\rho(y)}{2^{k+s-j}}\Big\}\|J^{2}_{\alpha,k,s}\|_{1}.
\end{align}
To continue, we estimate the $L^{1}$-norm of $J^{2}_{\alpha,k,s}$. Indeed,
\begin{align*}
\int_{\HH}|J^{2}_{\alpha,k,s}(z)|dz
&\leq \int_{\rho(z)\leq A_{0}^{3}\kappa_{[\alpha]}2^{k+s+7}}\int_{\HH}\int_{2^{k+s}<\rho(y)\leq2^{k+s+1}}\frac{1}{d(x,y)^{\mathbb{Q}-\alpha}}\frac{|\Omega(y)|}{\rho(y)^{\mathbb{Q}+\alpha}}dy|\Delta[2^{k}]\phi(x^{-1}z)|dxdz\\
&=\int_{\HH}\int_{1<\rho(y)\leq 2}\frac{1}{d(x,y)^{\mathbb{Q}-\alpha}}\frac{|\Omega(y)|}{\rho(y)^{\mathbb{Q}+\alpha}}dy\int_{\rho(z)\leq 2^{7} A_{0}^{3}\kappa_{[\alpha]}}|\Delta[2^{-s}]\phi(x^{-1}z)|dzdx\lesssim\|\Omega\|_{L^{1}(\Sigma)}.
\end{align*}
This, combined with \eqref{vojll}, shows that
\begin{align}\label{secondpart4444}
\int_{\rho(x)\geq 2A_{0}\rho(y)}\bigg|\sum_{k\in\mathbb{Z}}\Delta[2^{k+s-j}]\phi\ast J^{2}_{\alpha,k,s}(y^{-1}x)-\Delta[2^{k+s-j}]\phi\ast J^{2}_{\alpha,k,s}(x)\bigg|dx\leq C_{\mathbb{Q},\alpha}(1+j)\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
Combining the inequalities \eqref{firstpart33} and \eqref{secondpart4444}, we obtain \eqref{seone}.
Finally, by combining the estimates of ${\rm I_{1}}$, ${\rm I_{2}}$ and ${\rm I_{3}}$, the proof of Theorem \ref{main1} is complete.
\hfill $\square$
\bigskip
\section{weighted $L^{p}$ estimate}\label{weightsection}
\setcounter{equation}{0}
Throughout this section, unless we mention the contrary, we suppose that $\Omega$ satisfies the following assumption.
\textbf{Assumption: } Let $0\leq\alpha<\mathbb{Q}$. Suppose that $\Omega\in L^{q}(\Sigma)$ for some $q>\mathbb{Q}/\alpha$, and satisfies the cancellation condition of order $[\alpha]$.
\subsection{Kernel truncation and frequency localization}\label{kf}
To begin with, we borrow the ideas in \cite{HRT} to modify the decomposition in Section \ref{sssss2}. Since $S_{j}f\rightarrow f$ as $j\rightarrow -\infty$, for any sequence of integer numbers $\{N(j)\}_{j=0}^{\infty}$ with $0=N(0)<N(1)<\cdots<N(j)\rightarrow +\infty$, we have:
\begin{align*}
T_{k}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}=T_{k}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}S_{k}+\sum_{j=1}^{\infty}T_{k}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}(S_{k-N(j)}-S_{k-N(j-1)}).
\end{align*}
In this way, $T_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}=\sum_{j=0}^{\infty}\tilde{T}_{j}^{\alpha,N}$, where $\tilde{T}_{0}^{\alpha,N}:=\tilde{T}_{0}^{\alpha}$,
and for $j\geq 1$,
\begin{align}\label{b222}
\tilde{T}_{j}^{\alpha,N}:=\sum_{k\in\mathbb{Z}}T_{k}^{\alpha}(-\Delta_{\HH})^{-\alpha/2}(S_{k-N(j)}-S_{k-N(j-1)})=\sum_{i=N(j-1)+1}^{N(j)}\tilde{T}_{i}^{\alpha}.
\end{align}
\subsection{Calder\'{o}n--Zygmund theory of $\tilde{T}_{j}^{\alpha,N}$}
Let $K_{j}^{\alpha,N}$ be the kernel of $\tilde{T}_{j}^{\alpha,N}$, then
\begin{lemma}\label{cal}
The operator $\tilde{T}_{j}^{\alpha,N}$ is a Calder\'{o}n--Zygmund operator satisfying: there exists a constant $C_{\mathbb{Q},\alpha,q}>0$ such that for any $j\geq 1$,
\begin{align}\label{sizec}
|K_{j}^{\alpha,N}(x)|\leq C_{\mathbb{Q},\alpha,q}\frac{\|\Omega\|_{L^{q}(\Sigma)}}{\rho(x)^{\mathbb{Q}}}.
\end{align}
and if $\rho(x)\geq 2A_{0}\rho(y)$,
\begin{align}\label{jkl}
|K_{j}^{\alpha,N}(y^{-1}x)-K_{j}^{\alpha,N}(x)|\leq C_{\mathbb{Q},\alpha,q} \frac{\omega_{j}(\rho(y)/\rho(x))}{\rho(x)^{\mathbb{Q}}},
\end{align}
where $
\omega_{j}(t)\leq \|\Omega\|_{L^{q}(\Sigma)}\min\{1,2^{N(j)}t\}$ and $\|\omega_{j}\|_{{\rm Dini}}\lesssim (1+N(j))\|\Omega\|_{q}$.
\end{lemma}
\begin{proof}
We only give the proof of the case $0<\alpha<\mathbb{Q}$ and $j\geq 1$ since the case $\alpha=0$ was discussed in \cite[Lemma 4.3]{FL} and the case $j=0$ is much more simpler. The $L^{2}$ boundedness of $\tilde{T}_{j}^{\alpha,N}$ follows from Lemma \ref{ckt} and the equality \eqref{equa} directly. Next we estimate the expression $R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}$.
\textbf{Case 1:} If $\rho(x)\leq A_{0}^{3}\kappa_{[\alpha]}2^{k+5}$, then we first recall from the inequality \eqref{indd} that
\begin{align*}
|A_{k}^{\alpha}K_{\alpha}^{0}(x)|
\lesssim\rho(x)^{-\mathbb{Q}-\alpha}|\Omega(x)|\chi_{2^{k-1}\leq\rho(x)\leq 2^{k+2}}(x).
\end{align*}
This, in combination with \eqref{Rie}, yields that for $q>\mathbb{Q}/\alpha$,
\begin{align}\label{caaa1}
|R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}(x)|
&\lesssim\int_{2^{k-1}\leq \rho(z)\leq 2^{k+2}}\frac{|\Omega(z)|}{\rho(z)^{\mathbb{Q}+\alpha}}\frac{1}{d(x,z)^{\mathbb{Q}-\alpha}}dz\nonumber\\
&\lesssim\left(\int_{2^{k-1}\leq \rho(z)\leq 2^{k+2}}\frac{|\Omega(z)|^{q}}{\rho(z)^{(\mathbb{Q}+\alpha)q}}dz\right)^{1/q}\left(\int_{d(x,z)\lesssim 2^{k}}\frac{1}{d(x,z)^{(\mathbb{Q}-\alpha)q^{\prime}}}dz\right)^{1/q^{\prime}}\lesssim 2^{-\mathbb{Q}k}\|\Omega\|_{L^{q}(\Sigma)}.
\end{align}
\textbf{Case 2:} If $\rho(x)\geq A_{0}^{3}\kappa_{[\alpha]}2^{k+5}$, then from the proof of \eqref{cajk2} we see that
\begin{align}\label{caaa2}
|R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}(x)|
\lesssim \frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
Next, we combine the estimates \eqref{caaa1} and \eqref{caaa2} to estimate $\Delta[2^{k-N(j)}]\phi\ast R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}$.
Since ${\rm supp}{\hspace{.05cm}}\phi\subset\{x\in\HH:\rho(x)\leq\frac{1}{100}\}$, we have
\begin{align}\label{hjhj}
|\Delta[2^{k-N(j)}]\phi\ast R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}(x)|
&\lesssim \|\Omega\|_{L^{q}(\Sigma)}\int_{\rho(y)\leq 2^{k}}2^{-\mathbb{Q}k}\chi_{d(x,y)\leq A_{0}^{3}\kappa_{[\alpha]} 2^{k+5}}|\Delta[2^{k-N(j)}]\phi(y)|dy\nonumber\\
&+ \|\Omega\|_{L^{1}(\Sigma)}\int_{\rho(y)\leq 2^{k}}\frac{2^{([\alpha]+1-\alpha)k}}{d(x,y)^{\mathbb{Q}+1+[\alpha]-\alpha}}\chi_{d(x,y)>A_{0}^{3}\kappa_{[\alpha]}2^{k+5}}|\Delta[2^{k-N(j)}]\phi(y)|dy\nonumber\\
&\lesssim \|\Omega\|_{L^{q}(\Sigma)}2^{-\mathbb{Q}k}\chi_{\rho(x)\leq A_{0}^{4}\kappa_{[\alpha]} 2^{k+6}}(x)+\|\Omega\|_{L^{1}(\Sigma)}\frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\chi_{\rho(x)\geq A_{0}^{2} \kappa_{[\alpha]} 2^{k+4}}(x).
\end{align}
This, together with triangle's inequality, implies
\begin{align}\label{kkkkkl}
|K_{j}^{\alpha,N}(x)|
&\lesssim \sum_{k\in\mathbb{Z}}\left(\|\Omega\|_{L^{q}(\Sigma)}2^{-\mathbb{Q}k}\chi_{\rho(x)\leq A_{0}^{4}\kappa_{[\alpha]} 2^{k+6}}(x)+\|\Omega\|_{L^{1}(\Sigma)}\frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\chi_{\rho(x)\geq A_{0}^{2} \kappa_{[\alpha]}2^{k+4}}(x)\right)\nonumber\\
&\lesssim \frac{\|\Omega\|_{L^{q}(\Sigma)}}{\rho(x)^{\mathbb{Q}}}.
\end{align}
To estimate \eqref{jkl}, we first estimate $X_{i} \Delta[2^{k-N(j)}]\phi\ast R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}(x)$ for any $i=1,2,\cdots,n$. We also consider it into two cases.
\textbf{Case 1:} If $\rho(x)\leq A_{0}^{3}\kappa_{[\alpha]}2^{k+5}$, by the estimates \eqref{caaa1} and \eqref{caaa2} and the fact ${\rm supp}{\hspace{.05cm}} X_{i}\phi\subset\{x\in\HH:\rho(x)\leq \frac{1}{100}\}$, we see that
\begin{align}\label{baaa1}
&|X_{i}\Delta[2^{k-N(j)}]\phi\ast R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}(x)|\nonumber\\
&\lesssim\|\Omega\|_{L^{q}(\Sigma)}\int_{d(x,y)<2^{k-N(j)}}\bigg(2^{-\mathbb{Q}k}\chi_{\rho(y)\leq A_{0}^{3}\kappa_{[\alpha]} 2^{k+5}}+\frac{2^{([\alpha]+1-\alpha)k}}{\rho(y)^{\mathbb{Q}+1+[\alpha]-\alpha}}\chi_{\rho(y)\geq A_{0}^{3}\kappa_{[\alpha]}2^{k+5}}\bigg)2^{-(\mathbb{Q}+1)(k-N(j))}dy\nonumber\\
&\lesssim\|\Omega\|_{L^{q}(\Sigma)}2^{N(j)}2^{-(\mathbb{Q}+1)k}.
\end{align}
\textbf{Case 2:} If $\rho(x)\geq A_{0}^{3}\kappa_{[\alpha]}2^{k+5}$, we claim that
\begin{align*}
|X_{i} \Delta[2^{k-N(j)}]\phi\ast R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}(x)|
\lesssim \frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+2+[\alpha]-\alpha}}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align*}
To show this inequality, we first recall from the proof of \eqref{sisisi} that if $\rho(x)\geq A_{0}^{2}\kappa_{[\alpha]}2^{k+4}$, then
\begin{align}\label{caaa3}
|X_{i} R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}(x)|\lesssim \frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+2+[\alpha]-\alpha}}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align}
Next, we combine the estimates \eqref{baaa1} and \eqref{caaa3} to estimate $X_{i}\Delta[2^{k-N(j)}]\phi\ast R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}$. Since ${\rm supp}{\hspace{.05cm}}\phi\subset\{x\in\HH:\rho(x)\leq\frac{1}{100}\}$ and $\rho(x)\geq A_{0}^{3}\kappa_{[\alpha]}2^{k+5}$, we have
\begin{align*}
|X_{i} \Delta[2^{k-N(j)}]\phi\ast R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}(x)|
&=\int_{d(x,z)\geq A_{0}^{2}\kappa_{[\alpha]} 2^{k+4}}|\Delta[2^{k-N(j)}]\phi(z)||X_{i} R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}(z^{-1}x)|dz\\
&\lesssim \|\Omega\|_{L^{1}(\Sigma)}\int_{d(x,z)\geq A_{0}^{2}\kappa_{[\alpha]} 2^{k+4}}|\Delta[2^{k-N(j)}]\phi(z)|\frac{2^{([\alpha]+1-\alpha)k}}{d(x,z)^{\mathbb{Q}+2+[\alpha]-\alpha}}dz\nonumber\\
&\lesssim \frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+2+[\alpha]-\alpha}}\|\Omega\|_{L^{1}(\Sigma)}.
\end{align*}
This, together with triangle's inequality and the fact that $N(j-1)\leq N(j)$, implies that for any $i=1,2,\cdots,n$,
\begin{align}\label{gra}
|X_{i} K_{j}^{\alpha,N}(x)|&\lesssim \sum_{k\in\mathbb{Z}}\|\Omega\|_{L^{q}(\Sigma)}\frac{2^{N(j)}}{2^{(\mathbb{Q}+1)k}}\chi_{\rho(x)\leq A_{0}^{3}\kappa_{[\alpha]} 2^{k+5}}+\sum_{k\in\mathbb{Z}}\|\Omega\|_{L^{q}(\Sigma)}\frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+2+[\alpha]-\alpha}}\chi_{\rho(x)>A_{0}^{3}\kappa_{[\alpha]}2^{k+5}}\nonumber\\
&\lesssim 2^{N(j)}\frac{\|\Omega\|_{L^{q}(\Sigma)}}{\rho(x)^{\mathbb{Q}+1}}.
\end{align}
This, in combination with the mean value theorem on homogeneous groups (see for example \cite{FoSt}), implies that if $\rho(x)\geq 2A_{0}\rho(y)$, then
\begin{align*}
|K_{j}^{\alpha,N}(y^{-1}x)-K_{j}^{\alpha,N}(x)|\lesssim 2^{N(j)}\frac{\|\Omega\|_{L^{q}(\Sigma)}}{\rho(x)^{\mathbb{Q}+1}}\rho(y).
\end{align*}
This, combined with \eqref{kkkkkl}, yields
\begin{align*}
|K_{j}^{\alpha,N}(y^{-1}x)-K_{j}^{\alpha,N}(x)|\lesssim \frac{\omega_{j}(\rho(y)/\rho(x))}{\rho(x)^{\mathbb{Q}}},
\end{align*}
where $\omega_{j}(t)\leq \|\Omega\|_{L^{q}(\Sigma)}\min\{1,2^{N(j)}t\}$. Then a direct calculation shows that
\begin{align*}
\int_{0}^{1}\omega_{j}(t)\frac{dt}{t}\lesssim(1+N(j))\|\Omega\|_{q}.
\end{align*}
This ends the proof of Lemma \ref{cal}.
\end{proof}
\subsection{Quantitative weighted bounds for $ \sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}f\ast\Delta[2^{k}]\phi |$}\label{seee}
Let $\phi$ be a cut-off function defined in Section \ref{preliminariessec}. Then the following $(L_{\alpha}^{p}(w), L^{p}(w))$ boundedness of discrete maximal function holds.
\begin{proposition}\label{discre}
For any $1<p<\infty$ and $w\in A_{p}$, there exists a constant $C_{\mathbb{Q},\alpha,p,q}>0$ such that
\begin{align*}
\Big\|\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}f\ast\Delta[2^{k}]\phi |\Big\|_{L^{p}(w)}\leq C_{\mathbb{Q},\alpha,p,q}\|\Omega\|_{L^{q}(\Sigma)}\{w\}_{A_p}(w)_{A_p}\|f\|_{L_{\alpha}^{p}(w)}.
\end{align*}
\end{proposition}
\begin{proof}
It suffices to show
\begin{align}\label{goalmax}
\Big\|\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f\ast\Delta[2^{k}]\phi |\Big\|_{L^{p}(w)}\leq C_{\mathbb{Q},\alpha,p,q}\|\Omega\|_{L^{q}(\Sigma)}\{w\}_{A_p}(w)_{A_p}\|f\|_{L^{p}(w)}.
\end{align}
To this end, we apply the decomposition in Section \ref{kf} to see that
\begin{align*}
T_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f\ast \Delta[2^{k}]\phi =\sum_{j=0}^{\infty}\tilde{T}_{j}^{\alpha,N}f\ast\Delta[2^{k}]\phi.
\end{align*}
Thus, for $1<p<\infty$ and $w\in A_{p}$,
\begin{align*}
\Big\|\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f\ast\Delta[2^{k}]\phi |\Big\|_{L^{p}(w)}
\leq \sum_{j=0}^{\infty}\Big\|\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}f\ast\Delta[2^{k}]\phi|\Big\|_{L^{p}(w)}.
\end{align*}
It follows easily from Lemma \ref{ckt} and the equality \eqref{equa} that for $j\geq 1$,
\begin{align}\label{08}
&\Big\|\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{0}^{\alpha,N}f\ast\Delta[2^{k}]\phi|\Big\|_{2}\lesssim \|\tilde{T}_{0}^{\alpha,N}f\|_{2}\lesssim \|\Omega\|_{L^{q}(\Sigma)}\|f\|_{2},\nonumber\\
&\Big\|\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}f\ast\Delta[2^{k}]\phi|\Big\|_{2}\lesssim \|\tilde{T}_{j}^{\alpha,N}f\|_{2}\lesssim 2^{-\tau N(j-1)}\|\Omega\|_{L^{q}(\Sigma)}\|f\|_{2}.
\end{align}
To continue, we claim that
\begin{align}\label{phiy1}
\Big\|\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}f\ast\Delta[2^{k}]\phi|\Big\|_{L^{p}(w)}\lesssim (1+N(j))\|\Omega\|_{L^{q}(\Sigma)}\{w\}_{A_{p}}\|f\|_{L^{p}(w)}.
\end{align}
We assume \eqref{phiy1} for the moment, whose proof will be given later. Taking $w=1$ in \eqref{phiy1} and then applying interpolation between \eqref{08} and \eqref{phiy1}, we see that
\begin{align*}
\Big\|\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}f\ast\Delta[2^{k}]\phi|\Big\|_{p}\lesssim \|\tilde{T}_{j}^{\alpha,N}f\|_{p}\lesssim 2^{-\tau_{p} N(j-1)}(1+N(j))\|\Omega\|_{L^{q}(\Sigma)}\|f\|_{p},
\end{align*}
for some constant $\tau_{p}>0$.
Next by choosing $\epsilon=\frac{1}{2}c_{\mathbb{Q}}/(w)_{A_{p}}$ (see \cite[Lemma 2.2]{FL}), we see that the estimate \eqref{phiy1} gives
\begin{align}
\Big\|\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}f\ast\Delta[2^{k}]\phi|\Big\|_{L^{p}(w^{1+\epsilon})}\lesssim (1+N(j))\|\Omega\|_{L^{q}(\Sigma)}\{w\}_{A_{p}}^{1+\epsilon}\|f\|_{L^{p}(w^{1+\epsilon})}.
\end{align}
Then applying interpolation with change of measure, we obtain that
\begin{align}
\Big\|\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}f\ast\Delta[2^{k}]\phi|\Big\|_{L^{p}(w)}\lesssim \|\Omega\|_{L^{q}(\Sigma)}(1+N(j))2^{-\tau_{p,\mathbb{Q}}N(j-1)/(w)_{A_{p}}}\{w\}_{A_{p}}\|f\|_{L^{p}(w)},
\end{align}
for some constant $\tau_{p,\mathbb{Q}}>0$.
If we choose $N(j)=2^{j}$, then
\begin{align*}
\Big\|\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f\ast\Delta[2^{k}]\phi |\Big\|_{L^{p}(w)}
&\leq \sum_{j=0}^{\infty}\Big\|\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}f\ast\Delta[2^{k}]\phi|\Big\|_{L^{p}(w)}\\
&\lesssim \sum_{j=0}^{\infty}\|\Omega\|_{L^{q}(\Sigma)}(1+N(j))2^{-\tau_{p,\mathbb{Q}}N(j-1)/(w)_{A_{p}}}\{w\}_{A_{p}}\|f\|_{L^{p}(w)}\\
&\lesssim \|\Omega\|_{L^{q}(\Sigma)}\{w\}_{A_{p}}(w)_{A_{p}}\|f\|_{L^{p}(w)}.
\end{align*}
Now we return to give the proof of \eqref{phiy1}. To this end, we first give the kernel estimates of $\{K_{j}^{\alpha,N}\ast\Delta[2^{k}]\phi \}$. We would like to establish the following inequalities.
\end{proof}
\begin{lemma}\label{caal}
There exists a constant $C_{\mathbb{Q},\alpha,q}>0$ such that for any $j\geq 1$,
\begin{align}\label{siz}
\sup\limits_{k\in\mathbb{Z}}|K_{j}^{\alpha,N}\ast\Delta[2^{k}]\phi (x)|\leq C_{\mathbb{Q},\alpha,q}\frac{\|\Omega\|_{L^{q}(\Sigma)}}{\rho(x)^{\mathbb{Q}}}.
\end{align}
and if $\rho(x)\geq 2A_{0}\rho(y)$,
\begin{align}\label{smo}
\sup\limits_{k\in\mathbb{Z}}|K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi(y^{-1}x)-K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi (x)|\leq C_{\mathbb{Q},\alpha,q} \frac{\omega_{j}(\rho(y)/\rho(x))}{\rho(x)^{\mathbb{Q}}},
\end{align}
and
\begin{align}\label{smo2}
\sup\limits_{k\in\mathbb{Z}}|K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi(x y^{-1})-K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi (x)|\leq C_{\mathbb{Q},\alpha,q} \frac{\omega_{j}(\rho(y)/\rho(x))}{\rho(x)^{\mathbb{Q}}},
\end{align}
where $
\omega_{j}(t)\leq \|\Omega\|_{L^{q}(\Sigma)}\min\{1,2^{N(j)}t\}.$
\end{lemma}
\begin{proof}
We first verify \eqref{siz}.
\textbf{Case 1:} If $\rho(x)\leq A_{0}\kappa_{0}2^{k+4}$, then since $\int_{\HH}K_{j}^{\alpha,N}(z)dz=0$,
\begin{align*}
K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi (x)=\int_{\HH}(\Delta[2^{k}]\phi(z^{-1}x)-\Delta[2^{k}]\phi(x))K_{j}^{\alpha,N}(z)dz.
\end{align*}
By the support of $\Delta[2^{k}]\phi$, we see that $\rho(z)\leq A_{0}^{2}\kappa_{0}2^{k+5}$. This, combined with \eqref{sizec} and the mean value theorem on homogeneous groups (see \cite{FoSt}) yields
\begin{align}\label{nmnm}
|K_{j}^{\alpha,N}\ast\Delta[2^{k}]\phi (x)|
&\leq \int_{\rho(z)\leq A_{0}^{2}\kappa_{0}2^{k+5}}|\Delta[2^{k}]\phi(z^{-1}x)-\Delta[2^{k}]\phi(x))||K_{j}^{\alpha,N}(z)|dz\nonumber\\
&\lesssim\|\Omega\|_{L^{q}(\Sigma)}\int_{\rho(z)\leq A_{0}^{2}\kappa_{0}2^{k+5}}|\Delta[2^{k}]\phi(z^{-1}x)-\Delta[2^{k}]\phi(x)|\frac{1}{\rho(z)^{\mathbb{Q}}}dz\nonumber\\
&\lesssim \frac{\|\Omega\|_{L^{q}(\Sigma)}}{2^{(\mathbb{Q}+1)k}}\int_{\rho(z)\leq A_{0}^{2}\kappa_{0}2^{k+5}}\frac{1}{\rho(z)^{\mathbb{Q}-1}}dz\lesssim \frac{\|\Omega\|_{L^{q}(\Sigma)}}{2^{\mathbb{Q}k}}\lesssim \frac{\|\Omega\|_{L^{q}(\Sigma)}}{\rho(x)^{\mathbb{Q}}}.
\end{align}
\textbf{Case 2:} If $\rho(x)\geq A_{0}\kappa_{0}2^{k+4}$, then by the support of $\Delta[2^{k}]\phi$, we see that $\rho(z)\geq \frac{\rho(x)}{2}$. This, in combination with \eqref{sizec}, implies
\begin{align*}
|K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi (x)|\lesssim\|\Omega\|_{L^{q}(\Sigma)}\int_{\rho(z)\geq\frac{\rho(x)}{2}}|\Delta[2^{k}]\phi(z^{-1}x)|\frac{1}{\rho(z)^{\mathbb{Q}}}dz\lesssim\frac{\|\Omega\|_{L^{q}(\Sigma)}}{\rho(x)^{\mathbb{Q}}}.
\end{align*}
Combining the estimates of two cases, we get \eqref{siz}.
Next, we verify \eqref{smo}. By the mean value theorem on homogeneous groups, it suffices to estimate $|X_{i} K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi(x)|$ for any $i=1,2,\cdots,n$.
\textbf{Case 1:} If $\rho(x)\leq A_{0}\kappa_{0}2^{k+4}$,
then \eqref{nmnm} holds with $\phi$ replaced by $X_{i}\phi$. Thus,
\begin{align*}
|X_{i} K_{j}^{\alpha,N}\ast\Delta[2^{k}]\phi (x)|=\frac{1}{2^{k}}|K_{j}^{\alpha,N}\ast\Delta[2^{k}](X_{i} \phi) (x)|
\lesssim \frac{\|\Omega\|_{L^{q}(\Sigma)}}{2^{(\mathbb{Q}+1)k}}\lesssim \frac{\|\Omega\|_{L^{q}(\Sigma)}}{\rho(x)^{\mathbb{Q}+1}}.
\end{align*}
\textbf{Case 2:} If $\rho(x)\geq A_{0}\kappa_{0}2^{k+4}$, then it follows from the support property of $\phi$ and \eqref{gra} that
\begin{align*}
|X_{i} K_{j}^{\alpha,N}\ast\Delta[2^{k}]\phi (x)|&\lesssim\|\Omega\|_{L^{q}(\Sigma)}\int_{\rho(z)\geq\frac{\rho(x)}{2}}|\Delta[2^{k}]\phi(z^{-1}x)|\frac{2^{N(j)}}{\rho(z)^{\mathbb{Q}+1}}dz\lesssim\frac{2^{N(j)}\|\Omega\|_{L^{q}(\Sigma)}}{\rho(x)^{\mathbb{Q}+1}}.
\end{align*}
Combining the estimates of two cases, we see that for if $\rho(x)\geq 2A_{0}\rho(y)$,
\begin{align}
\sup\limits_{k\in\mathbb{Z}}|K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi(y^{-1}x)-K_{j}^{\alpha,N}\ast\Delta[2^{k}]\phi (x)|\lesssim \|\Omega\|_{L^{q}(\Sigma)}2^{N(j)}\frac{\rho(y)}{\rho(x)^{\mathbb{Q}+1}}.
\end{align}
This, in junction with \eqref{siz}, yields \eqref{smo}. Following a similar calculation, we obtain \eqref{smo2} as well. This ends the proof of Lemma \ref{caal}.
\end{proof}
In the following, we recall the grand maximal truncated operator $\mathcal{M}_{T}$ on homogeneous groups defined as follows.
\begin{align*}
\mathcal{M}_{T}f(x):=\sup\limits_{B\ni x}\esssup\limits_{\xi\in B}|T(f\chi_{\HH\backslash C_{A_{0}}B})(\xi)|,
\end{align*}
where $C_{A_{0}}$ is a fixed constant depending only on $A_{0}$ (for the precise definition of $C_{A_0}$, we refer the readers to the notation $C_{\tilde{j}_{0}}$ in \cite{FL}), and the first supremum is taken over all balls $B\subset\HH$ containing~$x$.
\begin{lemma}\label{lem 3} Let T be a sublinear operator. Assume that the operators $T$ and $\mathcal{M}_T$ are of weak type $(1,1)$, then for every compactly supported $f\in L^1(\HH),$ we have
\begin{align*}
|Tf(x)|\leq C_{\mathbb{Q}}(\|T\|_{L^{1}\rightarrow L^{1,\infty}}+\|\mathcal{M}_{T}\|_{L^{1}\rightarrow L^{1,\infty}})\mathcal{A}_{\mathcal{S}}(|f|)(x),
\end{align*}
where $\mathcal{A}_{\mathcal{S}}$ is the sparse operator (see for example \cite{FL}).
\end{lemma}
\begin{proof}
The result in the Euclidean setting was proven in \cite{Ler1}, while \cite{FL} essentially extended the result to homogeneous groups (see also \cite[Remark 4.1 and Theorem 4.2]{Ler1}).
\end{proof}
For simplicity, we denote $\mathcal{T}_{j}^{\alpha,N}f:=\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}f\ast\Delta[2^{k}]\phi|$ and $\mathcal{M}_{j}^{\alpha,N}f:=\mathcal{M}_{\mathcal{T}_{j}^{\alpha,N}}f$. It follows from Lemma \ref{lem 3} and the quantitative weighted $L^{p}$ boundedness of sparse operators that the estimate \eqref{phiy1} is a direct consequence of the following lemma.
\begin{lemma}\label{twoweak}
There exists a constant $C_{\mathbb{Q},\alpha,q}>0$ such that for any $j\geq 1$,
\begin{align}\label{TT}
\|\mathcal{T}_{j}^{\alpha,N}f\|_{L^{1,\infty}}\leq C_{\mathbb{Q},\alpha,q}\|\Omega\|_{L^{q}(\Sigma)}(1+N(j))\|f\|_{1},
\end{align}
and
\begin{align}\label{MM}
\|\mathcal{M}_{j}^{\alpha,N}f\|_{L^{1,\infty}}\leq C_{\mathbb{Q},\alpha,q}\|\Omega\|_{L^{q}(\Sigma)}(1+N(j))\|f\|_{1}.
\end{align}
\end{lemma}
\begin{proof}
We first show the estimate \eqref{TT}. We perform the Calder\'{o}n-Zygmund decomposition of $f$ at height $\beta$ to see that there exist constants $C$ and $K$ so that
\smallskip
${\rm (i)}\ f=g+b=g+\sum_{i}b_{i};$
\smallskip
${\rm (ii)}\ \|g\|_{1}\leq C\|f\|_{1}, \|g\|_{\infty}\leq C\beta;$
\smallskip
${\rm (iii)}\ b_{i}$ is supported in $B_{i}:=B(y_{i},r_{i})$ and $\#\{i:x\in 2B_{i}\}\leq K$ for all $x\in \HH;$
\smallskip
${\rm (iv)}\ \int_{\HH}|b_{i}(x)|dx\leq C\beta|B_{i}|$ and $\sum_{i}|B_{i}|\leq C\beta^{-1}\|f\|_{1};$
\smallskip
${\rm (v)}\ \int_{\HH}b_{i}(x)dx=0$.
By the property (ii) and \eqref{08},
\begin{align*}
\big|\big\{x:\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}g\ast\Delta[2^{k}]\phi|>\beta\big\}\big|\lesssim \beta^{-2}\Big\|\sup_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}g\ast\Delta[2^{k}]\phi|\Big\|_{2}\lesssim \beta^{-2}\|\Omega\|_{q}\|g\|_{2}\lesssim \beta^{-1}\|\Omega\|_{L^{q}(\Sigma)}\|f\|_{1}.
\end{align*}
The proof is reduced in the usual way to estimating $\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}b\ast\Delta[2^{k}]\phi|$
away from $\bigcup_{i} B_{i}^{*}$ with
$B_{i}^{*}=2B_{i}$. Note that
\begin{align*}
\big|\big\{x\notin \cup_{i} B_{i}^{*}:\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}b\ast\Delta[2^{k}]\phi|>\beta\big\}\big|
\lesssim\beta^{-1}\sum_{i\in\mathbb{Z}}\int_{ (B_{i}^{*})^{c}}\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}b_{i}\ast\Delta[2^{k}]\phi(x)|dx.
\end{align*}
By (v) and \eqref{smo},
\begin{align*}
&\sum_{i\in\mathbb{Z}}\int_{ (B_{i}^{*})^{c}}\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}b_{i}\ast\Delta[2^{k}]\phi(x)|dx\\
&\lesssim \sum_{i\in\mathbb{Z}}\int_{B_{i}}|b_{i}(y)|\int_{ (B_{i}^{*})^{c}}\sup\limits_{k\in\mathbb{Z}}|K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi (y^{-1}x)-K_{j}^{\alpha,N}\ast\Delta[2^{k}]\phi (y_{i}^{-1}x)|dxdy\\
&\lesssim \sum_{i\in\mathbb{Z}}\int_{ B_{i}}|b_{i}(y)|\int_{d(x,y_{i})>2r_{i}}\frac{\omega_{j}(d(y,y_{i})/d(x,y_{i}))}{d(x,y_{i})^{\mathbb{Q}}}dxdy\\
&\lesssim \sum_{i\in\mathbb{Z}}\sum_{\ell=1}^{\infty}\int_{B_{i}}|b_{i}(y)|\int_{2^{\ell}r_{i}\leq d(x,y_{i})\leq 2^{\ell+1}r_{i}}\frac{\omega_{j}(2^{-\ell})}{(2^{\ell} r_{i})^{\mathbb{Q}}}dxdy\lesssim \|\omega_{j}\|_{{\rm Dini}}\|f\|_{1}.
\end{align*}
Hence,
\begin{align*}
\big|\big\{x\notin \cup_{i} B_{i}^{*}:\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}b\ast\Delta[2^{k}]\phi|>\beta\big\}\big|
\lesssim\beta^{-1}\|\Omega\|_{L^{q}(\Sigma)}(1+N(j))\|f\|_{1}.
\end{align*}
Next, we verify \eqref{MM}. Let $x$, $\xi\in B:=B(x_{0},r)$. Let $B_{x}$ be the closed ball centered at $x$ with radius $4(A_{0}^{2}+C_{A_{0}})r$. Then $C_{A_{0}}B\subset B_{x}$, and we obtain
\begin{align*}
&\big|\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}(f\chi_{\HH\backslash C_{A_{0}}B})\ast\Delta[2^{k}]\phi(\xi)|\big|\\
&\leq \big|\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}(f\chi_{\HH\backslash B_{x}})\ast\Delta[2^{k}]\phi(\xi)|-\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}(f\chi_{\HH\backslash B_{x}})\ast\Delta[2^{k}]\phi(x)|\big|\\
&\quad+\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}(f\chi_{B_{x}\backslash C_{A_{0}}B})\ast\Delta[2^{k}]\phi(\xi)|+\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}(f\chi_{\HH\backslash B_{x}})\ast\Delta[2^{k}]\phi(x)|=:{\rm I+II+III}.
\end{align*}
\textbf{Estimate of ${\rm I}$.} By \eqref{smo2},
\begin{align}\label{001}
{\rm I}&\leq \int_{\HH\backslash B_{x}}\sup\limits_{k\in\mathbb{Z}}|K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi (y^{-1}\xi)-K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi(y^{-1}x)||f(y)|dy\nonumber\\
&\lesssim\int_{d(x,y)>4A_{0}^{2}r}\frac{\omega_{j}(d(x,\xi)/d(x,y))}{d(x,y)^{\mathbb{Q}}}|f(y)|dy\nonumber\\
&\lesssim \sum_{\ell=0}^{\infty}\omega_{j}(2^{-\ell})(2^{\ell}r)^{-\mathbb{Q}}\int_{2^{\ell+2}A_{0}^{2}r\leq d(x,y)\leq 2^{\ell+3}A_{0}^{2}r}|f(y)|dy\lesssim \|\omega_{j}\|_{{\rm Dini}}Mf(x).
\end{align}
\textbf{Estimate of ${\rm II}$.} It can be verified directly that $d(x,y)\sim d(\xi,y)\sim r$ whenever $y\in B_{x}\backslash C_{A_{0}}B$. Then it follows from \eqref{siz} that
\begin{align}\label{002}
{\rm II}&\leq \int_{B_{x}\backslash C_{A_{0}}B}\sup\limits_{k\in\mathbb{Z}}|K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi (y^{-1}\xi)||f(y)|dy\nonumber\\
&\lesssim \|\Omega\|_{L^{q}(\Sigma)}\int_{ d(x,y)\sim r}\frac{1}{d(x,y)^{\mathbb{Q}}}|f(y)|dy\lesssim \|\Omega\|_{L^{q}(\Sigma)}Mf(x).
\end{align}
\textbf{Estimate of ${\rm III}$.} Note that
\begin{align*}
{\rm III}
&\leq \sup\limits_{k\in\mathbb{Z}}\left|\int_{d(x,y)\leq A_{0}\kappa_{0}2^{k+4}}K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi(y^{-1}x)(f\chi_{\HH\backslash B_{x}})(y)dy\right|\\
&\quad+ \sup\limits_{k\in\mathbb{Z}}\left|\int_{d(x,y)\geq A_{0}\kappa_{0}2^{k+4}}K_{j}^{\alpha,N}\ast \Delta[2^{k}]\phi(y^{-1}x)(f\chi_{\HH\backslash B_{x}})(y)dy\right|=:{\rm III_{1}+III_{2}}.
\end{align*}
For the term ${\rm III_{1}}$, it follows from \eqref{nmnm} that $|K_{j}^{\alpha,N}\ast\Delta[2^{k}]\phi (x)|\lesssim 2^{-\mathbb{Q}k}\|\Omega\|_{L^{q}(\Sigma)}$ whenever $\rho(x)\leq A_{0}\kappa_{0}2^{k+4}$. Hence,
\begin{align}\label{31}
{\rm III_{1}}\lesssim \|\Omega\|_{L^{q}(\Sigma)}\sup\limits_{k\in\mathbb{Z}}2^{-\mathbb{Q}k}\int_{d(x,y)\leq A_{0}\kappa_{0}2^{k+4}}|f(y)|dy\lesssim \|\Omega\|_{L^{q}(\Sigma)}Mf(x).
\end{align}
For the term ${\rm III_{2}}$,
\begin{align*}
{\rm III_{2}}&\leq
\sup\limits_{k\in\mathbb{Z}}\left|\int_{d(x,y)\geq A_{0}\kappa_{0}2^{k+4}}K_{j}^{\alpha,N}\ast (\Delta[2^{k}]\phi-\delta_{0})(y^{-1}x)(f\chi_{\HH\backslash B_{x}})(y)dy\right|\\
&\quad+\sup\limits_{k\in\mathbb{Z}}\left|\int_{d(x,y)\geq A_{0}\kappa_{0}2^{k+4}}K_{j}^{\alpha,N}(y^{-1}x)(f\chi_{\HH\backslash B_{x}})(y)dy\right|,
\end{align*}
where $\delta_{0}$ is the Dirac measure at 0. To continue, we first estimate $K_{j}^{\alpha,N}\ast(\Delta[2^{k}]\phi-\delta_{0})(x)$ for $\rho(x)\geq A_{0}\kappa_{0}2^{k+4}$. By the fact that $\int_{\HH}\Delta[2^{k}]\phi dx=1$ and \eqref{jkl},
\begin{align*}
|K_{j}^{\alpha,N}\ast(\Delta[2^{k}]\phi-\delta_{0})(x)|
&=\left|\int_{\HH}\Delta[2^{k}]\phi(y^{-1}x)K_{j}^{\alpha,N}(y)dy-K_{j}^{\alpha,N}(x)\right|\\
&=\left|\int_{\HH}\Delta[2^{k}]\phi(y^{-1}x)(K_{j}^{\alpha,N}(y)-K_{j}^{\alpha,N}(x))dy\right|\\
&\lesssim \int_{\HH}|\Delta[2^{k}]\phi(y^{-1}x)|\frac{\omega_{j}(2^{k}/\rho(x))}{\rho(x)^{\mathbb{Q}}}dy\lesssim \frac{\omega_{j}(2^{k}/\rho(x))}{\rho(x)^{\mathbb{Q}}}.
\end{align*}
Therefore,
\begin{align*}
{\rm III_{2}}&\lesssim \sup\limits_{k\in\mathbb{Z}}\int_{d(x,y)\geq A_{0}\kappa_{0}2^{k+4}}\frac{\omega_{j}(2^{k}/d(x,y))}{d(x,y)^{\mathbb{Q}}}|(f\chi_{\HH\backslash B_{x}})(y)|dy\\
&\quad+\sup\limits_{k\in\mathbb{Z}}\bigg|\int_{d(x,y)\geq \max\{A_{0}\kappa_{0}2^{k+4}, 4(A_{0}^{2}+C_{A_{0}})r\}}K_{j}^{\alpha,N}(y^{-1}x)f(y)dy\bigg|\lesssim\|\omega_{j}\|_{{\rm Dini}}Mf(x)+\tilde{T}_{j}^{\alpha,N,\#}f(x),
\end{align*}
where $\tilde{T}_{j}^{\alpha,N,\#}$ is the truncated maximal operator of $\tilde{T}_{j}^{\alpha,N}$ (see \eqref{maxdefi}). This, along with \eqref{31}, implies
\begin{align}\label{003}
{\rm III}\lesssim(\|\Omega\|_{L^{q}(\Sigma)}+\|\omega_{j}\|_{{\rm Dini}})Mf(x)+\tilde{T}_{j}^{\alpha,N,*}f(x).
\end{align}
Combining the estimates \eqref{001}, \eqref{002} and \eqref{003}, we see that for any $x,\xi\in B$,
\begin{align*}
\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{j}^{\alpha,N}(f\chi_{\HH\backslash B_{x}})\ast\Delta[2^{k}]\phi(\xi)|\lesssim(\|\Omega\|_{L^{q}(\Sigma)}+\|\omega_{j}\|_{{\rm Dini}})Mf(x)+\tilde{T}_{j}^{\alpha,N,\#}f(x),
\end{align*}
which implies that
\begin{align*}
\mathcal{M}_{j}^{\alpha,N}f(x)\lesssim(\|\Omega\|_{L^{q}(\Sigma)}+\|\omega_{j}\|_{{\rm Dini}})Mf(x)+\tilde{T}_{j}^{\alpha,N,\#}f(x).
\end{align*}
By Proposition \ref{dominnn},
\begin{align*}
|\tilde{T}_{j}^{\alpha,N,\#}f(x)|\lesssim (\|\Omega\|_{L^{q}(\Sigma)}+\|\omega_{j}\|_{{\rm Dini}}+\|\tilde{T}_{j}^{\alpha,N}\|_{2\rightarrow 2})\mathcal{A}_{\mathcal{S}}(|f|)(x).
\end{align*}
Besides, it follows from Lemma \ref{ckt} that $\|\tilde{T}_{j}^{\alpha,N}\|_{2\rightarrow 2}\lesssim 2^{-\alpha N(j-1)}\|\Omega\|_{L^{q}(\Sigma)}\|f\|_{2}.$ Combining the above inequalities, the weak type (1,1) boundedness of the Hardy-Littlewood maximal operators and of sparse operators (see for example \cite{LN}) together, we see that
\begin{align*}
\|\mathcal{M}_{j}^{\alpha,N}f\|_{L^{1,\infty}}\lesssim \|\Omega\|_{L^{q}(\Sigma)}(1+N(j))\|f\|_{1},
\end{align*}
which verifies \eqref{MM}. This finishes the proof of Lemma \ref{twoweak}.
\end{proof}
\subsection{Proof of Theorem \ref{main2}}
In this subsection, we modify the ideas in Section \ref{Basic reduction} to give the proof of Theorem \ref{main2}. To begin with, recall from \eqref{maximalcontrol} that
\begin{align*}
T_{\Omega,\alpha}^{\#}f(x)&\leq M_{\Omega,\alpha}f(x)+\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}^{k}f(x)|.
\end{align*}
Denote $v_{\alpha,\varepsilon}(x):=\frac{\Omega(x)}{\rho(x)^{\mathbb{Q}+\alpha}}\chi_{\varepsilon< \rho(x)\leq 2^{[\log \varepsilon]+1}}$. If $\alpha=0$, then it is direct that
\begin{align}\label{xixixi}
|v_{\alpha,\varepsilon}(x)|\lesssim \|\Omega\|_{L^{\infty}(\Sigma)}\varepsilon^{-\mathbb{Q}}\chi_{\rho(x)\leq 2^{[\log \varepsilon]+1}}\lesssim \|\Omega\|_{L^{\infty}(\Sigma)}2^{-\mathbb{Q}[\log \varepsilon]}\chi_{\rho(x)\leq 2^{[\log \varepsilon]+1}}.
\end{align}
If $0<\alpha<\mathbb{Q}$, then similar to the proofs of \eqref{caaa1} and \eqref{caaa2}, we get that
\begin{align}\label{yiyiyi}
|R^{\alpha}\ast v_{\alpha,\varepsilon}(x)|\lesssim \|\Omega\|_{L^{q}(\Sigma)}2^{-\mathbb{Q}[\log \varepsilon]}\chi_{\rho(x)\leq A_{0}^{3}\kappa_{[\alpha]}2^{[\log \varepsilon]+5}}+ \frac{2^{([\alpha]+1-\alpha)[\log \varepsilon]}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\|\Omega\|_{L^{1}(\Sigma)}\chi_{\rho(x)\geq A_{0}^{3}\kappa_{[\alpha]}2^{[\log \varepsilon]+5}}.
\end{align}
In both cases, the above inequalities imply that for $0\leq\alpha<\mathbb{Q}$,
\begin{align*}
|M_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f(x)|=\sup\limits_{\varepsilon>0}|f\ast R^{\alpha}\ast v_{\alpha,\varepsilon}(x)|\lesssim\|\Omega\|_{L^{q}(\Sigma)}Mf(x).
\end{align*}
Then by the sharp weighted boundedness of the Hardy--Littlewood maximal operator $M$ (see for example \cite[Corollary 1.10]{HP}), for any $1<p<\infty$,
\begin{align}\label{HLM}
\|Mf\|_{L^p(w)}\lesssim \{w\}_{A_{p}}\|f\|_{L^{p}(w)},
\end{align}
and therefore, \begin{align}\label{a0}\|M_{\Omega,\alpha}f\|_{L^p(w)}\lesssim \|\Omega\|_{L^{q}(\Sigma)}\{w\}_{A_p}\| f\|_{L_\alpha^p(w)}.\end{align}
Hence, to prove Theorem \ref{main2}, it suffices to show the $(L_{\alpha}^p(w), L^p(w))$ boundedness of $\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}^{k}f(x)|$.
To this end, we define the smooth truncated kernel by
\begin{align*}
K_{\alpha,k}(x):=K_{\alpha}(x)\int_{-\infty}^{+\infty}t\varphi(t)\chi_{\rho(x)\geq 2^{k+1} t}(x)dt,
\end{align*}
and the corresponding smooth truncated singular integral operator by
\begin{align}\label{tildeT}
\tilde{T}_{\Omega,\alpha}^{k}f(x):=f\ast K_{\alpha,k}(x).
\end{align}
We next show that the weighted estimate of $\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}^{k}f(x)|$ is equivalent to that of $\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{\Omega,\alpha}^{k}f(x)|$ with the same bound. To this end, we note that $K_{\alpha,k}(x)=cK_{\alpha}(x)\chi_{\rho(x)\geq 2^{k+1}}(x)$ when $\rho(x)\geq 2^{k+2}$ or $\rho(x)\leq 2^{k}$, where $c:=\int_{-\infty}^{+\infty}t\varphi(t)dt$ and that $K_{\alpha,k}(x)-cK_{\alpha}(x)\chi_{\rho(x)\geq 2^{k+1}}(x)$ satisfies the cancellation condition of order $[\alpha]$. Hence, if $\alpha=0$, then it is direct that
\begin{align}\label{xixixi}
|K_{\alpha,k}(x)-cK_{\alpha}(x)\chi_{\rho(x)\geq 2^{k+1}}(x)|\lesssim \|\Omega\|_{L^{\infty}(\Sigma)}2^{-\mathbb{Q}k}\chi_{\rho(x)\leq 2^{k+2}}.
\end{align}
If $0<\alpha<\mathbb{Q}$, then similar to the proofs of \eqref{caaa1} and \eqref{caaa2}, we have
\begin{align*}
&|R^{\alpha}\ast\big(K_{\alpha,k}(x)-cK_{\alpha}(x)\chi_{\rho(x)\geq 2^{k+1}}(x)\big)|\\
&\lesssim \|\Omega\|_{L^{q}(\Sigma)}2^{-\mathbb{Q}k}\chi_{\rho(x)\leq A_{0}^{3}\kappa_{[\alpha]}2^{k+5}}+\|\Omega\|_{L^{1}(\Sigma)}\frac{2^{([\alpha]+1-\alpha)k}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\chi_{\rho(x)\geq A_{0}^{3}\kappa_{[\alpha]}2^{k+5}}.
\end{align*}
In both cases,
\begin{align*}
|\tilde{T}_{\Omega,\alpha}^{k}(-\Delta_{\HH})^{-\alpha/2}f(x)-cT_{\Omega,\alpha}^{k}(-\Delta_{\HH})^{-\alpha/2}f(x)|
\lesssim\|\Omega\|_{L^{q}(\Sigma)}Mf(x).
\end{align*}
This, in combination with the inequality \eqref{HLM}, implies that to prove Theorem \ref{main2}, it suffices to obtain the $(L_{\alpha}^p(w), L^p(w))$ boundedness of $\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{\Omega,\alpha}^{k}f(x)|$. Observe that
\begin{align*}
\tilde{T}_{\Omega,\alpha}^{k}f(x)= T_{\Omega,\alpha}f\ast\Delta[2^{k}]\phi-\sum_{s=-\infty}^{0}f\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast\Delta[2^{k}]\phi+\sum_{s=1}^{\infty}f\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast(\delta_{0}-\Delta[2^{k}]\phi).
\end{align*}
From this equality we see that
\begin{align}\label{iiiiii}
&\Big\|\sup\limits_{k\in\mathbb{Z}}|\tilde{T}_{\Omega,\alpha}^{k}(-\Delta_{\HH})^{-\alpha/2}f(x)|\Big\|_{L^{p}(w)}\nonumber\\
&\leq \Big\|\sup\limits_{k\in\mathbb{Z}}|T_{\Omega,\alpha}(-\Delta_{\HH})^{-\alpha/2}f\ast\Delta[2^{k}]\phi|\Big\|_{L^{p}(w)}
+\Big\|\sup\limits_{k\in\mathbb{Z}}\Big|\sum_{s=-\infty}^{0}f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast\Delta[2^{k}]\phi\Big|\Big\|_{L^{p}(w)}\nonumber\\
&+\Big\|\sup\limits_{k\in\mathbb{Z}}\Big|\sum_{s=1}^{\infty}f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast(\delta_{0}-\Delta[2^{k}]\phi)\Big|\Big\|_{L^{p}(w)}=:{\rm I+II+III}.
\end{align}
\textbf{Estimate of ${\rm I}$.} By Proposition \ref{discre}, we see that for $q>\mathbb{Q}/\alpha$, $1<p<\infty$ and $w\in A_{p}$,
\begin{align*}
{\rm I}\lesssim\|\Omega\|_{L^{q}(\Sigma)}\{w\}_{A_p}(w)_{A_p}\|f\|_{L^{p}(w)}.
\end{align*}
\textbf{Estimate of ${\rm II}$.} Observe that
\begin{align*}
\sum_{s=-\infty}^{0}A_{k+s}^{\alpha}K_{\alpha}^{0}=K_{\alpha}(x)\int_{-\infty}^{+\infty}t\varphi(t)\chi_{\rho(x)\leq 2^{k+1} t}(x)dt.
\end{align*}
Note that \eqref{fjfjfjfj}-\eqref{estimateI222} hold with $B_{k+s}^{\alpha}\Omega$ replaced by $A_{k+s}^{\alpha}K_{\alpha}^{0}$. In particular, if $0<\alpha<\mathbb{Q}$,
\begin{align}\label{mite}
\sup\limits_{k\in\mathbb{Z}}\Big|\sum_{s=-\infty}^{0}f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast\Delta[2^{k}]\phi(x)\Big|\lesssim \|\Omega\|_{L^{1}(\Sigma)}Mf(x).
\end{align}
For the case $\alpha=0$, by the 0-order cancellation property of $\Omega$ and the mean value theorem on homogeneous groups,
\begin{align*}
\Big|\sum_{s=-\infty}^{0}A_{k+s}^{0}K_{0}^{0}\ast\Delta[2^{k}]\phi(x)\Big|
&=2^{-\mathbb{Q}k}\bigg|\int_{\HH}\sum_{s=-\infty}^{0}A_{k+s}^{0}K_{0}^{0}(y)\big(\phi(2^{-k}\circ(y^{-1}x))-\phi(2^{-k}\circ x)\big)dy\bigg|\\
&\lesssim 2^{-(\mathbb{Q}+1)k}\int_{\rho(y)\leq 2^{k+2}}\frac{\Omega(y)}{\rho(y)^{\mathbb{Q}-1}}dy\chi_{\rho(x)\leq A_{0}2^{k+3}}\lesssim 2^{-\mathbb{Q}k}\|\Omega\|_{L^{1}(\Sigma)}\chi_{\rho(x)\leq A_{0}2^{k+3}},
\end{align*}
and therefore, \eqref{mite} also holds in this case. This, together with \eqref{HLM}, yields
\begin{align*}
{\rm II}\lesssim \|\Omega\|_{L^{1}(\Sigma)}\{w\}_{A_{p}}\|f\|_{L^{p}(w)}.
\end{align*}
\textbf{Estimate of ${\rm III}$.} We first claim that there exists a constant $\tau>0$, such that for any $s\geq 1$,
\begin{align}\label{makey}
\Big\|\sup\limits_{k\in\mathbb{Z}}|f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast (\delta_{0}-\Delta[2^{k}]\phi)|\Big\|_{2}\lesssim 2^{-\tau s}\|\Omega\|_{L^{q}(\Sigma)}\|f\|_{2}.
\end{align}
To this end, by Khinchin's inequality and Lemma \ref{ckt},
\begin{align*}
\Big\|\sup\limits_{k\in\mathbb{Z}}|f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast (\delta_{0}-\Delta[2^{k}]\phi)|\Big\|_{2}
&\leq \Big\|\Big(\sum_{k\in\mathbb{Z}}|f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast (\delta_{0}-\Delta[2^{k}]\phi)|^{2}\Big)^{1/2}\Big\|_{2}\\
&\lesssim \bigg\|\Big\|\sum_{k\in\mathbb{Z}}r_{k}(t)f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast (\delta_{0}-\Delta[2^{k}]\phi)\Big\|_{L^{2}([0,1])}\bigg\|_{2}\\
&\lesssim \sum_{\ell=0}^{\infty}\sup\limits_{t\in[0,1]}\Big\|\sum_{k\in\mathbb{Z}}r_{k}(t)f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast \Psi_{k-\ell}\Big\|_{2}\\
&= \sum_{\ell=0}^{\infty}\sup\limits_{t\in[0,1]}\Big\|\sum_{k\in\mathbb{Z}}r_{k-s}(t)f\ast R^{\alpha}\ast A_{k}^{\alpha}K_{\alpha}^{0}\ast \Psi_{k-s-\ell}\Big\|_{2}\\
&\lesssim\sum_{\ell=0}^{\infty} 2^{-\tau(\ell+s)}\|\Omega\|_{L^{q}(\Sigma)}\|f\|_{2}\lesssim 2^{-\tau s}\|\Omega\|_{L^{q}(\Sigma)}\|f\|_{2}.
\end{align*}
Next we show that
\begin{align}\label{4546}
\Big\|\sup\limits_{k\in\mathbb{Z}}|f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast (\delta_{0}-\Delta[2^{k}]\phi)|\Big\|_{L^{p}(w)}\lesssim \|\Omega\|_{L^{q}(\Sigma)}\{w\}_{A_{p}}\|f\|_{L^{p}(w)}.
\end{align}
To begin with, we note that
\begin{align}\label{supde}
\sup\limits_{k\in\mathbb{Z}}|f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast (\delta_{0}-\Delta[2^{k}]\phi)(x)|
&\leq \sup\limits_{k\in\mathbb{Z}}|f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}(x)|\nonumber\\
&\quad+\sup\limits_{k\in\mathbb{Z}}|f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast \Delta[2^{k}]\phi(x)|.
\end{align}
To continue, for the case $\alpha=0$, by \eqref{indd} with $k$ replaced by $k+s$,
\begin{align}\label{mnbj}
|A_{k+s}^{0}K_{0}^{0}(x)|\lesssim 2^{-\mathbb{Q}(k+s)}\|\Omega\|_{L^{\infty}(\Sigma)}\chi_{\rho(x)\leq 2^{k+s+2}},
\end{align}
which implies that
\begin{align}\label{ewr2}
|A_{k+s}^{0}K_{0}^{0}\ast \Delta[2^{k}]\phi(x)|\lesssim \|\Omega\|_{L^{\infty}(\Sigma)}\int_{\rho(y)\leq 2^{k}}2^{-\mathbb{Q}(k+s)}\chi_{d(x,y)\leq 2^{k+s+2}}|\Delta[2^{k}]\phi(y)|dy.
\end{align}
Moreover, if $0<\alpha<\mathbb{Q}$, then by \eqref{caaa1} and \eqref{caaa2} with $k$ replaced by $k+s$, we have
\begin{align}\label{mnbj2}
|R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}(x)|\lesssim 2^{-\mathbb{Q}(k+s)}\|\Omega\|_{L^{q}(\Sigma)}\chi_{\rho(x)\leq A_{0}^{3}\kappa_{[\alpha]}2^{k+s+5}}+\frac{2^{([\alpha]+1-\alpha)(k+s)}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\|\Omega\|_{L^{1}(\Sigma)}\chi_{\rho(x)\geq A_{0}^{3}\kappa_{[\alpha]}2^{k+s+5}},
\end{align}
which implies that
\begin{align}\label{jkl1}
&| R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast \Delta[2^{k}]\phi(x)|\nonumber\\
&\lesssim \|\Omega\|_{L^{q}(\Sigma)}\int_{\rho(y)\leq 2^{k}}2^{-\mathbb{Q}(k+s)}\chi_{d(x,y)\leq A_{0}^{3}\kappa_{[\alpha]} 2^{k+s+5}}|\Delta[2^{k}]\phi(y)|dy\nonumber\\
&\qquad+ \|\Omega\|_{L^{1}(\Sigma)}\int_{\rho(y)\leq 2^{k}}\frac{2^{([\alpha]+1-\alpha)(k+s)}}{d(x,y)^{\mathbb{Q}+1+[\alpha]-\alpha}}\chi_{d(x,y)>A_{0}^{3}\kappa_{[\alpha]} 2^{k+s+5}}|\Delta[2^{k}]\phi(y)|dy\nonumber\\
&\lesssim \|\Omega\|_{L^{q}(\Sigma)}2^{-\mathbb{Q}(k+s)}\chi_{\rho(x)\leq A_{0}^{4}\kappa_{[\alpha]} 2^{k+s+6}}(x)+\|\Omega\|_{L^{q}(\Sigma)}\frac{2^{([\alpha]+1-\alpha)(k+s)}}{\rho(x)^{\mathbb{Q}+1+[\alpha]-\alpha}}\chi_{\rho(x)\geq A_{0}^{2}\kappa_{[\alpha]} 2^{k+s+4}}(x).
\end{align}
In both cases, combining \eqref{mnbj} and \eqref{mnbj2}, we conclude that
\begin{align}\label{rr11}
\sup\limits_{k\in\mathbb{Z}}|f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}(x)|\lesssim \|\Omega\|_{L^{q}(\Sigma)}Mf(x).
\end{align}
Besides, combining \eqref{ewr2} and \eqref{jkl1}, we conclude that
\begin{align}\label{rr22}
\sup\limits_{k\in\mathbb{Z}}|f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast \Delta[2^{k}]\phi(x)|\lesssim \|\Omega\|_{L^{q}(\Sigma)}Mf(x).
\end{align}
Hence, it follows from \eqref{HLM}, \eqref{supde}, \eqref{rr11} and \eqref{rr22} that \eqref{4546} holds.
Now we back to the estimate of ${\rm I_{3}}$.
It follows from \eqref{4546} with $w$ replaced by $w^{1+\epsilon}$, where $\epsilon=\frac{1}{2}c_{\mathbb{Q}}/(w)_{A_{p}}$ (see \cite[Lemma 2.2]{FL}), that
\begin{align}\label{4547}
\Big\|\sup\limits_{k\in\mathbb{Z}}|f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast (\delta_{0}-\Delta[2^{k}]\phi)|\Big\|_{L^{p}(w^{1+\epsilon})}\lesssim \|\Omega\|_{L^{q}(\Sigma)}\{w\}_{A_{p}}^{1+\epsilon}\|f\|_{L^{p}(w^{1+\epsilon})}.
\end{align}
Now interpolating between \eqref{makey} and \eqref{4547} with change of measures (\cite[Theorem 2.11]{SW}), we obtain that there exists a constant $\tau>0$ such that
\begin{align*}
\Big\|\sup\limits_{k\in\mathbb{Z}}|f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast (\delta_{0}-\Delta[2^{k}]\phi)|\Big\|_{L^{p}(w)}\lesssim \|\Omega\|_{L^{q}(\Sigma)}2^{-\tau s/(w)_{A_{p}}}\{w\}_{A_{p}}\|f\|_{L^{p}(w)}.
\end{align*}
Therefore,
\begin{align*}
{\rm III}
&\leq \sum_{s=1}^{\infty}\Big\|\sup\limits_{k\in\mathbb{Z}}\Big|f\ast R^{\alpha}\ast A_{k+s}^{\alpha}K_{\alpha}^{0}\ast(\delta_{0}-\Delta[2^{k}]\phi)\Big|\Big\|_{L^{p}(w)}\\
&\leq \|\Omega\|_{L^{q}(\Sigma)}\sum_{s=1}^{\infty}2^{-\tau s/(w)_{A_{p}}}\{w\}_{A_{p}}\|f\|_{L^{p}(w)}\leq \|\Omega\|_{L^{q}(\Sigma)}\{w\}_{A_{p}}(w)_{A_{p}}\|f\|_{L^{p}(w)}.
\end{align*}
Finally, by combining the estimates of ${\rm I}$, ${\rm II}$ and ${\rm III}$, the proof of Theorem \ref{main2} is complete.
\hfill $\square$
\bigskip
\section{Appendix: sparse domination for maximal $\omega$-Calder\'{o}n-Zygmund operators}\label{appendix1}
\setcounter{equation}{0}
The purpose of the appendix is to show the quantitative maximal version of pointwise domination theorem on homogeneous groups, which extends the result in \cite[Theorem 2.4]{HRT}, by implementing the idea in \cite{Ler1} (see in particular Remark 4.1 and Theorem 4.2 in \cite{Ler1}). To begin with, we define the truncated maximal operator $T^{\#}$ by
\begin{align}\label{maxdefi}
T^{\#}f(x)=:\sup\limits_{\varepsilon>0}\left|\int_{d(x,y)>\varepsilon}K(x,y)f(y)dy\right|=:\sup\limits_{\varepsilon>0}\left|\int_{\HH}K_{\varepsilon}(x,y)f(y)dy\right|=:\sup\limits_{\varepsilon>0}|T_{\varepsilon}f(x)|.
\end{align}
\begin{proposition}\label{dominnn}
Let $T$ be an $\omega$-Calder\'{o}n-Zygmund operator with $\omega$ satisfying the Dini condition. Then for any compactly supported function $f\in L^{1}(\HH)$, there exists a sparse family $\mathcal{S}$ such that for a.e. $x\in\HH$,
\begin{align*}
|T^{\#}f(x)|\leq C_{\mathbb{Q}}(C_{T}+\|\omega\|_{{\rm Dini}}+\|T\|_{2\rightarrow 2})\mathcal{A}_{\mathcal{S}}(|f|)(x).
\end{align*}
\end{proposition}
To show proposition \ref{dominnn}, we first show a pointwise estimate for $\mathcal{M}_{T^{\#}}f(x)$.
\begin{lemma}\label{mt2}
There exists a constant $C_{\mathbb{Q}}>0$ such that for all $\varepsilon>0$ and $x\in \HH$,
\begin{align}\label{ppppp}
\mathcal{M}_{T^{\#}}f(x)\leq C_{\mathbb{Q}}(C_{T}+\|\omega\|_{{\rm Dini}})Mf(x)+T^{\#}f(x).
\end{align}
\end{lemma}
\begin{proof}
Let $x$, $\xi\in B:=B(x_{0},r)$. Let $B_{x}$ be the closed ball centered at $x$ with radius $4(A_{0}^{2}+C_{A_{0}})r$. Then $C_{A_{0}}B\subset B_{x}$, and we obtain
\begin{align*}
|T_{\varepsilon}(f\chi_{\HH\backslash C_{A_{0}}B})(\xi)|\leq |T_{\varepsilon}(f\chi_{B_{x}\backslash C_{A_{0}}B})(\xi)|+|T_{\varepsilon}(f\chi_{\HH\backslash B_{x}})(x)|+|T_{\varepsilon}(f\chi_{\HH\backslash B_{x}})(\xi)-T_{\varepsilon}(f\chi_{\HH\backslash B_{x}})(x)|.
\end{align*}
By the size condition of $K$,
\begin{align*}
|T_{\varepsilon}(f\chi_{B_{x}\backslash C_{A_{0}}B})(\xi)|\lesssim C_{T}\frac{1}{|B_{x}|}\int_{B_{x}}|f(y)|dy\lesssim C_{T}Mf(x).
\end{align*}
Besides, $|T_{\varepsilon}(f\chi_{\HH\backslash B_{x}})(x)|\leq T^{\#}f(x)$. Hence, Lemma \ref{mt2} can be reduced to showing that
\begin{align}\label{cbh}
|T_{\varepsilon}(f\chi_{\HH\backslash B_{x}})(\xi)-T_{\varepsilon}(f\chi_{\HH\backslash B_{x}})(x)|\lesssim(C_{T}+\|\omega\|_{{\rm Dini}})Mf(x).
\end{align}
Note that
\begin{align*}
&|T_{\varepsilon}(f\chi_{\HH\backslash B_{x}})(\xi)-T_{\varepsilon}(f\chi_{\HH\backslash B_{x}})(x)|\leq \int_{d(x,y)>4A_{0}^{2}r}|K_{\varepsilon}(\xi,y)-K_{\varepsilon}(x,y)||f(y)|dy\\
&\hspace{1.0cm}=\left(\int_{\substack{d(x,y)>4A_{0}^{2}r\\ d(\xi,y)\leq\varepsilon}}+\int_{\substack{4A_{0}^{2}r<d(x,y)\leq\varepsilon\\ d(\xi,y)>\varepsilon}}+\int_{\substack{d(x,y)>\max\{\varepsilon,4A_{0}^{2}r\}\\d(\xi,y)>\varepsilon}}\right)|K_{\varepsilon}(\xi,y)-K_{\varepsilon}(x,y)||f(y)|dy=:{\rm I}+{\rm II}+{\rm III}.
\end{align*}
It can be verified directly from the size condition and the smoothness condition of $K$ that
\begin{align*}
&{\rm I}=\int_{\substack{d(x,y)>4A_{0}^{2}r\\ d(\xi,y)\leq\varepsilon}}|K_{\varepsilon}(x,y)||f(y)|dy
\leq C_{T}\int_{\varepsilon<d(x,y)<2A_{0}\varepsilon}\frac{1}{d(x,y)^{\mathbb{Q}}}|f(y)|dy\lesssim C_{T}Mf(x);\\
&{\rm II}=\int_{\substack{4A_{0}^{2}r<d(x,y)\leq\varepsilon\\ d(\xi,y)>\varepsilon}}|K(\xi,y)||f(y)|dy\leq C_{T}\int_{\frac{2\varepsilon}{2A_{0}+1}< d(x,y)\leq \varepsilon}\frac{1}{d(x,y)^{\mathbb{Q}}}|f(y)|dy\lesssim C_{T}Mf(x);\\
&{\rm III}\leq\int_{d(x,y)>4A_{0}^{2}r}|K(\xi,y)-K(x,y)||f(y)|dy\leq \int_{d(x,y)>4A_{0}^{2}r}|f(y)|\omega\left(\frac{2A_{0}r}{d(x,y)}\right)\frac{1}{d(x,y)^{\mathbb{Q}}}dy\\
&\hspace{0.4cm}\lesssim \sum_{k=0}^{\infty}\left(\frac{1}{(2^{k}r)^{\mathbb{Q}}}\int_{2^{k+2}A_{0}^{2}r\leq d(x,y)\leq2^{k+3}A_{0}^{2}r}|f(y)|dy\right)\omega(2^{-k})
\lesssim\|\omega\|_{{\rm Dini}}Mf(x).
\end{align*}
Combining these estimates together, we obtain \eqref{cbh} and therefore,
\begin{align*}
\mathcal{M}_{T^{\#}}f(x)=\sup\limits_{B\ni x}\esssup\limits_{\xi\in B}\sup\limits_{\varepsilon>0}|T_{\varepsilon}(f\chi_{\HH\backslash C_{A_{0}}B})(\xi)|
\lesssim(C_{T}+\|\omega\|_{{\rm Dini}})Mf(x)+T^{\#}f(x).
\end{align*}
This finishes the proof of Lemma \ref{mt2}.
\end{proof}
\begin{coro}\label{cco2}
There exists a constant $C_{\mathbb{Q}}>0$ such that
\begin{align}\label{ppppp}
\|\mathcal{M}_{T^{\#}}f\|_{L^{1,\infty}}\leq C_{\mathbb{Q}}(C_{T}+\|\omega\|_{{\rm Dini}}+\|T\|_{2\rightarrow 2})\|f\|_{1}.
\end{align}
\end{coro}
\begin{proof}
To begin with, a standard argument of Calder\'{o}n-Zygmund decomposition (see for example \cite{JDbook,s93}) shows that $$\|T^{\#}\|_{L^{1}\rightarrow L^{1,\infty}}\lesssim(C_{T}+\|\omega\|_{{\rm Dini}}+\|T\|_{2\rightarrow 2}).$$ This, in combination with the weak-type (1,1) boundedness of the Hardy-Littlewood maximal function and Lemma \ref{mt2}, yields
\begin{align*}
\|\mathcal{M}_{T^{\#}}f\|_{L^{1,\infty}}\lesssim (C_{T}+\|\omega\|_{{\rm Dini}})\|Mf\|_{L^{1,\infty}}+\|T^{\#}f\|_{L^{1,\infty}}\lesssim(C_{T}+\|\omega\|_{{\rm Dini}}+\|T\|_{2\rightarrow 2})\|f\|_{1}.
\end{align*}
This ends the proof of corollary \ref{cco2}.
\end{proof}
Next, we give the proof of Proposition \ref{dominnn}.
{\it Proof of Proposition \ref{dominnn}}. Recall that
$
\|T^{\#}\|_{L^{1}\rightarrow L^{1,\infty}}\lesssim (C_{T}+\|\omega\|_{{\rm Dini}}+\|T\|_{2\rightarrow 2}).
$
This, in combination with Corollary \ref{cco2} and Lemma \ref{lem 3}, implies that for any compactly supported function $f\in L^{1}(\HH)$, there exists a sparse family $\mathcal{S}$ such that for a.e. $x\in\HH$,
\begin{align*}
|T^{\#}f(x)|&\leq C_{\mathbb{Q}}(\|T^{\#}\|_{L^{1}\rightarrow L^{1,\infty}}+\|\mathcal{M}_{T^{\#}}\|_{L^{1}\rightarrow L^{1,\infty}})\mathcal{A}_{\mathcal{S}}(|f|)(x)\\
&\leq C_{\mathbb{Q}}(C_{T}+\|\omega\|_{{\rm Dini}}+\|T\|_{2\rightarrow 2})\mathcal{A}_{\mathcal{S}}(|f|)(x).
\end{align*}
This completes the proof of Proposition \ref{dominnn}.
\hfill $\square$
\begin{remark}
We point out that Proposition \ref{dominnn} also holds in space of homogeneous type in the sense of Coifman and Weiss.
Note that the definitions of the sparse family via the sparse condition and via the Carleson condition, and their equivalence in space of homogeneous type were established before (see for example \cite{DGKLWY}).
\end{remark}
\bigskip
\noindent
{\bf Acknowledgements:}
The authors would like to thank Kangwei Li for helpful discussions on the sparse domination for maximal operators. Z. Fan would also like to thank Prof. Lixin Yan for useful discussions. Y. Chen is supported by the National Natural Science Foundation of China, Grant No. ~11871096 and ~11471033. Z. Fan is supported by International Program for Ph.D. Candidates from Sun Yat-Sen University.
J. Li is supported by the Australian Research Council (ARC) through the
research grant DP170101060.
|
\section{Introduction}
Heat engines constitute one of the indispensable technologies in our modern society, and much effort has been conducted to improve their performance in various scientific or engineering fields \cite{Callen_2nd_book}.
Heat engines convert supplied heat into output work. Moreover, their ratio can be used as the efficiency to characterize the performance of heat engines.
The Carnot cycle is one of the most important models of heat engines, which operates between hot and cold heat baths
with constant temperatures $T_{h}$ and $T_{c}$ ($<T_{h}$). Moreover, the cycle is composed of two isothermal processes and two adiabatic processes.
Carnot demonstrated that the efficiency of any heat engine is limited by the upper bound called the Carnot efficiency~\cite{Carnot_book}:
\begin{equation}
\label{Carnot efficiency}
\eta_{C} \equiv 1-\frac{T_{c}}{T_{h}}.
\end{equation}
It is known that we can reach the Carnot efficiency by the reversible cycle,
where the heat engine always remains at equilibrium and
is typically operated quasistatically, which implies that
the engine spends an infinitely long time per cycle.
Moreover, power, defined as output work per unit time,
is another important quantity for evaluating the performance of heat engines.
When we operate the heat engines quasistatically, power vanishes.
Thus, several studies have been devoted to investigating the feasibility of finite-power heat engines with Carnot efficiency
\cite{Polettini_2017,PhysRevE.62.6021,PhysRevE.95.052128,
PhysRevE.62.6021,Campisi2016,PhysRevLett.106.230602,
PhysRevLett.110.070603,PhysRevB.87.165419,PhysRevB.94.121402,
PhysRevLett.112.140601,PhysRevLett.114.146801,Sothmann_2014,PhysRevE.98.042112,PhysRevLett.124.110606,PhysRevE.96.062107}.
However, Shiraishi {\it et al}.
\cite{PhysRevLett.117.190601,PhysRevE.96.022138,N.Shiraishi2018}
recently proved a trade-off relation between power $P$ and efficiency $\eta$ in general heat engines described by the Markov process.
The trade-off relation is given by
\begin{equation}
\label{general trade-off relation}
P \leq A \eta (\eta_{C} - \eta),
\end{equation}
where $A$ is a positive constant depending on the heat engine details.
Based on this relation, the power should vanish as the efficiency approaches the Carnot efficiency.
Similar trade-off relations to
Eq.~(\ref{general trade-off relation}) have been obtained in
various heat engine models~\cite{PhysRevLett.120.190602,Koyuk_2018,Dechant_2018,PhysRevE.97.062101}.
In particular, Dechant and Sasa derived a specific expression
of $A$ for stochastic heat engines described by
the Langevin equation~\cite{PhysRevE.97.062101}.
Recently, Holubec and Ryabov reported that the Carnot efficiency could be obtained in a general class of finite-power Carnot cycles in the vanishing limit of the relaxation times~\cite{PhysRevLett.121.120601}.
Although this result seems to contradict the trade-off relation in Eq.~(\ref{general trade-off relation}),
they pointed out the possibility that $A$ in Eq.~(\ref{general trade-off relation}) diverges in the vanishing limit of the relaxation times, and the Carnot efficiency and finite power are compatible without breaking the trade-off relation in Eq.~(\ref{general trade-off relation}).
Thus, it may be interesting to study how the efficiency and power depend on the relaxation times in more detail by using a specific model.
The Brownian Carnot cycle with instantaneous adiabatic processes and a time-dependent harmonic potential is a simple model, which is easy to analyze and is frequently used to study the efficiency and power~\cite{PhysRevLett.121.120601,Dechant_2017,Schmiedl_2007,PhysRevE.97.022131}.
However, it is pointed out that the instantaneous adiabatic process in the overdamped Brownian Carnot cycle inevitably causes a heat leakage~\cite{Schmiedl_2007,PhysRevE.97.022131,PhysRevE.101.032129}.
In the overdamped dynamics, the inertial effect of the Brownian particle is disregarded, and the system is only described by its position.
Nevertheless, heat leakage is related to the kinetic energy of the particle, as seen below.
When the overdamped limit is considered in the underdamped dynamics,
the averaged kinetic energy of the Brownian particle is equal to $k_{B}T/2$ in the isothermal process with temperature $T$, where $k_{B}$ is the Boltzmann constant.
Then, after the instantaneous adiabatic processes in the above cycle, the kinetic energy relaxes toward the temperature of the subsequent isothermal process, and an additional heat proportional to the temperature difference flows.
This heat leakage decreases the efficiency of the cycle.
Thus, we must consider the underdamped dynamics to evaluate the effect of the heat leakage on the efficiency and power of the Brownian Carnot cycle with the instantaneous adiabatic processes.
In this paper, we demonstrate that it is possible to achieve the Carnot efficiency in the underdamped finite-power Brownian Carnot cycle by considering the vanishing limit of the relaxation times of both position and velocity in the small temperature-difference regime, where the heat leakage due to the instantaneous adiabatic processes can be negligible.
As shown below, $\eta_C-\eta$ in Eq.~(\ref{general trade-off relation}) is proportional to the entropy production.
We show that the above compatibility is made possible by the diverging constant $A$ in Eq.~(\ref{general trade-off relation}) and the vanishing entropy production, which can be expressed in terms of the two relaxation times of the system.
The rest of this paper is organized as follows.
In Sec.~\ref{model}, we introduce the Brownian particle trapped by the harmonic potential and describe it by the underdamped Langevin equation.
We also introduce the isothermal process and instantaneous adiabatic process in this section.
In Sec.~\ref{Carnot cycle}, we construct the Carnot cycle using the Brownian particle.
In Sec.~\ref{numerical simulation}, we present the results of numerical simulations of the underdamped Brownian Carnot cycle
when we vary the temperature difference and the relaxation times of the system.
From these results, we demonstrate that the efficiency of our cycle approaches the Carnot efficiency
while maintaining finite power as the relaxation times vanish in the small temperature-difference regime.
In Sec.~\ref{theoretical analysis},
we explain the results of the numerical simulations in Sec.~\ref{numerical simulation} based on the trade-off relation in Eq.~(\ref{general trade-off relation}).
Section~\ref{summary and discussion} presents the summary and discussion.
\section{Model}
\label{model}
\subsection{Underdamped system}
\label{underdamped system}
We consider a Brownian particle in the surrounding medium with a temperature $T$.
When the particle is trapped in the harmonic potential
\begin{equation}
\label{harmonic potential}
V(x,t)=\frac{1}{2}\lambda(t)x^2,
\end{equation}
the dynamics of the particle is described by the underdamped Langevin equation
\begin{align}
\label{Langevin equation of x}
\dot{x} =& v,\\
\label{Langevin equation of v}
m \dot{v} =& -\gamma v - \lambda x +\sqrt{2\gamma k_{B} T} \xi,
\end{align}
where, $x$, $v$, and $m$ are the position,
velocity, and mass of the particle, respectively.
The dot denotes the time derivative or a quantity per unit time.
We use $\gamma$ as the constant friction coefficient independent of $T$
and set the Boltzmann constant $k_{B} = 1$ for simplicity.
The stiffness $\lambda(t)$ of the harmonic potential changes over time.
The Gaussian white noise $\xi(t)$ satisfies $\langle \xi(t)\rangle = 0$
and $\langle \xi(t)\xi(t')\rangle = \delta(t-t')$,
where $\langle \cdots \rangle$ denotes statistical average.
In this system, the relaxation times of the position $\tau_{x}$ and velocity $\tau_{v}$ are defined as follows:
\begin{align}
\label{relaxation time of x}
\tau_{x}(t) \equiv& \frac{\gamma}{\lambda(t)},\\
\label{relaxation time of v}
\tau_{v} \equiv& \frac{m}{\gamma},
\end{align}
where $\tau_{x}(t)$ depends on the time through the stiffness $\lambda(t)$.
We introduce the distribution function $p(x,v,t)$ to describe the state of the system at time $t$.
The time evolution of $p(x,v,t)$ can be described by
the Kramers equation~\cite{Risken_2nd_book} corresponding to
Eqs.~(\ref{Langevin equation of x}) and (\ref{Langevin equation of v}),
\begin{equation}
\label{Fokker-Planck equation}
\begin{split}
\frac{\partial}{\partial t}p(x,v,t)
=& -\frac{\partial}{\partial x}(v p(x,v,t))\\
&+ \frac{\partial}{\partial v}\left[
\frac{\gamma}{m}v + \frac{\lambda}{m}x
+ \frac{\gamma T}{m^2}\frac{\partial}{\partial v}
\right]p(x,v,t)\\
=& -\frac{\partial}{\partial x} j_{x}(x,v,t)
-\frac{\partial}{\partial v} j_{v}(x,v,t),
\end{split}
\end{equation}
where $j_{x}(x,v,t)$ and $j_{v}(x,v,t)$ are the probability currents defined as follows:
\begin{align}
\label{the probability current of x}
j_{x}(x,v,t) \equiv& v p(x,v,t),\\
\label{the probability current of v}
j_{v}(x,v,t) \equiv& -\left[\frac{\gamma}{m}v + \frac{\lambda}{m}x
+ \frac{\gamma T}{m^2}\frac{\partial}{\partial v}\right]p(x,v,t).
\end{align}
Here, we define the three variables
$\sigma_{x}(t) \equiv \langle x^2 \rangle$,
$\sigma_{v}(t) \equiv \langle v^2 \rangle$,
and $\sigma_{xv}(t) \equiv \langle xv \rangle$.
By using Eq.~(\ref{Fokker-Planck equation}),
we can derive the following equations:
\begin{align}
\label{equation of sigma_x}
\dot{\sigma}_{x} =& 2\sigma_{xv},\\
\label{equation of sigma_v}
\dot{\sigma}_{v} =& \frac{2 \gamma T}{m^2} - \frac{2 \gamma}{m}\sigma_{v}
- \frac{2 \lambda}{m}\sigma_{xv},\\
\label{equation of sigma_xv}
\dot{\sigma}_{xv} =& \sigma_{v} - \frac{\lambda}{m}\sigma_{x} - \frac{ \gamma}{m}\sigma_{xv}
\end{align}
describing the time evolution of $\sigma_{x}$, $\sigma_{v}$, and $\sigma_{xv}$~\cite{Dechant_2017}.
Below, we assume that the probability distribution $p(x,v,t)$ is a Gaussian distribution:
\begin{equation}
\label{Gaussian distribution}
\begin{split}
p(x,v,t) =& \frac{1}{\sqrt{4 \pi^2(\sigma_{x}\sigma_{v}-\sigma_{xv}^2)}}\\
&\times \exp \left\{ -\frac{\sigma_{x}v^2 + \sigma_{v}x^2 - 2\sigma_{xv} xv}
{2(\sigma_{x}\sigma_{v}-\sigma_{xv}^2)}\right\}.
\end{split}
\end{equation}
Thus, the state of the Brownian particle can only be described by the above three variables.
In this model, the internal energy $E(t)$ and entropy $S(t)$ of the Brownian particle are defined as follows:
\begin{align}
\label{definition of internal energy}
E(t) \equiv& \int^{\infty}_{-\infty} dx \int^{\infty}_{-\infty} dv\ p(x,v,t)\ \left[ \frac{1}{2}mv^2 + \frac{1}{2}\lambda(t) x^2\right] \nonumber\\
&= \frac{1}{2}m\sigma_{v}(t) + \frac{1}{2}\lambda(t) \sigma_{x}(t),\\
\label{definition of entropy}
S(t) \equiv& -\int^{\infty}_{-\infty} dx\int^{\infty}_{-\infty} dv\ p(x,v,t)\ln p(x,v,t) \nonumber\\
=&\frac{1}{2}\ln(\sigma_{x}(t)\sigma_{v}(t)-\sigma_{xv}^{2}(t)) + \ln(2\pi) + 1.
\end{align}
\subsection{Isothermal process}
\label{Isothermal process}
We define the heat and work during a time interval $t_{i} < t < t_{f}$
in an isothermal process.
In this process, the Brownian particle interacts with the heat bath at a constant temperature $T$.
We assume that the stiffness $\lambda(t)$ changes smoothly in this process.
The heat flux $\dot{Q} $ flowing from the heat bath to the Brownian particle
is defined as the statistical average of
the work performed by the force from the heat bath to the Brownian particle
(see Chap.~4 of Ref.~\cite{Sekimoto_book}),
\begin{equation}
\label{definition of the heat flux}
\dot{Q}(t) \equiv \left\langle \left(-\gamma v +\sqrt{2\gamma T} \xi(t)\right)\circ v\right\rangle,
\end{equation}
where $\circ$ represents the Stratonovich-type product.
Using Eqs.~(\ref{Langevin equation of x}) and (\ref{Langevin equation of v}),
we derive the heat flux $\dot{Q}(t)$ as follows:
\begin{equation}
\label{heat flux expressed by variables}
\dot{Q}(t)
= \frac{1}{2}\lambda(t)\dot{\sigma}_{x}(t)+\frac{1}{2}m\dot{\sigma}_{v}(t).
\end{equation}
Thus, we obtain the heat $Q$ flowing in this interval as
\begin{equation}
\label{heat expressed by variables}
\begin{split}
Q =& \int^{t_{f}}_{t_{i}}dt\ \left(\frac{1}{2}\lambda\dot{\sigma}_{x}\right)
+\int^{t_{f}}_{t_{i}}dt\ \left(\frac{1}{2}m\dot{\sigma}_{v}\right)\\
=& Q^{o} +\Delta K,
\end{split}
\end{equation}
where
\begin{align}
\label{heat derived from potential energy}
Q^{o} \equiv& \int^{t_{f}}_{t_{i}}dt\ \left(\frac{1}{2}\lambda\dot{\sigma}_{x}\right),\\
\label{difference of kinetic energy}
\Delta K \equiv& \frac{1}{2}m\sigma_{v}(t_{f}) - \frac{1}{2}m\sigma_{v}(t_{i}).
\end{align}
Here, $Q^{o}$ represents the heat related to the potential change, and $\Delta K$ is the difference between the initial and final (averaged) kinetic energies of the Brownian particle.
In the overdamped system~\cite{Schmiedl_2007},
$Q^{o}$ is regarded as the heat instead of $Q$ in Eq.~(\ref{heat expressed by variables}).
However, in the underdamped system under consideration,
the heat also includes the kinetic part $\Delta K$.
The output work during this interval is defined as follows:
\begin{equation}
\label{definition of work in isothermal process}
\begin{split}
W &\equiv
-\int^{t_{f}}_{t_{i}}dt \int^{\infty}_{-\infty} dx \int^{\infty}_{-\infty} dv\ p(x,v,t) \frac{\partial V(x,t)}{\partial t} \\
&= -\frac{1}{2}\int^{t_{f}}_{t_{i}}dt\ \dot{\lambda} \sigma_{x}\\
&= Q - \Delta E ,
\end{split}
\end{equation}
where we used Eqs.~(\ref{definition of internal energy})
and (\ref{heat expressed by variables}) for the derivation from the middle to the last equality,
and defined $\Delta E \equiv E(t_{f}) - E(t_{i})$.
The last equality in Eq.~(\ref{definition of work in isothermal process}) represents the first law of thermodynamics.
\subsection{Instantaneous adiabatic process}
\label{Instantaneous adiabatic process}
As an adiabatic process connecting the end of the isothermal process with temperature $T_{1}$ to the beginning of the next isothermal process with temperature $T_{2}$, we use instantaneous changes in the potential and heat bath at $t=t_{0}$, which we regard as the final time of the isothermal process with temperature $T_{1}$~\cite{Schmiedl_2007}.
In this process, the stiffness $\lambda(t)$ jumps from $\lambda_{1}$
to $\lambda_{2}$,
and we instantaneously switch the temperature of
the heat bath from $T_{1}$ to $T_{2}$, maintaining the probability distribution unchanged.
Because this process is instantaneous, no heat exchange occurs,
and the output work $W^{ad}_{1 \to 2}$ is equal to the negative value of the internal energy change $\Delta E^{ad}_{1 \to 2}$ due to the first law of thermodynamics as
\begin{equation}
\label{work of adiabatic}
W^{ad}_{1 \to 2}= -\Delta E^{ad}_{1 \to 2}
= -\frac{1}{2}(\lambda_{2} - \lambda_{1})\sigma_{x}(t_0).
\end{equation}
\section{Carnot cycle}
\label{Carnot cycle}
\begin{figure}[t]
\includegraphics[width=6.1cm]{schematic_illustration.pdf}
\caption{
Schematic illustration of the Brownian Carnot cycle.
In each box, the bottom horizontal line denotes the position coordinate $x$, and the boundary curve of the green filled area denotes the probability distribution of $x$. The red solid line corresponds to the harmonic potential.
This cycle is composed of
(i) hot isothermal process,
(ii) instantaneous adiabatic process,
(iii) cold isothermal process, and
(iv) instantaneous adiabatic process.
}
\label{fig:schematic illustration}
\end{figure}
We construct a Carnot cycle
operating between the two heat baths with the temperatures
$T_h$ and $T_c$ (see Fig.~\ref{fig:schematic illustration})
by combining the isothermal processes and the instantaneous adiabatic processes introduced in Sec.~\ref{model}.
First, we define a protocol of a finite-time Carnot cycle with stiffness $\lambda(t)$ as follows:
The hot isothermal process with temperature $T_{h}$ lasts for $0<t<t_{h}$, and
the stiffness $\lambda$ varies from $\lambda_{A}$ to $\lambda_{B}$
[Fig.~\ref{fig:schematic illustration}(i)].
In the following instantaneous adiabatic process,
we switch the stiffness from $\lambda_{B}$ to $\lambda_{C}$ and the temperature of the heat bath from $T_{h}$ to $T_{c}$ at $t=t_{h}$,
[Fig.~\ref{fig:schematic illustration}(ii)].
The cold isothermal process with temperature $T_{c}$ lasts for $t_{h}<t<t_{h}+t_{c}$,
and the stiffness $\lambda$ varies from $\lambda_{C}$ to $\lambda_{D}$
[Fig.~\ref{fig:schematic illustration}(iii)].
In the last instantaneous adiabatic process,
we switch the stiffness from $\lambda_{D}$ to $\lambda_{A}$
and the temperature of the heat bath from $T_{c}$ to $T_{h}$ at $t=t_{cyc}$, Fig.~\ref{fig:schematic illustration}(iv), where $t_{cyc}\equiv t_{h}+t_{c}$ is the cycle time, which is assumed nonzero.
The final state of the Brownian particle in the cold (hot) isothermal process should agree with the initial state in the hot (cold) isothermal process.
We assume that the stiffness $\lambda(t)$ can be expressed as follows:
\begin{equation}
\label{assumption of the protocol}
\lambda(t)=\Lambda(s) \hspace{3mm} \left(s \equiv \frac{t}{t_{cyc}}\right),
\end{equation}
using the scaling function
$\Lambda(s)$ $(0\le s\le 1)$.
Under this assumption, we can change the time scale of the protocol maintaining the protocol form unchanged, by selecting another value of $t_{cyc}$.
We also assume that $t_{h}/t_{cyc}$ and $t_{c}/t_{cyc}$ are finitely fixed for any value of $t_{cyc}$.
Furthermore, we assume that $\lambda(t_f)/\lambda(t_i)$ is finite at any time $t_i$ and $t_f$, where they are in the same isothermal process.
We use this assumption to show that the heat flux after the relaxation at the beginning of the isothermal processes is noninfinite in the Appendix.
Note that the word ``finite" may situationally be used considering two meanings, ``nonzero" (e.g., ``finite power") or ``noninfinite" (e.g., ``finite time").
In this paper, however, we refer to ``nonzero and noninfinite" by ``finite" except for the two examples above.
To consider the quasistatic Carnot cycle
corresponding to the above finite-time Carnot cycle,
we must consider the limit of $t_{cyc}\to \infty$
and use the stiffness $\lambda^{qs}(t)$
related to the finite-time stiffness through Eq.~(\ref{assumption of the protocol}).
Here, the index $qs$ of $X^{qs}$ denotes the physical quantity $X$ evaluated
in the quasistatic limit.
\subsection{Quasistatic Carnot cycle: Quasistatic efficiency}
\label{Quasistatic Carnot cycle}
We formulate the efficiency of the quasistatic Carnot cycle.
To this end, we need to quantify the heat leakage caused by the adiabatic process.
As the adiabatic processes are instantaneous, the initial distributions of the quasistatic isothermal processes do not agree
with the equilibrium distributions at the temperature of the heat bath.
Thus, a relaxation at the beginning of the isothermal processes exists, and in general, the relaxation is irreversible.
After the relaxation in the quasistatic isothermal process with temperature $T$,
the time derivative of the variables satisfies
\begin{equation}
\dot{\sigma}_{x}^{qs}(t) = 0,
\quad
\dot{\sigma}_{v}^{qs}(t) = 0,
\quad
\dot{\sigma}_{xv}^{qs}(t) = 0.
\end{equation}
Subsequently, from Eqs.~(\ref{equation of sigma_x})--(\ref{equation of sigma_xv}),
we obtain those values as follows:
\begin{equation}
\label{variable in the quasistatic limit}
\sigma_{x}^{qs}(t) = \frac{T}{\lambda^{qs}(t)},
\quad
\sigma_{v}^{qs}(t) = \frac{T}{m},
\quad
\sigma_{xv}^{qs}(t) = 0,
\end{equation}
and the distribution in Eq.~(\ref{Gaussian distribution}) in the quasistatic limit
agrees with the Boltzmann distribution
\begin{equation}
\label{Boltzmann distribution}
p^{qs}(x,v,t)=\sqrt{\frac{m\lambda^{qs}(t) }{4 \pi^{2} T^2}}
\exp \left\{ -\frac{\lambda^{qs}(t) x^2+m v^2}{2T}\right\}.
\end{equation}
After the relaxation in each quasistatic isothermal process,
the system is in equilibrium with the heat bath and satisfies Eq.~(\ref{variable in the quasistatic limit}).
Using Eqs.~(\ref{definition of entropy}) and (\ref{variable in the quasistatic limit}),
we derive the quasistatic entropy as follows:
\begin{align}
\label{entropy in the equilibrium}
S^{qs}(t)=& \frac{1}{2}\ln\sigma_x^{qs}(t)
+\frac{1}{2}\ln\sigma_v^{qs}(t)
+\ln(2\pi)+1\nonumber\\
=&\frac{1}{2}\ln\left(\frac{T}{\lambda(t)}\right)
+\frac{1}{2}\ln\left(\frac{T}{m}\right)
+\ln(2\pi)+1.
\end{align}
As mentioned above, the quasistatic isothermal processes are
composed of the relaxation part and the part after the relaxation.
Because the instantaneous adiabatic process [Fig.~\ref{fig:schematic illustration}(iv)] just before the quasistatic hot isothermal process [Fig.~\ref{fig:schematic illustration}(i)] does not change the probability distribution, the initial distribution agrees with the final distribution in the quasistatic cold isothermal process.
Thus, the variables $\sigma_{x}^{qs}$, $\sigma_{v}^{qs}$, and $\sigma_{xv}^{qs}$ begin the quasistatic hot isothermal process with the following values:
\begin{equation}
\label{equilibrium state D}
\sigma_{x}^{qs}=\frac{T_{c}}{\lambda_{D}^{qs}},
\quad
\sigma_{v}^{qs}=\frac{T_{c}}{m},
\quad
\sigma_{xv}^{qs}=0,
\end{equation}
where we used Eq.~(\ref{variable in the quasistatic limit}).
In the relaxation at the beginning of this process,
the stiffness almost remains $\lambda_{A}^{qs}$
[see Eq.~(\ref{stiffness in the relaxation}) in the Appendix],
and the variables relax to
\begin{equation}
\label{equilibrium state A}
\sigma_{x}^{qs}=\frac{T_{h}}{\lambda_{A}^{qs}},
\quad
\sigma_{v}^{qs}=\frac{T_{h}}{m},
\quad
\sigma_{xv}^{qs}=0,
\end{equation}
owing to Eq.~(\ref{variable in the quasistatic limit}).
From Eqs.~(\ref{equilibrium state D}) and (\ref{equilibrium state A}),
the kinetic energy is $m\sigma_{v}/2=T_c/2$ in the initial state and
changes to $T_h/2$ during the relaxation.
The kinetic energy remains $T_h/2$ after the relaxation
because the system is in equilibrium with the heat bath at temperature $T_{h}$ during the quasistatic hot isothermal process.
Thus, a change in the kinetic energy in Eq.~(\ref{difference of kinetic energy})
in the quasistatic hot isothermal process is given by
\begin{equation}
\label{Delta K qs h}
\Delta K_{h}^{qs}=\frac{\Delta T}{2},
\end{equation}
where $\Delta T \equiv T_{h}-T_{c}$.
We can also derive the heat related to
the potential change during the relaxation
$Q^{rel,o,qs}_{h}$ as follows.
As the stiffness remains $\lambda_{A}^{qs}$ during
the relaxation,
$Q^{rel,o,qs}_{h}$ is derived as
\begin{align}
\label{heat rel o qs h}
Q^{rel,o,qs}_{h}
=&\int^{T_{h}/\lambda_{A}^{qs}}_{T_{c}/\lambda_{D}^{qs}}
\frac{1}{2}\lambda_{A}^{qs}d\sigma_{x}\nonumber\\
=& \frac{1}{2}\lambda^{qs}_{A}
\left( \frac{T_{h}}{\lambda^{qs}_{A}}-\frac{T_{c}}{\lambda^{qs}_{D}}\right),
\end{align}
using Eq.~(\ref{heat derived from potential energy}).
The entropy change of the Brownian particle in this relaxation is given by
\begin{equation}
\label{the entropy production in the quasistatic hot isothermal process}
\Delta S_h^{rel,qs}\equiv\frac{1}{2}\ln\left(\frac{T_{h}}{\lambda_{A}^{qs}}\frac{\lambda_{D}^{qs}}{T_c}\right)+\frac{1}{2}\ln\left(\frac{T_{h}}{T_c}\right),
\end{equation}
where we used Eqs.~(\ref{entropy in the equilibrium})--(\ref{equilibrium state A}).
After the relaxation in the quasistatic hot isothermal process, the probability distribution maintains
the Boltzmann distribution in Eq.~(\ref{Boltzmann distribution}) with $T=T_h$,
and $\sigma_v$ does not change.
Therefore, the final state of the process should satisfy
\begin{equation}
\label{equilibrium state B}
\sigma_{x}^{qs}=\frac{T_{h}}{\lambda_{B}^{qs}}
\quad
\sigma_{v}^{qs}=\frac{T_{h}}{m},
\quad
\sigma_{xv}^{qs}=0,
\end{equation}
where we used Eq.~(\ref{variable in the quasistatic limit}).
Because the second term on the right-hand side of Eq.~(\ref{entropy in the equilibrium}) does not change in the quasistatic hot isothermal process, we derive the entropy change $\Delta S_{h}^{iso,qs}$
after the relaxation in this process as follows:
\begin{equation}
\label{the entropy change in the quasistatic hot isothermal process}
\Delta S_{h}^{iso,qs} \equiv \frac{1}{2}\ln
\left( \frac{\lambda_{A}^{qs}}{\lambda_{B}^{qs}}\right).
\end{equation}
Note that the quantities with the index ``$iso$" do not include the contribution from the relaxation.
Thus, the heat supplied to the Brownian particle after the relaxation
in this process is given by
\begin{equation}
\begin{split}
\label{heat in the quasistatic hot isothermal process after the relaxation}
T_{h}\Delta S_{h}^{iso,qs}
=& \frac{T_{h}}{2}\ln \left(
\frac{\lambda_{A}^{qs}}{\lambda_{B}^{qs}}
\right).
\end{split}
\end{equation}
The heat related to the potential change in the quasistatic hot isothermal process is
\begin{eqnarray}
\label{Q o qs h}
Q^{o,qs}_{h}=T_{h}\Delta S_{h}^{iso,qs}+Q^{rel,o,qs}_{h}.
\end{eqnarray}
Therefore, by using Eq.~(\ref{Delta K qs h}), the heat flowing
in the quasistatic hot isothermal process is given by
\begin{align}
\label{heat in the quasistatic hot isothermal process}
Q_{h}^{qs} = &Q^{o,qs}_{h}+ \Delta K_{h}^{qs} \nonumber\\
=&T_{h}\Delta S_{h}^{iso,qs} + Q^{rel,o,qs}_{h}+ \frac{1}{2}\Delta T, \\
=&T_{h}\Delta S_{h}^{iso,qs} + Q^{rel,qs}_{h},\nonumber
\end{align}
where $Q^{rel,qs}_{h}$ denotes the heat flowing during the relaxation at the beginning of this process, as
\begin{equation}
\label{heat rel qs h}
Q^{rel,qs}_{h} \equiv Q^{rel,o,qs}_{h}+\frac{1}{2}\Delta T.
\end{equation}
From Eq.~(\ref{definition of work in isothermal process}), the work in this process is given by
\begin{equation}
\label{quasistatic work in the hot isothermal process}
W^{qs}_{h}=Q_{h}^{qs}-\Delta E^{qs}_{h},
\end{equation}
where $\Delta E^{qs}_{h}$ represents the internal energy change in this process.
After the instantaneous adiabatic process [Fig.~\ref{fig:schematic illustration}(ii)], the quasistatic cold isothermal process [Fig.~\ref{fig:schematic illustration}(iii)] begins with the variables in Eq.~(\ref{equilibrium state B}), and the variables relax to
\begin{equation}
\label{equilibrium state C}
\sigma_{x}^{qs}=\frac{T_{c}}{\lambda_{C}^{qs}}
\quad
\sigma_{v}^{qs}=\frac{T_{c}}{m},
\quad
\sigma_{xv}^{qs}=0,
\end{equation}
where we used Eq.~(\ref{variable in the quasistatic limit}).
Similar to the quasistatic hot isothermal process, the change in the kinetic energy in Eq.~(\ref{difference of kinetic energy}) satisfies
\begin{equation}
\label{Delta K qs c}
\Delta K_c^{qs}=-\frac{\Delta T}{2}.
\end{equation}
We also define the heat related to the potential change during the relaxation in the quasistatic cold isothermal process as
\begin{equation}
\label{heat rel o qs c}
Q^{rel,o,qs}_{c}\equiv \frac{1}{2}\lambda^{qs}_{C}\left( \frac{T_{c}}{\lambda^{qs}_{C}}-\frac{T_{h}}{\lambda^{qs}_{B}}\right).
\end{equation}
Then, the flowing heat and the entropy change of the particle during this relaxation are given by
\begin{align}
\label{heat rel qs c}
Q^{rel,qs}_{c} \equiv&
\frac{1}{2}\lambda^{qs}_{C}\left( \frac{T_{c}}{\lambda^{qs}_{C}}-\frac{T_{h}}{\lambda^{qs}_{B}}\right)
-\frac{1}{2}\Delta T,\\
\label{the entropy production in the quasistatic cold isothermal process}
\Delta S_c^{rel,qs}\equiv&\frac{1}{2}\ln\left(\frac{T_{c}}{\lambda_{C}^{qs}}\frac{\lambda_{B}^{qs}}{T_{h}}\right)+\frac{1}{2}\ln\left(\frac{T_{c}}{T_{h}}\right),
\end{align}
similarly to Eqs.~(\ref{the entropy production in the quasistatic hot isothermal process}) and (\ref{heat rel qs h}), where we used Eqs.~(\ref{heat derived from potential energy}),
(\ref{entropy in the equilibrium}),
(\ref{equilibrium state B}), and (\ref{equilibrium state C})--(\ref{heat rel o qs c}).
After the relaxation, the variables change to the state in Eq.~(\ref{equilibrium state D}).
Then, the entropy change after the relaxation in the quasistatic cold isothermal process is given by
\begin{equation}
\label{the entropy change in the quasistatic cold isothermal process}
\Delta S^{iso,qs}_{c}\equiv \frac{1}{2}\ln\left(\frac{\lambda^{qs}_{C}}{\lambda^{qs}_{D}}\right).
\end{equation}
The heat related to the potential change in the quasistatic cold isothermal process is
\begin{eqnarray}
\label{Q o qs c}
Q^{o,qs}_{c}=T_{c}\Delta S_{c}^{iso,qs}+Q^{rel,o,qs}_{h},
\end{eqnarray}
where we used Eqs.~(\ref{heat rel o qs c}) and (\ref{the entropy change in the quasistatic cold isothermal process}).
Thus, the heat flowing in the quasistatic cold isothermal process is given by
\begin{align}
\label{heat in the quasistatic cold isothermal process}
Q_{c}^{qs} = &Q^{o,qs}_{c}+ \Delta K_{c}^{qs}\nonumber\\
=&T_{c}\Delta S_{c}^{iso,qs} + Q^{rel,qs}_{c},
\end{align}
where we used Eqs.~(\ref{Delta K qs c})--(\ref{Q o qs c}).
From Eq.~(\ref{definition of work in isothermal process}), the work in this process is given by
\begin{equation}
\label{quasistatic work in the cold isothermal process}
W^{qs}_{c}=Q_{c}^{qs}-\Delta E^{qs}_{c},
\end{equation}
where $\Delta E^{qs}_{c}$ is the internal energy change in this process.
After the quasistatic cold isothermal process [Fig.~\ref{fig:schematic illustration}(iii)], the system proceeds to the
instantaneous adiabatic process [Fig.~\ref{fig:schematic illustration}(iv)] and returns to
the initial state of the quasistatic hot isothermal process.
Subsequently, we consider the efficiency of the quasistatic Carnot cycle.
As the cycle closes, the entropy change in the particle per cycle vanishes as
\begin{equation}
\label{total entropy change of quasistatic Carnot cycle}
\Delta S_h^{rel,qs}+\Delta S_h^{iso,qs}+\Delta S_c^{rel,qs}+\Delta S_c^{iso,qs}=0,
\end{equation}
where we used Eqs.~(\ref{the entropy production in the quasistatic hot isothermal process}),
(\ref{the entropy change in the quasistatic hot isothermal process}),
(\ref{the entropy production in the quasistatic cold isothermal process}), and
(\ref{the entropy change in the quasistatic cold isothermal process}).
Because the internal energy change in the particle per cycle vanishes, we derive the work per cycle from the first law of thermodynamics as
\begin{equation}
\label{quasistatic work}
\begin{split}
W^{qs}
=&Q_{h}^{qs}+Q_{c}^{qs},
\end{split}
\end{equation}
using Eqs.~(\ref{quasistatic work in the hot isothermal process}) and
(\ref{quasistatic work in the cold isothermal process}).
In our quasistatic cycle, the entropy production per cycle $\Sigma^{qs}$, by which we imply the total entropy production per cycle including the particle and heat baths, is obtained as follows:
\begin{equation}
\label{entropy production in quasistatic cycle}
\Sigma^{qs}\equiv -\frac{Q_h^{qs}}{T_h}-\frac{Q_c^{qs}}{T_c}.
\end{equation}
Because an entropy change in the particle per cycle vanishes, as seen from Eq.~(\ref{total entropy change of quasistatic Carnot cycle}), the entropy production per cycle $\Sigma^{qs}$ is expressed only by the entropy change of the heat baths.
Using Eqs.~(\ref{heat in the quasistatic hot isothermal process}), (\ref{quasistatic work}), and (\ref{entropy production in quasistatic cycle}), we can derive the quasistatic efficiency as
\begin{equation}
\label{quasistatic efficiency}
\eta^{qs}\equiv \frac{W^{qs}}{Q^{qs}_{h}}=\eta_C - \frac{T_c\Sigma^{qs}}{Q_h^{qs}}.
\end{equation}
From Eq.~(\ref{quasistatic efficiency}), $\Sigma^{qs}$ should vanish to obtain $\eta_C$.
Using Eqs.~(\ref{heat in the quasistatic hot isothermal process}), (\ref{heat in the quasistatic cold isothermal process}), and (\ref{total entropy change of quasistatic Carnot cycle}), we can rewrite $\Sigma^{qs}$ in Eq.~(\ref{entropy production in quasistatic cycle}) as
\begin{align}
\label{Sigma qs with lambda}
\Sigma^{qs}=&
-\frac{T_h\Delta S^{iso,qs}_h+Q^{rel,qs}_h}{T_h}-\frac{T_c\Delta S^{iso,qs}_c+Q^{rel,qs}_c}{T_c}\nonumber\\
=&\Delta S^{rel,qs}_h-\frac{Q^{rel,qs}_h}{T_h}+\Delta S^{rel,qs}_c-\frac{Q^{rel,qs}_c}{T_c}\nonumber\\
=&\frac{1}{2}\left(-\ln\left(\frac{T_c\lambda_{A}^{qs}}{T_h\lambda_{D}^{qs}}\right)+\frac{T_c\lambda^{qs}_{A}}{T_h\lambda^{qs}_{D}}-1\right)\\
&+\frac{1}{2}\left(-\ln\left(\frac{T_h\lambda_{C}^{qs}}{T_c\lambda_{B}^{qs}}\right)
+\frac{T_h\lambda^{qs}_{C}}{T_c\lambda^{qs}_{B}}-1\right)+\frac{(\Delta T)^2}{2T_hT_c},\nonumber
\end{align}
where we used Eqs.~(\ref{the entropy production in the quasistatic hot isothermal process}), (\ref{heat rel qs h}), (\ref{heat rel qs c}), and (\ref{the entropy production in the quasistatic cold isothermal process}) at the last equality.
The first and second terms on the right-hand side of Eq.~(\ref{Sigma qs with lambda}), derived from $Q^{rel,o,qs}_{h,c}$ in Eqs.~(\ref{heat rel o qs h}) and (\ref{heat rel o qs c}) and the first term of $\Delta S^{rel,qs}_{h,c}$ in Eqs.~(\ref{the entropy production in the quasistatic hot isothermal process}) and (\ref{the entropy production in the quasistatic cold isothermal process}), denote the entropy production related to the potential energy in the relaxation in the hot and cold isothermal processes, respectively.
The last term of Eq.~(\ref{Sigma qs with lambda}) comes from the heat related to the kinetic energy.
To achieve the Carnot efficiency, the entropy production should vanish, as shown in Eq.~(\ref{quasistatic efficiency}).
In the overdamped Brownian Carnot cycle with the instantaneous adiabatic process in previous studies~\cite{Schmiedl_2007,PhysRevE.96.062107,PhysRevLett.121.120601}, the Carnot efficiency is obtained in the quasistatic limit.
In the overdamped cycle, $(\Delta T)^2/(2T_hT_c)$ in Eq.~(\ref{Sigma qs with lambda}) does not exist because $\sigma_v$ is not considered.
Thus, the entropy production in the overdamped cycle is given by
\begin{equation}
\Sigma^{o,qs} \equiv f\left(\frac{T_c\lambda^{qs}_{A}}{T_h\lambda^{qs}_{D}}\right)+f\left(\frac{T_h\lambda^{qs}_{C}}{T_c\lambda^{qs}_{B}}\right),
\end{equation}
where $f$ is defined as
\begin{equation}
f(u)\equiv -\ln u+u-1,
\end{equation}
where $f(u)$ is a downwardly convex function with the minimum value of $f(1)=0$.
Thus, for the entropy production $\Sigma^{o,qs}$ to vanish, the following condition is derived:
\begin{equation}
\label{condition of the adiabatic process to achieve the Carnot efficiency}
\frac{T_{h}}{\lambda^{qs}_{A}}=\frac{T_{c}}{\lambda^{qs}_{D}},\hspace{5mm}
\frac{T_{h}}{\lambda^{qs}_{B}}=\frac{T_{c}}{\lambda^{qs}_{C}}.
\end{equation}
This condition was adopted in the previous studies on the overdamped Brownian Carnot cycle ~\cite{Schmiedl_2007,PhysRevE.96.062107,PhysRevLett.121.120601} in the quasistatic limit.
We impose this condition on our underdamped cycle to reduce entropy production.
Then, we obtain
\begin{equation}
\Delta S^{rel,qs}_h+\Delta S^{rel,qs}_c=0,
\end{equation}
using Eqs.~(\ref{the entropy production in the quasistatic hot isothermal process}) and
(\ref{the entropy production in the quasistatic cold isothermal process}).
Thus, from Eq.~(\ref{total entropy change of quasistatic Carnot cycle}),
we derive
\begin{equation}
\label{definition of entropy change}
\Delta S^{iso,qs}_{h} = -\Delta S^{iso,qs}_{c} \equiv \Delta S^{qs}.
\end{equation}
In addition, because $Q^{rel,o,qs}_h$ in Eq.~(\ref{heat rel o qs h}) and $Q^{rel,o,qs}_c$ in (\ref{heat rel o qs c}) vanish, we obtain
\begin{align}
\label{heat with closed condition_1}
&Q_h^{o,qs}=T_h\Delta S^{qs},
\quad
Q_c^{o,qs}=-T_c\Delta S^{qs},\\
&Q_h^{rel,qs}=-Q_c^{rel,qs}=\frac{1}{2}\Delta T,
\end{align}
using Eqs.~(\ref{Q o qs h}), (\ref{heat rel qs h}), (\ref{heat rel qs c}), and (\ref{Q o qs c}).
The heat in Eqs.~(\ref{heat in the quasistatic hot isothermal process}) and
(\ref{heat in the quasistatic cold isothermal process}) can also be rewritten as follows:
\begin{equation}
\label{heat with closed condition_2}
Q_h^{qs}=T_h\Delta S^{qs} +\frac{1}{2}\Delta T,
\quad
Q_c^{qs}=-T_c\Delta S^{qs} -\frac{1}{2}\Delta T.
\end{equation}
Using Eqs.~(\ref{quasistatic work}) and (\ref{heat with closed condition_2}),
We can rewrite the work in Eq.~(\ref{quasistatic work}) and the efficiency in Eq.~(\ref{quasistatic efficiency}) as follows:
\begin{align}
\label{quasistatic work with adiabatic condition}
W^{qs}
=&\Delta T\Delta S^{qs},\\
\label{quasistatic efficiency under the adiabatic condition}
\eta^{qs}\equiv& \frac{W^{qs}}{Q^{qs}_{h}}
= \frac{\Delta T\Delta S^{qs}}{T_{h}\Delta S^{qs} +\frac{1}{2}\Delta T}<\eta_{C}.
\end{align}
Despite considering the quasistatic limit of our Carnot cycle,
however, the quasistatic efficiency $\eta^{qs}$ is smaller than
the Carnot efficiency because of the heat leakage $\Delta T/2$ in the denominator in Eq.~(\ref{quasistatic efficiency under the adiabatic condition}),
which is derived from a kinetic energy change in the particle due to the relaxation.
Here, we consider the small temperature-difference regime $\Delta T\to 0$ and
assume that $\Delta S^{qs} = O(1) >0$.
Then, we obtain $\Delta T \Delta S^{qs} = O(\Delta T)$.
As the contribution of the heat leakage to $\eta^{qs}$
in Eq.~(\ref{quasistatic efficiency under the adiabatic condition}) can be of a higher order of $\Delta T$
in the small temperature-difference regime,
$\eta^{qs}$ is approximated by the Carnot efficiency as
\begin{equation}
\label{efficiency in the small temperature difference}
\eta^{qs}= \frac{\Delta T\Delta S^{qs}}{T_{h}\Delta S^{qs}}+O[(\Delta T)^2]
=\eta_{C}+O[(\Delta T)^2].
\end{equation}
\subsection{Finite-time Carnot cycle: Efficiency and power}
\label{finite-time Carnot cycle}
In the following, we formulate the efficiency and power of the finite-time Carnot cycle.
We assume that Eq.~(\ref{condition of the adiabatic process to achieve the Carnot efficiency}) is satisfied in the quasistatic limit of this cycle.
When we use the protocol in Eq.~(\ref{assumption of the protocol}), we obtain
\begin{equation}
\label{edges of the protocol}
\lambda_{i}^{qs}=\lambda_{i}\hspace{3mm}(i=A,B,C,D),
\end{equation}
and we can remove the index ``$qs$" in Eq.~(\ref{condition of the adiabatic process to achieve the Carnot efficiency}).
In general, finite-time processes are irreversible, and the work and heat of the finite-time isothermal processes are different from those of quasistatic processes.
Thus, we express the work and heat in our finite-time cycle by using those in the quasistatic limit and the differences between the finite-time and quasistatic quantities.
Below, we mainly consider the finite-time Carnot cycle.
Thus, when we deal with a finite-time isothermal process or a finite-time cycle, we simply refer to them as an isothermal process or a cycle, respectively.
Using Eq.~(\ref{edges of the protocol}), we can rewrite the entropy changes in Eqs.~(\ref{the entropy change in the quasistatic hot isothermal process}) and (\ref{the entropy change in the quasistatic cold isothermal process}) in terms of the stiffness $\lambda(t)$ as
\begin{align}
\label{quasistatic and finite-time entropy change in the hot isothermal process}
\Delta S^{iso,qs}_{h}=&\frac{1}{2}\ln\left(\frac{\lambda_{A}^{qs}}{\lambda_{B}^{qs}}\right)
=\frac{1}{2}\ln\left(\frac{\lambda_{A}}{\lambda_{B}}\right)
=\Delta S^{qs},\\
\label{quasistatic and finite-time entropy change in the cold isothermal process}
\Delta S^{iso,qs}_{c}=&\frac{1}{2}\ln\left(\frac{\lambda_{C}^{qs}}{\lambda_{D}^{qs}}\right)
=\frac{1}{2}\ln\left(\frac{\lambda_{C}}{\lambda_{D}}\right)
=-\Delta S^{qs}.
\end{align}
From Eq.~(\ref{heat expressed by variables}),
we derive the heat flowing from the hot heat bath to
the Brownian particle in the hot isothermal process as
\begin{equation}
\label{supplied heat in the hot isothermal process}
Q_{h} = Q^{o}_{h} +\Delta K_{h} ,
\end{equation}
where
\begin{equation}
\label{heat derived from the potential energy in the hot isothermal process}
\begin{split}
&Q^{o}_{h} = \frac{1}{2}\int^{t_{h}}_{0} dt\ \lambda\dot{\sigma}_{x},\\
&\Delta K_{h}=\frac{1}{2}m \sigma_{v}(t_{h})-\frac{1}{2}m\sigma_{v}(0).
\end{split}
\end{equation}
Note that $Q^{o}_{h}$ and $\Delta K_h$ become $Q^{o,qs}_{h}=T_h\Delta S^{qs}$ in Eq.~(\ref{heat with closed condition_1}) and $\Delta K^{qs}_h=\Delta T/2$ in Eq.~(\ref{Delta K qs h}), respectively, under the condition of Eq.~(\ref{condition of the adiabatic process to achieve the Carnot efficiency}) in the quasistatic limit, as discussed in Sec.~\ref{Quasistatic Carnot cycle}.
Moreover, we find that $Q_h^o$ and $\Delta K_h$ differ from $T_h\Delta S^{qs}$ and $\Delta T/2$ because the process is not quasistatic.
Here, we define the irreversible work $W^{irr}_{h}$ to measure the difference between $Q_{h}^{o}$ and $T_{h}\Delta S^{qs}$ as
\begin{equation}
\label{irreversible work in the hot isothermal process}
\begin{split}
W_{h}^{irr}
\equiv &T_{h}\Delta S^{qs} - Q_{h}^{o}.
\end{split}
\end{equation}
Then, the heat in the hot isothermal process in Eq.~(\ref{supplied heat in the hot isothermal process}) can be rewritten as follows:
\begin{equation}
\label{the heat in the hot isothermal process}
\begin{split}
Q_{h} =& T_{h}\Delta S^{qs} - W_{h}^{irr} +\Delta K_{h},
\end{split}
\end{equation}
using Eqs.~(\ref{supplied heat in the hot isothermal process})
and (\ref{irreversible work in the hot isothermal process}).
Moreover, using Eqs.~(\ref{definition of work in isothermal process})
and (\ref{the heat in the hot isothermal process}),
we obtain the output work in the hot isothermal process as
\begin{equation}
\label{work in hot isothermal process}
W_{h}
= T_{h}\Delta S^{qs} - W_{h}^{irr} + \Delta K_{h} - \Delta E_{h},
\end{equation}
where $\Delta E_{h}$
represents the internal energy change in this process.
The reason that we call $W^{irr}_{h}$ the irreversible work will be clarified later
when we consider the output work per cycle.
The heat in Eq.~(\ref{heat expressed by variables}) in the cold isothermal process is given by
\begin{equation}
\label{supplied heat in the cold isothermal process}
Q_{c} = Q^{o}_{c} +\Delta K_{c} ,
\end{equation}
where
\begin{align}
\label{heat derived from the potential energy in the cold isothermal process}
Q^{o}_{c} =& \frac{1}{2}\int^{t_{cyc}}_{t_{h}} dt\ \lambda\dot{\sigma}_{x},\\
\Delta K_{c}=&\frac{1}{2}m\sigma_{v}(t_{cyc})-\frac{1}{2}m\sigma_{v}(t_{h})=-\Delta K_{h}.
\label{kinetic energy change in the cold isothermal process}
\end{align}
Similar to $Q_{h}^{o}$ and $\Delta K_h$, $Q^{o}_{c}$ becomes $-T_c\Delta S^{qs}$ and $\Delta K_c$ becomes $-\Delta T/2$ under the condition of Eq.~(\ref{condition of the adiabatic process to achieve the Carnot efficiency}) in the quasistatic limit.
In the same way as the hot isothermal process,
we can define the irreversible work $W^{irr}_{c}$ in this process
and rewrite the heat
in Eq.~(\ref{supplied heat in the cold isothermal process}) as follows:
\begin{align}
\label{irreversible work in the cold isothermal process}
W_{c}^{irr}
\equiv& -T_{c}\Delta S^{qs} -Q_{c}^{o},\\
\label{the heat in the cold isothermal process}
Q_{c} =& -T_{c}\Delta S^{qs} - W_{c}^{irr} + \Delta K_{c}.
\end{align}
Using Eqs.~(\ref{definition of work in isothermal process})
and (\ref{the heat in the cold isothermal process}),
we derive the output work in the cold isothermal process as
\begin{equation}
\label{work in the cold isothermal process}
W_{c} = -T_{c}\Delta S^{qs} - W_{c}^{irr} + \Delta K_{c} - \Delta E_{c},
\end{equation}
where $\Delta E_{c}$
represents the internal energy change in this process.
As the cycle closes, the internal energy change per cycle in the particle vanishes.
From the first law of thermodynamics, we derive the output work per cycle as
\begin{equation}
\label{output work per cycle}
\begin{split}
W
=& Q_{h} + Q_{c}\\
=&\Delta T\Delta S^{qs} -W^{irr}_{h}-W^{irr}_{c},
\end{split}
\end{equation}
using Eqs.~(\ref{work in hot isothermal process}),
(\ref{kinetic energy change in the cold isothermal process}), and
(\ref{work in the cold isothermal process}).
As mentioned above, the irreversible works arise from the irreversibility
of the isothermal processes.
If the irreversible works in Eq.~(\ref{output work per cycle}) vanish,
the work will be the same as $W^{qs}$ in Eq.~(\ref{quasistatic work with adiabatic condition}).
Thus, we call $W^{irr}_{h,c}$ the irreversible works as
the difference between $W$ in Eq.~(\ref{output work per cycle}) and $W^{qs}$.
Using Eqs.~(\ref{the heat in the hot isothermal process})
and (\ref{output work per cycle}), we obtain the efficiency $\eta$ and power $P$ of the Carnot cycle as follows:
\begin{align}
\label{efficiency}
\eta \equiv \frac{W}{Q_{h}} =\frac{\Delta T \Delta S^{qs}
-W^{irr}_{h}-W^{irr}_{c}}
{T_{h}\Delta S^{qs} -W^{irr}_{h} + \Delta K_{h}},\\
\label{power}
P\equiv \frac{W}{t_{cyc}} = \frac{\Delta T\Delta S^{qs}
-W^{irr}_{h}-W^{irr}_{c}}{t_{cyc}}.
\end{align}
\subsection{Small relaxation-times regime}
We consider the Carnot cycle in the regime where the relaxation times $\tau_{v}$ and $\tau_{x}(t)$ $(0\leq t\leq t_{cyc})$ are sufficiently small, which is of our main interest.
From Eq.~(\ref{sigma_x with small relaxation times}) in the Appendix,
the kinetic energy in this regime is approximated by
\begin{align}
\frac{1}{2}m\sigma_{v}(0) =& \frac{1}{2}m\sigma_{v}(t_{cyc}) \simeq \frac{1}{2}T_{c},\\
\frac{1}{2}m\sigma_{v}(t_{h}) \simeq& \frac{1}{2}T_{h}.
\end{align}
Thus, the kinetic energy change in the isothermal processes is given by
\begin{equation}
\label{kinetic energy change in small relaxation times limit}
\begin{split}
\Delta K_{h}=-\Delta K_{c}
\simeq& \frac{\Delta T}{2},
\end{split}
\end{equation}
similarly to the quasistatic case,
where we used Eq.~(\ref{kinetic energy change in the cold isothermal process}).
From Eqs.~(\ref{the heat in the hot isothermal process}),
(\ref{the heat in the cold isothermal process}), and
(\ref{kinetic energy change in small relaxation times limit}),
the heat in the isothermal processes can be evaluated as follows:
\begin{equation}
\label{supplied heat in the hot isothermal process 2}
Q_{h} \simeq T_{h}\Delta S^{qs} -W^{irr}_{h} + \frac{\Delta T}{2} ,
\end{equation}
\begin{equation}
\label{supplied heat in the cold isothermal process 2}
Q_{c} \simeq - T_{c}\Delta S^{qs} -W^{irr}_{c}-\frac{\Delta T}{2} .
\end{equation}
From Eq.~(\ref{efficiency}),
the efficiency in the small relaxation-times regime is given by
\begin{equation}
\label{efficiency 2}
\eta \simeq\frac{\Delta T \Delta S^{qs}
-W^{irr}_{h}-W^{irr}_{c}}
{T_{h}\Delta S^{qs} -W^{irr}_{h} + \frac{\Delta T}{2}}.
\end{equation}
Holubec and Ryabov pointed out the possibility of obtaining Carnot efficiency in a general class of finite-power Carnot cycle in the vanishing limit of the relaxation times~\cite{PhysRevE.96.062107,PhysRevLett.121.120601}.
In our underdamped Brownian Carnot cycle, we have to consider the heat leakage [$\Delta T/2$ in the denominator in Eq.~(\ref{efficiency 2})] because the kinetic energy cannot be neglected.
Thus, it may be impossible to achieve the Carnot efficiency in our finite-power Carnot cycle.
Nevertheless, if $W_h^{\rm irr}$ and $W_c^{\rm irr}$ vanish in the vanishing limit of the relaxation times, the efficiency will reach the quasistatic efficiency in Eq.~(\ref{quasistatic efficiency under the adiabatic condition}), and we can achieve the Carnot efficiency as seen from Eq.~(\ref{efficiency in the small temperature difference}) in the small temperature-difference regime.
Subsequently, we study how the efficiency and power
depend on the relaxation times and temperature difference
in Sec.~\ref{numerical simulation}.
\section{Numerical simulations}
\label{numerical simulation}
In this section, we show the results of efficiency
and power obtained through the numerical
simulations of the proposed Brownian Carnot cycle
as varying the relaxation times and temperature difference.
In these simulations, we solved
Eqs.~(\ref{equation of sigma_x})--(\ref{equation of sigma_xv})
numerically by using the fourth-order Runge-Kutta method.
The specific protocol $\lambda(t)$ for our simulations
is given by
\begin{equation}
\label{optimized protocol in the overdamped regime}
\lambda(t)=\left\{
\begin{split}
&\frac{T_h}{\sigma_a(1+b_{1}\frac{t}{t_{h}})^2}
\hspace{3mm} (0\leq t\leq t_{h})\\
&\frac{T_c}{\sigma_b(1+b_{2}\frac{t-t_{h}}{t_{c}})^2}
\hspace{2mm}(t_{h}\leq t\leq t_{cyc}),
\end{split}
\right.
\end{equation}
where $\sigma_{a}$ and $\sigma_{b}$ ($>\sigma_{a}$) are positive constants,
and we defined $b_{1} \equiv \sqrt{\sigma_{b}/\sigma_{a}}-1$ and
$b_{2}\equiv \sqrt{\sigma_{a}/\sigma_{b}}-1$.
This protocol is inspired by the optimal protocol
in the overdamped Brownian Carnot cycle~\cite{Schmiedl_2007,PhysRevE.96.062107}
and satisfies Eq.~(\ref{condition of the adiabatic process to achieve the Carnot efficiency}) assigned to the protocol.
This protocol also satisfies
the scaling condition in Eq.~(\ref{assumption of the protocol}).
For all the simulations,
we fixed $\sigma_{b}/\sigma_{a} = 2.0$, $T_{c} = 1.0$, $t_{h}=t_{c}=1.0$,
and $\gamma = 1.0$
and varied the temperature difference $\Delta T$, or equivalently, the temperature $T_{h}$.
We calculated the heat in Eqs.~(\ref{supplied heat in the hot isothermal process}) and (\ref{supplied heat in the cold isothermal process}) and the work $W=Q_h+Q_c$ in Eq.~(\ref{output work per cycle}) from the solution of Eqs.~(\ref{equation of sigma_x})--(\ref{equation of sigma_xv}).
Using the heat and work,
we also numerically calculated the efficiency $\eta=W/Q_h$ using Eq.~(\ref{efficiency})
and power $P=W/t_{cyc}$ using Eq.~(\ref{power}).
Before starting to measure the thermodynamic quantities,
we waited until the system settled down to a steady cycle. Moreover, when we take the limit $m\to 0$,
the relaxation time of velocity $\tau_{v}=m/\gamma$ vanishes.
By a simple calculation from
Eqs.~(\ref{relaxation time of x}) and (\ref{optimized protocol in the overdamped regime}), we find that $\tau_{x}$ satisfies
\begin{equation}
\frac{\gamma\sigma_{a}}{T_{h}}\leq \tau_{x}(t)\leq \frac{\gamma\sigma_{b}}{T_{c}}.
\end{equation}
Thus, the smaller $\sigma_{a}$ and $\sigma_{b}$ are,
the smaller $\tau_{x}$ is.
When we take the limit $\sigma_{a},\sigma_{b} \to 0$
while maintaining $\sigma_{b}/\sigma_{a}$ finite, $\tau_{x}(t)$ vanishes and $\lambda(t)=\gamma/\tau_x(t)$ from Eq.~(\ref{relaxation time of x}) diverges.
Because $\tau_x(0)\propto \sigma_a$ and $\tau_v\propto m$ are satisfied, we varied the mass $m$ and the parameter $\sigma_{a}$ to vary the relaxation times.
Note that in the numerical simulations, we selected a time step smaller than the relaxation times.
Specifically, we set the time step as $\min(m,\sigma_a)\times 10^{-2}$ because of $\tau_x(0)\propto \sigma_a$ and $\tau_v\propto m$.
To evaluate the efficiency in Eq.~(\ref{efficiency}) obtained numerically,
we compared it with the quasistatic efficiency $\eta^{qs}$ in Eq.~(\ref{quasistatic efficiency under the adiabatic condition}).
Because $\eta_C$ in Eq.~(\ref{Carnot efficiency}) is proportional to $\Delta T$, the ratio of $\eta^{qs}$ in Eq.~(\ref{efficiency in the small temperature difference}) to $\eta_C$ in the small temperature-difference regime satisfies
\begin{equation}
\label{ratio of the quasistatic efficiency to the Carnot one}
\frac{\eta^{qs}}{\eta_C}=1-O(\Delta T).
\end{equation}
\begin{figure}[t]
\includegraphics[width=6.2cm]{ratio_efficiency_mass0001.pdf}
\includegraphics[width=6.2cm]{ratio_efficiency_mass0000001.pdf}
\caption{
The ratio of the efficiency in Eq.~(\ref{efficiency}) to the
Carnot efficiency in our cycle
with the protocol in Eq.~(\ref{optimized protocol in the overdamped regime}) when $\tau_{x}$ varies
at (a) $\tau_{v}=10^{-3}$ and (b) $\tau_{v}=10^{-6}$.
Because the parameter $\sigma_{a}$ is proportional to $\tau_{x}(0)$ in the protocol in Eq.~(\ref{optimized protocol in the overdamped regime}), we vary $\sigma_{a}$ to make $\tau_x$ small.
Similarly, we vary the mass $m$ because it is proportional to $\tau_v$.
In these simulations, we set $\sigma_{a}=10^{-2}$ (purple plus),
$\sigma_{a}=10^{-4}$ (green square),
and $\sigma_{a}=10^{-6}$ (orange triangle).
The red solid line corresponds to the ratio of $\eta^{qs}$
in Eq.~(\ref{quasistatic efficiency under the adiabatic condition})
to the Carnot efficiency.
The efficiency appears to approach the Carnot efficiency in the vanishing limit
of $\sigma_{a}$ (or $\tau_{x}$), $m$ (or $\tau_{v}$), and $\Delta T$.
}
\label{fig:efficiency}
\end{figure}
\begin{figure}[t]
\vspace{-2mm}
\includegraphics[width=6.3cm]{ratio_pow_mass0001.pdf}
\includegraphics[width=6.3cm]{ratio_pow_mass0000001.pdf}
\caption{
The ratio of the power in Eq.~(\ref{power})
to $P^{*}$ in Eq.~(\ref{quasistatic power}) in the proposed cycle
corresponding to Figs.~\ref{fig:efficiency}(a) and \ref{fig:efficiency}(b).
The power appears to approach $P^{*}$ in Eq.~(\ref{quasistatic power})
in the vanishing limit
of $\sigma_{a}$ (or $\tau_{x}$), $m$ (or $\tau_{v}$), and $\Delta T$.
}
\label{fig:power}
\end{figure}
Similarly, we evaluate the power in Eq.~(\ref{power})
by using a criterion $P^{*}$ defined as follows:
\begin{equation}
\label{quasistatic power}
P^{*} \equiv \frac{W^{qs}}{t_{cyc}}
= \frac{\Delta T\Delta S^{qs}}{t_{cyc}},
\end{equation}
where $W^{qs}$ is the quasistatic work in Eq.~(\ref{quasistatic work}).
Here, we regard the power as finite
when the power in Eq.~(\ref{power})
is the same order as $P^{*}$.
Figure \ref{fig:efficiency} shows the ratio of the efficiency of the proposed cycle with the protocol in Eq.~(\ref{optimized protocol in the overdamped regime}) to the Carnot efficiency.
We can see that the efficiency approaches $\eta^{qs}$
with $\tau_{x},\ \tau_{v} \to 0$.
Considering Eqs.~(\ref{quasistatic efficiency under the adiabatic condition}) and (\ref{efficiency 2}), we can expect that the irreversible works disappear. Thus, the efficiency can be regarded as the Carnot efficiency in the small relaxation-times and small temperature-difference regime.
Figure \ref{fig:power} shows the ratio of
the power to $P^{*}$ in Eq.~(\ref{quasistatic power}),
corresponding to Fig.~\ref{fig:efficiency}.
At any $\Delta T$, we can see that the power approaches $P^{*}$
as $\tau_{x},\ \tau_{v}\to 0$ .
As the power in Eq.~(\ref{power}) is defined using the work in Eq.~(\ref{output work per cycle}), the ratio of $P$ to $P^{*}$ is the same as the ratio of $W$ to $W^{qs}$ in Eq.~(\ref{quasistatic work}).
When the power $P$ approaches $P^{*}$, the work $W$ approaches $W^{qs}$.
This implies that the irreversible works vanish.
Because the power is of the same order as $P^{*}$ from Fig.~\ref{fig:power}, we can consider the power to be finite.
Therefore, Figs.~\ref{fig:efficiency} and \ref{fig:power} imply
that the Carnot efficiency and finite power are compatible
in the vanishing limit of the relaxation times
in the small temperature-difference regime.
\section{Theoretical analysis}
\label{theoretical analysis}
This section analytically shows that it is possible to achieve the Carnot efficiency in our cycle in the vanishing limit of the relaxation times in the small temperature-difference regime without breaking the trade-off relation in Eq.~(\ref{general trade-off relation}), as implied in the numerical results in Sec. \ref{numerical simulation}.
In general, the efficiency decreases when the entropy production increases, as shown in Eq.~(\ref{efficiency with entropy production}).
As the adiabatic processes have no entropy production because no heat exchange is present, we have only to consider the entropy production in the isothermal processes.
In the small relaxation-times regime, the efficiency in Eq.~(\ref{efficiency}) is approximated by that in Eq.~(\ref{efficiency 2}).
If $W^{irr}_{h,c}\to 0$ is satisfied in the vanishing limit of the relaxation times, the efficiency in Eq.~(\ref{efficiency 2}) approaches the quasistatic efficiency in Eq.~(\ref{quasistatic efficiency under the adiabatic condition}).
As seen in Eq.~(\ref{efficiency in the small temperature difference}), it is expected that the contribution of the heat leakage to the efficiency can be neglected in the small temperature-difference regime.
Thus, the efficiency in Eq.~(\ref{efficiency}) approaches the Carnot efficiency in the small relaxation-times and small temperature-difference regime, and the power in Eq.~(\ref{power}) also approaches $P^{*}$ in Eq.~(\ref{quasistatic power}) simultaneously.
The numerical results imply that the irreversible works vanish
in the vanishing limit of the relaxation times $\tau_{x}$ and $\tau_{v}$.
To derive a similar conclusion analytically, we first show that the irreversible works relate to the entropy production given by
\begin{equation}
\label{definition of the entropy production}
\Sigma \equiv -\frac{Q_{h}}{T_{h}} -\frac{Q_{c}}{T_{c}}.
\end{equation}
Similarly to $\Sigma^{qs}$ in Eq.~(\ref{entropy production in quasistatic cycle}),
the entropy production $\Sigma$ is expressed only by an
entropy change in the heat baths.
In the small relaxation-times regime,
we can express $\Sigma$ in Eq.~(\ref{definition of the entropy production}) as follows:
\begin{align}
\label{the entropy production with the irreversible works}
\Sigma \simeq & \frac{-\frac{\Delta T}{2} - T_{h}\Delta S^{qs} +W^{irr}_{h}}{T_{h}}
+\frac{\frac{\Delta T}{2} + T_{c}\Delta S^{qs} + W^{irr}_{c}}{T_{c}}\nonumber\\
=&\frac{W^{irr}_{h}}{T_{h}}+\frac{W^{irr}_{c}}{T_{c}} +\frac{(\Delta T)^2}{2T_{h}T_{c}},
\end{align}
using Eqs.~(\ref{supplied heat in the hot isothermal process 2})
and (\ref{supplied heat in the cold isothermal process 2}).
The last term on the right-hand side
of Eq.~(\ref{the entropy production with the irreversible works})
comes from the heat leakage due to the instantaneous adiabatic processes.
From Eq.~(\ref{the entropy production with the irreversible works}),
the entropy production can be regarded as zero in the small temperature-difference regime
when the irreversible works vanish.
In general, the entropy production
in Eq.~(\ref{definition of the entropy production}) can also be rewritten as
\begin{equation}
\label{the entropy production and the efficiency 1}
\begin{split}
\Sigma
=&\frac{Q_{h}}{T_{c}}(\eta_{C} - \eta),
\end{split}
\end{equation}
where we used Eqs.~(\ref{Carnot efficiency}) and (\ref{efficiency}).
This equation shows that the efficiency approaches the Carnot efficiency
when the entropy production vanishes.
Thus, by using Eqs.~(\ref{the entropy production with the irreversible works})
and (\ref{the entropy production and the efficiency 1}),
we obtain the efficiency as
\begin{align}
\label{efficiency with entropy production}
\eta &= \eta_{C}- \frac{T_{c}\Sigma}{Q_{h}}\nonumber\\
&\simeq\eta_{C}- \frac{T_{c}}{Q_{h}}\left(\frac{W^{irr}_{h}}{T_{h}}+\frac{W^{irr}_{c}}{T_{c}}\right)
+ O[(\Delta T)^2],
\end{align}
in the small relaxation-times regime.
Here, the contribution of the heat leakage
to the efficiency is $O[(\Delta T)^2]$, and it is negligible in the small temperature-difference regime.
We consider the trade-off relation in Eq.~(\ref{general trade-off relation}) to discuss the compatibility of the Carnot efficiency and finite power in our Brownian Carnot cycle.
Using Eq.~(\ref{the entropy production and the efficiency 1}),
we can rewrite Eq.~(\ref{general trade-off relation}) as
\begin{equation}
\label{trade-off relation in our cycle}
P\leq \frac{\eta T_{c}}{Q_{h}}A\Sigma
\end{equation}
in terms of the entropy production $\Sigma$.
When the quantity $A\Sigma$ is nonzero in the vanishing limit of the entropy production $\Sigma$, implying that $A$ should diverge, the finite power may be allowed.
In fact, when the entropy production $\Sigma$ vanishes in the small temperature-difference regime, the irreversible works should vanish because of Eq.~(\ref{the entropy production with the irreversible works}).
Then, the power in Eq.~(\ref{power}) approaches $P^{*}$ in Eq.~(\ref{quasistatic power}), which implies that the power is regarded as finite.
Thus, we find the expression $A\Sigma$ in our cycle below.
\subsection{Trade-off relation between power and efficiency}
We derive the trade-off relation in our cycle.
To obtain the expression of the entropy production,
we use Eqs. (67) and (68)
from Ref.~\cite{PhysRevE.97.062101}.
Using the general expression of the entropy production
in the Langevin system~\cite{Seifert_2012,PhysRevE.85.051113},
Dechant and Sasa showed a trade-off relation for the underdamped Langevin system in Ref.~\cite{PhysRevE.97.062101}.
Thus, we can apply their results to our system.
Applying Eq. (67) from Ref.~\cite{PhysRevE.97.062101},
we can divide the probability currents in Eqs.~(\ref{the probability current of x})
and (\ref{the probability current of v})
into the reversible parts, $j_{x}^{rev}$ and $j_{v}^{rev}$,
and the irreversible parts, $j_{x}^{irr}$ and $j_{v}^{irr}$, as
\begin{equation}
\label{probability currents of x and v}
\begin{split}
j_{x}(x,v,t)=&j_{x}^{rev}(x,v,t)+j_{x}^{irr}(x,v,t),\\
j_{v}(x,v,t)=&j_{v}^{rev}(x,v,t)+j_{v}^{irr}(x,v,t),
\end{split}
\end{equation}
where
\begin{equation}
\begin{split}
\label{divided probability currents}
j^{rev}_{x}(x,v,t)\equiv&v p(x,v,t),\hspace{1cm} j^{irr}_{x}(x,v,t)\equiv 0,\\
j^{rev}_{v}(x,v,t) \equiv &-\frac{\lambda(t)}{m}x p(x,v,t),\\
j^{irr}_{v}(x,v,t) \equiv &\left(-\frac{\gamma}{m}v
- \frac{\gamma T(t)}{m^2}\frac{\partial}{\partial v}\right)p(x,v,t).
\end{split}
\end{equation}
For convenience, we introduce a function $\phi(t)$ to describe
the time evolution of the temperature as
\begin{equation}
\label{time dependence of the temperature}
\begin{split}
\frac{1}{T(t)}=&\frac{1}{T_{c}}-
\left(\frac{1}{T_{c}} - \frac{1}{T_{h}}\right)\phi(t)\\
=&\frac{1}{T_{c}}\left[1-\eta_{C}\phi(t)\right].
\end{split}
\end{equation}
In our cycle, the function $\phi(t)$ is given by
\begin{equation}
\label{time dependence of temperature phi}
\phi(t)\equiv\left\{
\begin{split}
&1\hspace{3mm} (0 < t < t_{h})\\
&0\hspace{3mm} (t_{h} < t < t_{cyc}).
\end{split}
\right.
\end{equation}
Using Eq.~(\ref{Fokker-Planck equation}), the heat flux in Eq.~(\ref{heat flux expressed by variables}) is rewritten as
\begin{align}
\label{heat flux with the probability currents}
\dot{Q}=&\int^{\infty}_{-\infty} dx\int^{\infty}_{-\infty} dv \left[\frac{1}{2}mv^2 + \frac{1}{2}\lambda x^2 \right]\frac{\partial p}{\partial t}\nonumber\\
=& -\int^{\infty}_{-\infty} dx\int^{\infty}_{-\infty} dv \left[\frac{1}{2}mv^2 + \frac{1}{2}\lambda x^2 \right]
\left(\frac{\partial j_{x}}{\partial x} + \frac{\partial j_{v}}{\partial v}\right)\nonumber\\
=& \int^{\infty}_{-\infty} dx\int^{\infty}_{-\infty} dv \left[m v j_{v} + \lambda x j_{x}\right],
\end{align}
where the last equality is derived from the integration by parts and we
assumed that the probability currents at the boundary vanish.
By using Eqs.~(\ref{probability currents of x and v}),
(\ref{divided probability currents}), and (\ref{heat flux with the probability currents}),
we obtain the heat flux as
\begin{equation}
\label{the heat flux with irreversible current}
\begin{split}
\dot{Q}(t) =& \int^{\infty}_{-\infty} dx\int^{\infty}_{-\infty} dv\ mv j_{v}^{irr}(x,v,t).
\end{split}
\end{equation}
Thus, we obtain the heat flowing from the heat bath to
the Brownian particle in the hot isothermal process as
\begin{equation}
\label{the heat with irreversible current}
\begin{split}
Q_{h} =& \int^{t_{h}}_{0}dt\ \int^{\infty}_{-\infty} dx\int^{\infty}_{-\infty} dv\
mv j_{v}^{irr}\\
=&\int^{t_{cyc}}_{0}dt\ \int^{\infty}_{-\infty} dx\int^{\infty}_{-\infty} dv\
\phi(t)mv j_{v}^{irr},
\end{split}
\end{equation}
using Eq.~(\ref{time dependence of temperature phi}).
Now, we consider the entropy production rate.
Based on Eq. (68) from Ref.~\cite{PhysRevE.97.062101},
the entropy production rate is given by \cite{Seifert_2012,PhysRevE.85.051113}
\begin{equation}
\label{definition of the entropy production rate}
\begin{split}
\dot{\Sigma}(t) =& \int^{\infty}_{-\infty} dx\int^{\infty}_{-\infty} dv\
\frac{m^{2}(j_{v}^{irr}(x,v,t))^2}{\gamma T(t) p(x,v,t)}.
\end{split}
\end{equation}
Using Eq.~(\ref{definition of the entropy production rate}),
we can also obtain the concrete expression of the entropy production per cycle as
\begin{equation}
\label{definition of entropy production per cycle}
\begin{split}
\Sigma =&\int^{t_{cyc}}_{0}dt\ \dot{\Sigma}(t)\\
=&\int^{t_{cyc}}_{0}dt\ \int^{\infty}_{-\infty} dx\int^{\infty}_{-\infty} dv\
\frac{m^{2}(j_{v}^{irr}(x,v,t))^2}{\gamma T(t) p(x,v,t)}.
\end{split}
\end{equation}
From the Cauchy–Schwarz inequality, it is shown that the upper bound of the heat flux in Eq.~(\ref{the heat flux with irreversible current}) is expressed using the entropy production rate as
\begin{equation}
\label{entropic bound of the heat flux}
\begin{split}
\dot{Q}^2 =& \left(\int^{\infty}_{-\infty} dx\int^{\infty}_{-\infty} dv\ v\sqrt{\gamma Tp}\frac{m j_{v}^{irr}}{\sqrt{\gamma Tp}}\right)^2\\
\leq& \left(\int^{\infty}_{-\infty} dx\int^{\infty}_{-\infty} dv\ \gamma T v^2p \right)\\
&\times\left(\int^{\infty}_{-\infty} dx\int^{\infty}_{-\infty} dv\ \frac{m^2(j_{v}^{irr})^2}{\gamma T p}\right)\\
=&\gamma T\sigma_{v}\dot{\Sigma},
\end{split}
\end{equation}
or, equivalently,
\begin{equation}
\label{entropic bound of the absolute value of the heat flux}
|\dot{Q}|\leq \sqrt{\gamma T\sigma_{v}\dot{\Sigma}}.
\end{equation}
Because $\gamma T(t)\sigma_{v}$ and $\dot{\Sigma}$ are positive, by using Eq.~(\ref{entropic bound of the absolute value of the heat flux}), we can derive the following bound for the heat in Eq.~(\ref{the heat with irreversible current}):
\begin{equation}
\label{entropic bound of the heat}
\begin{split}
(Q_{h})^2 =& \left(\int^{t_{cyc}}_{0}dt\ \phi(t)\
\dot{Q}(t)\right)^2\\
\leq&\left(\int^{t_{cyc}}_{0}dt\
\phi(t)\sqrt{\gamma T(t)\sigma_{v}\dot{\Sigma}}\right)^2\\
\leq&\left(\int^{t_{cyc}}_{0}dt\
\phi^2(t)\gamma T(t)\sigma_{v}\right)
\left(\int^{t_{cyc}}_{0}dt\ \dot{\Sigma}\right)\\
=&t_{cyc}T_{c}^2\chi \Sigma,
\end{split}
\end{equation}
where
\begin{equation}
\label{amplitude}
\chi \equiv \frac{\gamma}{t_{cyc}T_{c}}\int^{t_{cyc}}_{0}dt\
\frac{\phi^2(t)}{1-\eta_{C}\phi(t)}\sigma_{v}(t),
\end{equation}
and we used the Cauchy–Schwarz inequality and Eq.~(\ref{time dependence of the temperature}).
Using Eqs.~(\ref{the entropy production and the efficiency 1}) and (\ref{entropic bound of the heat}),
we can derive the trade-off relation
in our cycle as
\begin{equation}
\label{trade-off relation in the Brownian Carnot cycle}
\begin{split}
P =&\frac{W}{t_{cyc}}= \frac{W}{Q_{h}}\frac{1}{Q_{h}}\frac{Q_{h}^2}{t_{cyc}}\\
\leq& \eta\frac{1}{Q_{h}}T_{c}^2\chi\Sigma\\
=&\chi T_{c}\eta(\eta_{C}-\eta).
\end{split}
\end{equation}
By comparing Eqs.~(\ref{trade-off relation in our cycle}) and (\ref{trade-off relation in the Brownian Carnot cycle}), we obtain $A=T_c \chi$.
We will show that in the limit of $\tau_{x},\tau_{v}\to 0$,
the entropy production $\Sigma$ vanishes and $\chi$ diverges
while $\chi \Sigma$ maintains positive.
For this purpose,
we rewrite Eq.~(\ref{definition of the entropy production rate}) as follows.
In our model (Sec.~\ref{model}),
the probability distribution was assumed to be
the Gaussian distribution shown in Eq.~(\ref{Gaussian distribution}).
Thus, we can differentiate the distribution function $p(x,v,t)$ with respect to $v$ as
\begin{equation}
\label{partial derivative with respect to v}
\frac{\partial p}{\partial v}=\frac{\sigma_{xv}x-\sigma_{x}v}{\sigma_{x}\sigma_{v}-\sigma_{xv}^2}p.
\end{equation}
We can rewrite the entropy production rate in Eq.~(\ref{definition of the entropy production rate}) by using the variables $\sigma_{x}$, $\sigma_{v}$, and $\sigma_{xv}$
and derive the expression of $\dot\Sigma$ under the assumption of the Gaussian distribution as
\begin{align}
\label{rewrite entropy production rate 1}
\dot{\Sigma}(t)
=&\int^{\infty}_{-\infty} dx \int^{\infty}_{-\infty}dv\ \frac{m^{2}}{\gamma T p}
\left\{\left(\frac{\gamma}{m} v + \frac{\gamma T}{m^2}
\frac{\partial}{\partial v}\right)p\right\}^2\nonumber\\
=&\frac{m^2}{\gamma T}\int^{\infty}_{-\infty} dx\int^{\infty}_{-\infty} dv
\left\{\frac{\gamma}{m}v+\frac{\gamma T}{m^2}
\frac{\sigma_{xv}x-\sigma_{x}v}{\sigma_{x}\sigma_{v}-\sigma_{xv}^2}\right\}^2p\nonumber\\
=&\frac{\frac{\gamma}{m}\left(T-m\sigma_v\right)^2
+ (2T-m\sigma_{v})\gamma\frac{\sigma_{xv}^2}{\sigma_{x}}}
{T\left(m\sigma_{v}-\tau_{v}\gamma
\frac{\sigma_{xv}^2}{\sigma_{x}}\right)},
\end{align}
where we used Eqs.~(\ref{relaxation time of x}),
(\ref{relaxation time of v}),
(\ref{equation of sigma_v}),
(\ref{heat flux expressed by variables}),
(\ref{divided probability currents}),
and (\ref{partial derivative with respect to v}).
Using Eqs.~(\ref{equation of sigma_v}) and (\ref{heat flux expressed by variables}),
we obtain
\begin{equation}
\dot{Q}=\frac{\gamma}{m}(T-m\sigma_v).
\end{equation}
Thus, Eq.~(\ref{rewrite entropy production rate 1}) can be rewritten as
\begin{equation}
\label{rewrite entropy production rate 1-2}
\begin{split}
\dot{\Sigma}(t)=&\frac{\tau_{v}\dot{Q}^2
+ (2T-m\sigma_{v})\gamma\frac{\sigma_{xv}^2}{\sigma_{x}}}
{T\left(m\sigma_{v}-\tau_{v}\gamma
\frac{\sigma_{xv}^2}{\sigma_{x}}\right)}.
\end{split}
\end{equation}
Integrating Eq.~(\ref{rewrite entropy production rate 1-2}) with respect to time,
we derive the entropy production per cycle $\Sigma$ in our cycle as
\begin{equation}
\label{entropy production in our Carnot cycle}
\Sigma=\int^{t_{cyc}}_{0}dt\frac{\tau_{v}\dot{Q}^2(t)
+ [2T(t)-m\sigma_{v}(t)]\gamma\frac{\sigma_{xv}^2(t)}{\sigma_{x}(t)}}
{T(t)\left(m\sigma_{v}(t)-\tau_{v}\gamma
\frac{\sigma_{xv}^2(t)}{\sigma_{x}(t)}\right)}.
\end{equation}
\subsection{Small relaxation-times regime}
We evaluate the entropy production in Eq.~(\ref{entropy production in our Carnot cycle}) in the small relaxation-times regime.
In the hot isothermal process, the process can be divided into the relaxation part and the part after the relaxation.
Because the relaxation time of the system at the beginning of the hot isothermal process is given by $\tau_{0}\equiv \max(\tau_{x}(0),\tau_{v})$, the entropy production in the hot isothermal process $\Sigma_h$ is divided as
\begin{equation}
\label{entropy production in the hot isothermal process}
\Sigma_h
\equiv \int^{t_{h}}_{0}dt\ \dot{\Sigma}
= \int^{\tau_0}_{0}dt\ \dot{\Sigma}+\int^{t_{h}}_{\tau_0}dt\ \dot{\Sigma},
\end{equation}
where the first and second terms in Eq.~(\ref{entropy production in the hot isothermal process}) represent the entropy production in the relaxation and after the relaxation, respectively.
We first evaluate the entropy production after the relaxation.
From Eqs.~(\ref{sigma_x with small relaxation times}) and (\ref{sigma_xv with small relaxation times}) in
the Appendix, the variables $\sigma_x$, $\sigma_v$, and $\sigma_{xv}$ after the relaxation satisfy
\begin{equation}
\label{approximation of variables}
\sigma_{x} \simeq \frac{T}{\lambda},
\quad
\sigma_{v} \simeq \frac{T}{m},
\quad
\sigma_{xv} \simeq -\frac{T}{2\lambda^2}\frac{d\lambda}{dt}.
\end{equation}
Then, we can obtain
\begin{equation}
\label{the heat flux with relaxation time of x}
\gamma \frac{\sigma_{xv}^2(t)}{\sigma_{x}(t)}
\simeq \frac{\tau_{x}(t)T}{4}\left(\frac{d}{dt}\ln \lambda(t)\right)^2.
\end{equation}
Using Eqs.~(\ref{rewrite entropy production rate 1-2}), (\ref{approximation of variables}), and (\ref{the heat flux with relaxation time of x}), the entropy production rate after the relaxation is given by
\begin{equation}
\label{rewrite entropy production rate 2}
\begin{split}
\dot{\Sigma}(t)
\simeq&\frac{1}{t_{cyc}T}\frac{\frac{\tau_{v}}{t_{cyc}}\left(\frac{dQ(s)}{ds}\right)^2
+\frac{\tau_{x}}{t_{cyc}}\frac{T^2}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2}
{T-\frac{\tau_{v}}{t_{cyc}}\frac{\tau_{x}}{t_{cyc}}
\frac{T}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2},
\end{split}
\end{equation}
where we used $s=t/t_{cyc}$ to compare
the cycle time $t_{cyc}$ and the relaxation times $\tau_{x}$ and $\tau_{v}$.
Then, we derive the entropy production after the relaxation in the hot isothermal process as
\begin{equation}
\label{entropy production hot after the relaxation}
\int^{t_{h}}_{\tau_0}dt\ \dot{\Sigma}
\simeq \frac{1}{T_{h}}\int^{t_{h}/t_{cyc}}_{\tau_{0}/t_{cyc}}ds\
\frac{\frac{\tau_{v}}{t_{cyc}}\left(\frac{dQ(s)}{ds}\right)^2
+\frac{\tau_{x}}{t_{cyc}}\frac{T_{h}^2}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2}
{T_{h}-\frac{\tau_{v}}{t_{cyc}}\frac{\tau_{x}}{t_{cyc}}
\frac{T_{h}}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2}.
\end{equation}
To consider the entropy production in the relaxation, we rewrite $\dot{\Sigma}$ in Eq.~(\ref{rewrite entropy production rate 1-2}) by using the heat flux in Eq.~(\ref{heat flux expressed by variables}) and the time derivative of the entropy in Eq.~(\ref{definition of entropy}) as follows:
\begin{equation}
\label{another relation of the entropy production rate}
\dot{\Sigma}(t)=\dot{S}(t)-\frac{\dot{Q}(t)}{T(t)}.
\end{equation}
Because the temperature of the heat bath is constant, we derive the entropy production in the relaxation in the hot isothermal process as
\begin{equation}
\label{entropy production in the hot isothermal process in the small relaxation-time regime}
\int^{\tau_0}_{0}dt\ \dot{\Sigma}=S(\tau_0)-S(0)-\frac{Q^{rel}_h}{T_h},
\end{equation}
where $Q^{rel}_{h}$ is the heat flowing in this relaxation.
In the small relaxation-times regime, the relaxation is very fast (see the Appendix), and the stiffness is regarded to be unchanged in the relaxation because of Eq.~(\ref{stiffness in the relaxation}).
From Eq.~(\ref{sigma_x with small relaxation times}), $\sigma_x$ is also unchanged during the relaxation under the condition of Eq.~(\ref{condition of the adiabatic process to achieve the Carnot efficiency}).
Thus, the heat related to the potential change in Eq.~(\ref{heat derived from potential energy}) in the relaxation vanishes.
By using Eqs.~(\ref{heat expressed by variables}) and (\ref{kinetic energy change in small relaxation times limit}), $Q^{rel}_h$ is evaluated as
\begin{equation}
\label{heat rel h}
Q^{rel}_{h}\simeq \frac{\Delta T}{2}.
\end{equation}
In addition because $d(\ln\Lambda)/ds$ is noninfinite, as shown in the Appendix, we can approximate the entropy in Eq.~(\ref{definition of entropy}) after the relaxation by
\begin{equation}
\label{entropy approximation}
S(t) \simeq \frac{1}{2}\ln(T^2(t))
+ \frac{1}{2}\ln\left(\frac{4\pi^2}{m\lambda(t)}\right) + 1,
\end{equation}
where we used the approximation
\begin{equation}
m\lambda(\sigma_{x}\sigma_{v}-\sigma_{xv}^2)
\simeq T^2 - \frac{\tau_{x}}{t_{cyc}}\frac{\tau_{v}}{t_{cyc}}
\frac{T^2}{4}
\left(\frac{d}{ds}\ln\Lambda\right)^2\simeq T^2,
\end{equation}
from Eqs.~(\ref{assumption of the protocol}) and (\ref{approximation of variables}).
The initial state of the hot isothermal process is given by the final state of the cold isothermal process as
\begin{equation}
\label{state D}
\sigma_{x} \simeq \frac{T_{c}}{\lambda_{D}},\quad\sigma_{v} \simeq \frac{T_{c}}{m},\quad\sigma_{xv} \simeq -\frac{T_{c}}{2\lambda_{D}^2}\left.\frac{d\lambda}{dt}\right|_{t=t_{cyc}-0},
\end{equation}
from Eq.~(\ref{approximation of variables}).
Because the stiffness remains $\lambda_{A}$ in the relaxation, the variables relax to the following values:
\begin{equation}
\label{state A}
\sigma_{x} \simeq \frac{T_{h}}{\lambda_{A}}, \quad \sigma_{v} \simeq \frac{T_{h}}{m}, \quad \sigma_{xv} \simeq -\frac{T_{h}}{2\lambda_{A}^2}\left.\frac{d\lambda}{dt}\right|_{t=0+0},
\end{equation}
from Eq.~(\ref{approximation of variables}).
Using Eqs.~(\ref{entropy approximation})--(\ref{state A}), the difference between
$S(0)$ and $S(\tau_{0})$ can be approximated by
\begin{equation}
\label{entropy difference approximation}
S(\tau_0)-S(0)\simeq \frac{1}{2}\ln(T_{h}^2)-\frac{1}{2}\ln(T_{c}^2)
+\frac{1}{2}\ln\left(\frac{\lambda_{D}}{\lambda_{A}}\right).
\end{equation}
We can then evaluate the entropy production in the relaxation in Eq.~(\ref{entropy production in the hot isothermal process in the small relaxation-time regime}) as
\begin{align}
\label{entropy production in the relaxation in the hot isothermal process}
\int^{\tau_{0}}_{0} dt\ \dot{\Sigma}
\simeq & \frac{1}{2}\ln(T_{h}^2)-\frac{1}{2}\ln(T_{c}^2)
+\frac{1}{2}\ln\left(\frac{\lambda_{D}}{\lambda_{A}}\right)-\frac{\Delta T}{2T_{h}}\nonumber\\
=&\frac{1}{2}\ln\left(\frac{T_{h}}{T_{c}}\right)-\frac{\Delta T}{2T_{h}},
\end{align}
using Eqs.~(\ref{condition of the adiabatic process to achieve the Carnot efficiency}),
(\ref{edges of the protocol}),
(\ref{heat rel h}), and (\ref{entropy difference approximation}).
Thus, by using Eqs.~(\ref{entropy production hot after the relaxation}) and (\ref{entropy production in the relaxation in the hot isothermal process}), the entropy production in the hot isothermal process in Eq.~(\ref{entropy production in the hot isothermal process}) is given by
\begin{align}
\label{entropy production in the hot isothermal process 2}
\Sigma_{h}
\simeq& \frac{1}{2}\ln\left(\frac{T_{h}}{T_{c}}\right)-\frac{\Delta T}{2T_{h}}\\
&+\frac{1}{T_{h}}\int^{t_{h}/t_{cyc}}_{\tau_{0}/t_{cyc}}ds\
\frac{\frac{\tau_{v}}{t_{cyc}}\left(\frac{dQ(s)}{ds}\right)^2
+\frac{\tau_{x}}{t_{cyc}}\frac{T_{h}^2}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2}
{T_{h}-\frac{\tau_{v}}{t_{cyc}}\frac{\tau_{x}}{t_{cyc}}
\frac{T_{h}}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2}.\nonumber
\end{align}
Similarly, the entropy production
in the cold isothermal process $\Sigma_{c}$ is given by
\begin{align}
\label{entropy production in the cold isothermal process}
\Sigma_{c} \equiv& \int^{t_{cyc}}_{t_{h}}dt\ \dot{\Sigma}
\simeq \frac{1}{2}\ln\left(\frac{T_{c}}{T_{h}}\right)+\frac{\Delta T}{2T_{c}}\\
+&\frac{1}{T_{c}}\int^{1}_{(t_{h}+\tau_{1})/t_{cyc}}ds\
\frac{\frac{\tau_{v}}{t_{cyc}}\left(\frac{dQ(s)}{ds}\right)^2
+\frac{\tau_{x}}{t_{cyc}}\frac{T_{c}^2}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2}
{T_{c}-\frac{\tau_{v}}{t_{cyc}}\frac{\tau_{x}}{t_{cyc}}
\frac{T_{c}}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2},\nonumber
\end{align}
where $\tau_{1}\equiv \max(\tau_x(t_{h}+0), \tau_{v})$ is the relaxation time
at the beginning of the cold isothermal process.
Because no entropy production is present in the adiabatic processes, the entropy production $\Sigma$ per cycle
in the small relaxation-times regime is given by
\begin{align}
\label{entropy production per cycle}
\Sigma =& \Sigma_{h}+\Sigma_{c}\nonumber\\
\simeq&\frac{1}{T_{h}}\int^{t_{h}/t_{cyc}}_{\tau_{0}/t_{cyc}}ds\
\frac{\frac{\tau_{v}}{t_{cyc}}\left(\frac{dQ(s)}{ds}\right)^2
+\frac{\tau_{x}}{t_{cyc}}\frac{T_{h}^2}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2}
{T_{h}-\frac{\tau_{v}}{t_{cyc}}\frac{\tau_{x}}{t_{cyc}}
\frac{T_{h}}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2}\nonumber\\
+&\frac{1}{T_{c}}\int^{1}_{(t_{h}+\tau_{1})/t_{cyc}}ds\
\frac{\frac{\tau_{v}}{t_{cyc}}\left(\frac{dQ(s)}{ds}\right)^2
+\frac{\tau_{x}}{t_{cyc}}\frac{T_{c}^2}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2}
{T_{c}-\frac{\tau_{v}}{t_{cyc}}\frac{\tau_{x}}{t_{cyc}}
\frac{T_{c}}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2}\nonumber\\
+&\frac{(\Delta T)^2}{2T_{h}T_{c}},
\end{align}
using Eqs.~(\ref{entropy production in the hot isothermal process 2}) and (\ref{entropy production in the cold isothermal process}).
\begin{figure}[t]
\includegraphics[width=6.2cm]{compare_theor_simul_m0001.pdf}
\caption{
The ratio of the efficiency to the Carnot efficiency derived from the numerical simulations in Fig.~\ref{fig:efficiency} in Sec.~\ref{numerical simulation} (purple plus) and theoretical analysis
(sky-blue solid line).
We set $m=10^{-3}$ and $\sigma_a=10^{-2}$. Although the relaxation times corresponding to these parameters are not very small among the parameters used in Fig.~\ref{fig:efficiency}, the theoretical result and numerical simulations show a good agreement. We have confirmed a better agreement with smaller parameters (data not shown).}
\label{fig:compare}
\end{figure}
Comparing Eqs.~(\ref{the entropy production with the irreversible works}) and (\ref{entropy production per cycle}),
we can derive the expression of the irreversible works as
\begin{align}
\label{concrete expression of the irreversible work in the hot isothermal process}
W^{irr}_{h}
=& \int^{t_{h}/t_{cyc}}_{\tau_{0}/t_{cyc}}ds\
\frac{\frac{\tau_{v}}{t_{cyc}}\left(\frac{dQ(s)}{ds}\right)^2
+\frac{\tau_{x}}{t_{cyc}}\frac{T_{h}^2}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2}
{T_{h}-\frac{\tau_{v}}{t_{cyc}}\frac{\tau_{x}}{t_{cyc}}
\frac{T_{h}}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2},\\
\label{concrete expression of the irreversible work in the cold isothermal process}
W^{irr}_{c}
=&\int^{1}_{(t_{h}+\tau_{1})/t_{cyc}}ds\
\frac{\frac{\tau_{v}}{t_{cyc}}\left(\frac{dQ(s)}{ds}\right)^2
+\frac{\tau_{x}}{t_{cyc}}\frac{T_{c}^2}{4}\left(\frac{d}{ds}\ln\Lambda\right)^2}
{T_{c}-\frac{\tau_{v}}{t_{cyc}}\frac{\tau_{x}}{t_{cyc}}
\frac{T_{c}}{4}\left(\frac{d}{ds}\ln \Lambda\right)^2}.
\end{align}
As shown in the Appendix, $dQ/ds$ and $d(\ln \Lambda)/ds$ are noninfinite after the relaxation.
Thus, the entropy production rate in Eq.~(\ref{rewrite entropy production rate 2}) after the relaxation vanishes in the vanishing limit of the relaxation times.
From Eqs.~(\ref{concrete expression of the irreversible work in the hot isothermal process}) and (\ref{concrete expression of the irreversible work in the cold isothermal process}), it turns out that the integrand of $W^{irr}_{h,c}$, which is $T_{h,c}\dot{\Sigma}$, vanishes at any $s$ in the vanishing limit of the relaxation times, and the irreversible works also vanish.
Therefore, we can confirm that the efficiency in Eq.~(\ref{efficiency 2}) approaches the quasistatic efficiency in Eq.~(\ref{quasistatic efficiency under the adiabatic condition}) in this limit, theoretically explaining the results of the numerical simulations.
Figure \ref{fig:compare} compares the efficiency obtained from the numerical simulations in Fig.~\ref{fig:efficiency} and the efficiency derived from the theoretical analysis in the small relaxation-times regime.
Here, the efficiency of the theoretical analysis was derived by calculating the irreversible works in Eqs.~(\ref{concrete expression of the irreversible work in the hot isothermal process}) and (\ref{concrete expression of the irreversible work in the cold isothermal process}) and substituting them into Eq.~(\ref{efficiency 2}).
Note that we used Eq.~(\ref{heat flux with small relaxation times}) to calculate $dQ/ds$ in Eqs.~(\ref{concrete expression of the irreversible work in the hot isothermal process}) and (\ref{concrete expression of the irreversible work in the cold isothermal process}).
We can see that the theoretical result and numerical simulations show a good agreement.
We provide a qualitative explanation for the behavior of the efficiency in Figs.~\ref{fig:efficiency} and \ref{fig:compare}, as below.
We consider the case that the relaxation times are small but finite.
Then, from the above discussion, $W^{irr}_{h}$ and $W^{irr}_{c}$ are positive and small.
When $\Delta T$ is large, $\Delta T\Delta S^{qs}$ in the numerator of Eq.~(\ref{efficiency 2}) is sufficiently larger than $W^{irr}_{h,c}$ since we use the protocol satisfying $\Delta S^{qs}=O(1)$ in the numerical simulation.
Since $T_h$ is larger than $\Delta T$, $T_h\Delta S^{qs}$ in the denominator of Eq.~(\ref{efficiency 2}) is also sufficiently larger than $W^{irr}_{h,c}$.
Thus, the efficiency should mainly depend on $T_h$, $\Delta T$, and $\Delta S^{qs}$ as shown in Eq.~(\ref{efficiency 2}).
Although the efficiency is smaller than the Carnot efficiency because of $\Delta T/2$ due to the heat leakage in the denominator of Eq.~(\ref{efficiency 2}), the heat leakage becomes small and the efficiency increases toward the Carnot efficiency as $\Delta T$ becomes small.
At the same time, however, the irreversible works can be comparable to $\Delta T \Delta S^{qs}$.
From Eq.~(\ref{optimized protocol in the overdamped regime}), the stiffness in each isothermal process depends only on the corresponding temperature.
Since $dQ/ds$ in Eqs.~(\ref{concrete expression of the irreversible work in the hot isothermal process}) and (\ref{concrete expression of the irreversible work in the cold isothermal process}) is evaluated by the protocol as shown in Eq.~(\ref{heat flux with small relaxation times}), $W^{irr}_{h,c}$ depend only on the temperature of each isothermal process, but do not depend on $\Delta T$ in the lowest order of $\Delta T$.
Thus, the irreversible works maintain finite even when $\Delta T$ vanishes.
Then, $\Delta T \Delta S^{qs}$ in Eq.(\ref{efficiency 2}) approaches zero while $W^{irr}_{h,c}$ are positively finite.
Thus, the efficiency turns from increase to decrease as $\Delta T$ becomes small and takes the maximum for a specific value of $\Delta T$ as shown in Figs.~\ref{fig:efficiency} and \ref{fig:compare}.
By using $s=t/t_{cyc}$,
the quantity $\phi(t)$ in Eq.~(\ref{time dependence of temperature phi})
can be expressed as
\begin{equation}
\phi(s) = \left\{
\begin{split}
&1 \hspace{3mm}(0< s < t_{h}/t_{cyc})\\
&0 \hspace{3mm}(t_{h}/t_{cyc}< s < 1).
\end{split}
\right.
\end{equation}
Thus, $\chi$ in Eq.~(\ref{amplitude}) is rewritten by using the relaxation time
of the velocity as
\begin{equation}
\label{rewrite amplitude}
\chi = \frac{1}{t_{cyc}}\frac{t_{cyc}}{\tau_{v}}\left(\frac{1}{T_{c}}
\int^{1}_{0}ds\ \frac{m\sigma_{v}\phi^2}{1-\eta_{C}\phi}\right)
= \frac{C}{t_{cyc}}\frac{t_{cyc}}{\tau_{v}},
\end{equation}
where $C$ is a positive constant given by
\begin{equation}
C\equiv \frac{1}{T_{c}}\int^{1}_{0}ds\
\frac{m\sigma_{v}\phi^2}{1-\eta_{C}\phi}.
\end{equation}
In the relaxation at the beginning of each isothermal process, $m\sigma_v$ is positively finite.
After the relaxation, $m\sigma_v$ is approximated by the temperature of the heat bath.
Thus, $C$ is positively finite.
From Eq.~(\ref{rewrite amplitude}),
$\chi$ turns out to diverge in the limit of $\tau_{v}/t_{cyc}\to 0$ when $t_{cyc}$ is finite.
Although $\tau_{v}/t_{cyc}\to 0$ is satisfied even when $t_{cyc}$ diverges and $\tau_v$ is maintained finite, we do not consider that case because it is in the quasistatic limit.
Using Eqs.~(\ref{entropy production per cycle})
and (\ref{rewrite amplitude}), we can obtain
$\chi\Sigma$ as follows:
\begin{align}
\label{finiteness of the upper bound}
\chi\Sigma
\simeq&
\frac{C}{t_{cyc}T_{h}}\int^{t_{h}/t_{cyc}}_{\tau_0/t_{cyc}}ds\
\frac{\left(\frac{dQ}{ds}\right)^2+
\frac{\tau_{x}T_{h}^2}{4\tau_{v}}
\left(\frac{d}{ds}\ln \Lambda\right)^2}{T_{h}
-\frac{\tau_{v}}{t_{cyc}}\frac{\tau_{x}}{t_{cyc}}\frac{T_{h}}{4}
\left(\frac{d}{ds}\ln \Lambda\right)^2}\nonumber\\
&+\frac{C}{t_{cyc}T_{c}}\int^{1}_{(t_{h}+\tau_1)/t_{cyc}}ds\
\frac{\left(\frac{dQ}{ds}\right)^2+
\frac{\tau_{x}T_{c}^2}{4\tau_{v}}
\left(\frac{d}{ds}\ln \Lambda\right)^2}{T_{c}
-\frac{\tau_{v}}{t_{cyc}}\frac{\tau_{x}}{t_{cyc}}\frac{T_{c}}{4}
\left(\frac{d}{ds}\ln \Lambda\right)^2}\nonumber\\
&+\frac{C}{\tau_{v}}\frac{(\Delta T)^2}{2T_{h}T_{c}}.
\end{align}
\begin{figure}[t]
\includegraphics[width=6.2cm]{bound_chi.pdf}
\includegraphics[width=6.2cm]{bound_heat.pdf}
\caption{The quantities $\chi$ in Eq.~(\ref{amplitude}) and $\chi\Sigma$
when $\tau_{x}$ and $\tau_{v}$ are varied.
Because the parameter $\sigma_{a}$ is proportional to $\tau_{x}(0)$ in the protocol in Eq.~(\ref{optimized protocol in the overdamped regime}), we vary $\sigma_{a}$ to make $\tau_x$ be small.
Similarly, we vary the mass $m$ because it is proportional to $\tau_{v}$.
In these simulations, we used $(\sigma_{a}=0.1,m=0.1)$ (purple plus),
$(\sigma_{a}=0.01,m=0.01)$ (green cross), and $(\sigma_{a}=0.001,m=0.001)$ (sky-blue square).
We can see that $\chi$ diverges at each $\Delta T$ when we consider the limit of
$\sigma_{a},m\to 0$ ($\tau_{x},\tau_{v} \to 0$).
In addition, we can also see that the values of $\chi \Sigma$
are positively finite for the vanishing limit of $\Delta T$ for any relaxation times.}
\label{fig:bound}
\end{figure}
Here, we consider the vanishing limit of the relaxation times in the small temperature-difference regime and evaluate the efficiency and power in this limit.
As seen in Eq.~(\ref{efficiency with entropy production}), the efficiency approaches the Carnot efficiency when $\Sigma$ vanishes. Moreover, we evaluate $\Sigma$ in the vanishing limit of $\tau_{x}$ and $\tau_{v}$ in the small temperature-difference regime.
In this limit, we can show that $dQ/ds$ and
$d(\ln\Lambda)/ds$ in Eq.~(\ref{entropy production per cycle}) do not diverge after the relaxation (see the Appendix).
Thus, when the relaxation times vanish at any instant after the relaxation, the entropy production rate always vanishes from Eq.~(\ref{rewrite entropy production rate 2}), and the first and second terms on the right-hand side of Eq.~(\ref{entropy production per cycle}) also vanish.
In addition, when $\Delta T$ is small, the third term in Eq.~(\ref{entropy production per cycle}), which is due to the relaxation, is $O[(\Delta T)^2]$ and can be ignored.
Therefore, the entropy production per cycle in Eq.~(\ref{entropy production per cycle})
should be $O[(\Delta T)^2]$, and the efficiency can be regarded as the Carnot efficiency because of the reasoning presented below Eq.~(\ref{efficiency with entropy production}).
Then, because $dQ/ds$ and $d(\ln\Lambda)/ds$ are always noninfinite, the first and second terms on the right-hand side of Eq.~(\ref{finiteness of the upper bound}) are positively finite in the vanishing limit of $\tau_x$ and $\tau_v$.
Even when $\Delta T$ is small, $\chi\Sigma$ is positive,
and the right-hand side of the trade-off relation in Eq.~(\ref{trade-off relation in the Brownian Carnot cycle}) is positive.
Therefore, the finite power may be allowed
even when $\Sigma$ vanishes.
In the above limit, because the irreversible works in Eqs.~(\ref{concrete expression of the irreversible work in the hot isothermal process}) and (\ref{concrete expression of the irreversible work in the cold isothermal process}) vanish, the power in Eq.~(\ref{power}) approaches $P^{*}$ in Eq.~(\ref{quasistatic power}), which implies that the power is finite.
Therefore, the Carnot efficiency is achievable in the finite-power Brownian Carnot cycle
without breaking the trade-off relation in Eq.~(\ref{trade-off relation in the Brownian Carnot cycle}).
In Fig.~\ref{fig:bound}, we numerically confirmed that $\chi$ increases and $\chi\Sigma$ remains positively finite in the limit of $\Delta T\to 0$ when we consider smaller relaxation times.
We can expect $\chi$ to diverge while maintaining $\chi\Sigma$ positively finite in the vanishing limit of the relaxation times in the limit of $\Delta T\to 0$.
This result implies that $\Sigma$ vanishes while maintaining $\chi\Sigma$ positively finite, and we can expect that $\Sigma$ vanishes and $\chi$ diverges simultaneously in the vanishing limit of the relaxation times.
\section{Summary and discussion}
\label{summary and discussion}
Motivated by the previous study~\cite{PhysRevLett.121.120601}, we studied the relaxation-times dependence of the efficiency and power in a Brownian Carnot cycle with the instantaneous adiabatic processes and time-dependent harmonic potential, described by the underdamped Langevin equation.
In this system, we numerically showed that the Carnot efficiency is compatible with finite power in the vanishing limit of the relaxation times in the small temperature-difference regime.
We analytically showed that the present results are consistent with the trade-off relation between efficiency and power, which was proved for more general systems in
\cite{PhysRevLett.117.190601,PhysRevE.96.022138,PhysRevE.97.062101}.
By expressing the trade-off relation using the entropy production in terms of the relaxation times of the system, we demonstrated that such compatibility is possible by both the diverging constant and the vanishing entropy production in the trade-off relation in the vanishing limit of the relaxation times.
In the numerical simulation results in Sec.~\ref{numerical simulation},
we used a specific protocol.
However, we can use other protocols satisfying the following three conditions
to achieve the Carnot efficiency and finite power
in the small temperature-difference regime.
The first condition is that the protocol should satisfy
the condition in
Eq.~(\ref{condition of the adiabatic process to achieve the Carnot efficiency}).
For such a protocol,
the heat leakage in the relaxation at
the beginning of the isothermal processes is $O(\Delta T)$.
Thus, heat leakage can be neglected
in the small temperature-difference regime,
compared with the heat flowing in the isothermal processes.
The second condition is that
the stiffness is expressed by using
a scaling function as in Eq.~(\ref{assumption of the protocol}).
The third condition of the protocols is that
the stiffness diverges at any instant of time.
This is satisfied by the vanishing relaxation time of position,
and it is one of the necessary conditions for the entropy production rate vanishing after the relaxation,
as we showed in Sec.~\ref{theoretical analysis}.
When the entropy production rate at any instant vanishes,
irreversible works also vanish, which allows us to derive the compatibility of the Carnot efficiency and finite power
in the small temperature-difference regime.
Note that we showed that achieving both the Carnot efficiency and finite power is possible in the small temperature-difference regime without breaking the trade-off relation in Eq.~(\ref{trade-off relation in our cycle}) of the proposed cycle.
In the linear irreversible thermodynamics,
which can describe the heat engines operating in the small temperature-difference regime,
the currents of the systems are described by the linear combination of affinities,
and their coefficients are called the Onsager coefficients.
When these coefficients have the reciprocity resulting from
the time-reversal symmetry of the systems,
a previous study~\cite{PhysRevLett.106.230602} showed
that the compatibility of the Carnot efficiency with finite power is forbidden.
The same study also showed that the compatibility can be allowed
in the systems without time-reversal symmetry.
However, in some studies related to the concrete systems without time-reversal
symmetry~\cite{PhysRevLett.110.070603,PhysRevB.87.165419,
PhysRevB.94.121402,PhysRevLett.112.140601,
PhysRevLett.114.146801,Sothmann_2014}, the compatibility has not been found thus far.
On the other hand, there is a possibility of the compatibility
of the Carnot efficiency and finite power when
the Onsager coefficients with reciprocity show diverging behaviors (cf. Eq. (7) in Ref.~\cite{N.Shiraishi2018}).
The Onsager coefficients of our Carnot cycle can be obtained in the same way as Ref.~\cite{Izumida2010}, which have reciprocity.
In the vanishing limit of the relaxation times, we can show the divergence of these Onsager coefficients.
Although the effect of the asymmetric limit of the non-diagonal Onsager coefficients on
the linear irreversible heat engines realizing the Carnot efficiency at finite power was studied in Ref.~\cite{PhysRevLett.106.230602},
this case is different from our case where all of the Onsager coefficients show the diverging behaviors.
Furthermore, another study reported the compatibility of the Carnot efficiency with finite power using a time-delayed system within the linear response theory~\cite{Bonan_a_2019}.
Because the time-delayed systems are not described by the Markovian dynamics, the trade-off relation in Eq.~(\ref{general trade-off relation}) may not be applied to them.
Thus, there may be a possibility to achieve the Carnot efficiency in finite-power non-Markovian heat engines.
In this paper, however, we showed that achieving both the Carnot efficiency and finite power is possible in a Markovian heat engine.
Although we have used the instantaneous adiabatic process, the other type of adiabatic process can be used for the study of the Brownian Carnot cycle~\cite{PhysRevE.101.032129,Plata_2020,PhysRevLett.114.120601,PhysRevLett.121.120601}.
In this adiabatic process, the system contacts with a heat bath with varying temperature that maintains vanishing heat flow between the system and the heat bath on average.
While the Brownian Carnot cycle utilizing this adiabatic process does not suffer from the heat leakage, mathematical treatment may become more difficult.
Therefore, it is a challenging task to study the detailed relaxation-times dependence of the efficiency and power for this cycle, which we will report elsewhere.
\section*{acknowledgments}
We thank S.-i. Sasa and Y. Suda for their helpful discussions.
|
\section{Introduction}\label{sec:introduction}
Image restoration aims at recovering an image from its degradation \cite{Milanfar/2013}.
The problem of image restoration is involved in many fields, such as low-level image processing \cite{Celebi/2014}, medical imaging \cite{Jan/2006}, and remote sensing \cite{Jensen/1995}. According to the process of degradation, it can be further categorized into more specific tasks, including image denoising, deblurring, and super-resolution (SR).
Recently, the research on image restoration becomes particularly popular, thanks to the advance of deep learning and its introduction into this field.
Many methods have been proposed with promising performance \cite{Zhang_beyond/2017,Zhang_ffdnet/2018,Dong/2016,Ledig/2017}. Since fully automatic and real-time approaches are generally desirable in many applications, exploring such approaches becomes increasingly useful.
Currently, the methods could be categorized into two groups, i.e., the model-based and the learning-based. The former models image restoration as a linear inverse problem \cite{Osher/2005,Elad/2006,Bioucas/2007,Candes/2009,Candes_matrix/2010}, and the latter learns a mapping from the degraded images to their ground truth \cite{Freeman/2002,Jain/2009,Timofte/2014,Schmidt/2014,Dong/2016}.
For the model-based methods, a widely used strategy is to solve the problem via the image priors driven regularizations, including local and non-local image priors. Local properties were widely used for image denoising, such as Tikhnove regularization \cite{Tikhnov/1977} and total variation (TV) regularization \cite{Rudin/1992}. Non-local self-similarity was extensively studied in many works, \textit{e.g.}, non-local means \cite{Buades/2005}, collaborative filtering \cite{Dabov/2007}, joint sparsity \cite{Mairal/2009}, and low-rank approximation \cite{Gu/2014}. For the low-rank approximation, matrices are often assumed to be low-rank.
Therefore, the methodologies of low-rank approximation \cite{Candes/2009,Gu/2014} are commonly used to solve the problem.
This strategy has two major advantages.
One is that an image can be well approximated by its low-rank components \cite{Andrews/1976,Candes/2009}, and the other is that the noise and low-rank components of an image can be easily separated from each other \cite{Candes_matrix/2010}.
However, the methods of this group are also challenged by the complex parameter settings and expensive computation of the methods \textit{per se}. More specifically, one needs to manually set the initial hyper-parameters for the regularization terms, which can be application dependent; and as being iterative approaches, they need large numbers of iteration steps to ensure convergence.
\begin{figure}
\centering
\includegraphics[width=1\linewidth]{images/distribution_dec}
\caption{Visualization of image decomposition obtained by our unsupervised RO decomposition. The top row shows that an noisy image could be decomposed into the sum of the almost noise-free low-rank part and the noisy residual error. We visualize the surfaces of their gray images at the bottom row, which shows that the low-rank component is more self-similar than the original image. One can refer to the text in Introduction section for details.}
\label{fig:00}
\end{figure}
The learning-based methods estimate a mapping from the degraded images to their ground truth, generally via dictionary \cite{Timofte/2014} or deep neural networks (DNNs) \cite{Kim/2016}. DNNs are powerful in modeling complex functions and thus have been widely explored for implementing the mapping \cite{Lempitsky/2018}.
A number of efficient techniques have been proposed to train the DNN models, such as the specific initializations \cite{Glorot/2010,He_delving/2015}, skip connection \cite{He/2016,Huang_densely/2017}, and batch normalization \cite{Loffe/2015}. Furthermore, the DNN methods can be easily implemented via well-developed parallel computing platforms, and the resulting models are computationally efficient during the testing stage. Particularly, the convolutional neural networks (CNNs) can effectively extract the high-order features of images, thus greatly improve the performance of learning-based methods in image restoration. Hence, they have been proposed for image denoising \cite{Jain/2009,Zhang_beyond/2017,Zhang_ffdnet/2018}, deblurring \cite{Chen/2016,Dong/2019}, and super-resolution \cite{Dong/2016,Kim/2016,Lim/2017}. For example, CNNs have been shown to achieve highly promising performance in removing Gaussian noise \cite{Chen/2016,Zhang_beyond/2017,Zhang_ffdnet/2018}; the methods combining deep residual neural networks deliver state-of-the-art performance in reconstructing the details of images \cite{Lim/2017,Wang/2018}.
Although the learning-based methods have been widely studied in the past, approaches of explicitly using non-local self-similarity with DNNs are rarely studied.
The property, however, has been shown to be crucial for image restoration \cite{Dabov/2007,Liu/2018}.
To rectify the weakness, a few pioneer works were reported to develop DNNs to learn the image prior and showed to be effective in improving the performance of image restoration \cite{Liu/2018,Lempitsky/2018}. Recently, neural nearest neighbors networks were proposed to achieve non-local processing by relaxing the traditional $ k $-nearest neighbors \cite{Ploetz/2018}, thus delivering state-of-the-art performance for image denoising. Nevertheless, there is no method to explicitly capture the low-rank property of images with DNNs, to the best of our knowledge.
In this work, we present the first attempt to employ the \emph{low-rank property} of degradations with DNNs.
The low-rank approximation of an image can be expressed as the sum of a series of rank-one (RO) components.
Furthermore, the RO components of an image are particularly self-similar, since any two rows or columns of an RO matrix are linearly dependent \cite{Andrews/1976}.
Therefore, we propose a framework based on RO decomposition and neural networks, referred to as rank-one network (RONet), to extract RO components and use them for the restoration of images.
RONet combines the idea of low-rank approximation with the learning-based scheme, to maintain their advantages. Concretely, an image corrupted by Gaussian noise could be decomposed into the sum of its low-rank component and residual error, as shown in Fig \ref{fig:00}, where the low-rank image is the sum of its first three RO components. Compared with the original image, the low-rank image is particularly self-similar and almost noise-free.
For efficient and effective implementation, we propose to extract RO components via a DNN specified for decomposition and utilize them to restore images via a DNN specified for reconstruction.
Specifically, we first decompose an image into the sum of RO components and residual error via a cascaded neural network. Then, the RO components and residual error are separately processed, since the former could be enhanced while the latter would be smoothed.
Finally, the recovered RO components and residual error are combined to approximate the ground truth.
The contributions of this work are summarized as follows.
\begin{itemize}
\item Firstly, we propose a new framework, based on RO decomposition and reconstruction, for image restoration.
The property of self-similarity of images exists in most of the real-world data.
However, this property has not been widely and explicitly considered for image restoration in the DNN-based approaches, to the best of our knowledge.
We develop this new framework, where the RO decomposition is aimed to exploit the self-similar features of an image, and the RO reconstruction is employed to recover the image from these features.
\item
Secondly, we implement the framework using DNNs, i.e., the RONet, which is comprised of the RO decomposition network and the RO reconstruction network. RONet is efficient in the test stage compared to non-learning-based algorithms.
\item
Finally, we verify our proposal that the RONet can separate the noises from the RO components of an image. This function has a particular advantage in realistic image restoration. We use four image restoration tasks to illustrate the performance of the proposed RONet.
\end{itemize}
The rest of our paper is organized as follows. In Section~\ref{sec02}, we introduce the related works about image restoration and RO decomposition.
Section~\ref{sec03} presents the methodologies of the proposed RONet.
Section~\ref{sec04} provides the implementation details of RONet and the evaluation results of four image restoration tasks. We finally conclude this work in Section~\ref{sec06}.
\begin{figure*}[tb]
\centering
\includegraphics[width=1\linewidth]{images/pipeline}
\caption{Pipelines of the proposed method. Here, \textit{RODec} denotes the main body of our RO decomposition network, which is pre-trained by the loss $ L^{unsup}_{Dec} $ in (\ref{eq16}), \textit{RecRos}, \textit{RecRes}, \textit{RecFus}, and \textit{Upsampling} (only for image super-resolution) consist of the main body of our RO reconstruction network, which is trained by the loss $ L_{Rec} $ in (\ref{eq15}). \textit{RecROs}, \textit{RecRes}, and \textit{RecFus} are aimed at reconstructing RO components, restoring residual, and fusing the concatenation, respectively. They share the similar architecture but have different depths.
ROP network is illustrated in Fig \ref{fig:02}.}
\label{fig:01}
\end{figure*}
\section{Related work}\label{sec02}
\subsection{Image restoration}
Recovering images from a few corrupted observations is particularly difficult, which appears in single image super-resolution (SISR) and image denoising. Conventionally, one could model this task as a linear inverse problem, and solve it using the approaches of regularization \cite{Rudin/1992,Osher/2005,Shi/2015}. With the success of deep learning, many deep neural network (DNN)-based approaches have been developed for image restoration with promising progress \cite{Jain/2009,Sun/2015,Dong/2016}.
SISR is the task of reconstructing the high-resolution images from the low-resolution images. It is very difficult when the upscaling factor is more than 4 and when low-resolution images are corrupted with unknown noise.
Interpolation is often used for SISR, but it obtains poor results due to its effect on smoothing details. Recently, DNNs have set state of the art for SISR. As a pioneer work, Dong et al. \cite{Dong/2016} developed a three layers network, referred to as SRCNN, to learn the end-to-end mapping from the low-resolution to the high-resolution images. Inspired by the superior performance of SRCNN, many DNNs have been proposed to improve the Peak Signal-to-Noise Ratio (PSNR) value, such as the residual learning based networks \cite{Lim/2017,Sajjadi/2017,Kim1/2016,Yu/2018}, the recursive learning based networks \cite{Kim/2016}, the dense connection-based networks \cite{Zhang/2018,Tong/2017}, and the Laplacian pyramid based networks \cite{Lai/2017}. Besides, to enhance the visual quality of SR images, the perceptual loss \cite{Johnson/2016} and the adversarial learning based networks \cite{Ledig/2017,Wang/2018} have been proposed. But these approaches would lower the PSNR value, compared to the PSNR-oriented approaches. Therefore, achieving a good trade-off between the PSNR value and the visual quality of SR is still challenging.
Image denoising is an essential task in computer vision since data is inevitably accompanied by noise during the imaging process. Conventional approaches mainly concentrate on modeling the image priors explicitly, such as the low-rank based methods \cite{Gu/2014} and the total variation based methods \cite{Rudin/1992}. Dabov et al. \cite{Dabov/2007} proposed a competitive method, referred to as BM3D, for image denoising due to its flexibility in dealing with the various noise levels. Recently, deep CNN-based approaches have made great progress in image denoising. Burger et al. \cite{Burger/2012} proposed a multi-layer perceptron method that achieves comparable performance with BM3D. Inspired by the promising performance of deep CNN, Zhang et al. \cite{Zhang_beyond/2017} developed a residual learning-based network, which delivered superior denoising performance against the previous works. Besides, Zhang et al. \cite{Zhang_ffdnet/2018} proposed a fast CNN-based network to increase the flexibility of dealing with the spatially variant noises. However, achieving a good trade-off between the inference speed and the denoising performance is still challenging.
\subsection{RO decomposition}
Rank-one decomposition aims at factorizing a matrix into the sum of rank-one components. One of the well-known methods is the singular value decomposition (SVD). SVD is the optimal rank-one decomposition in the least square sense, and it becomes a basic tool in matrix analysis thanks to its powerful ability in extracting the low-rank components of a matrix. Exploring the rank-one decomposition is particularly attractive since it is the basis of matrix completion \cite{Candes/2009,Hu_fast/2012} and principle component analysis (PCA) \cite{Candes/2011}.
Both matrix completion and PCA show that extracting the low-rank components is significant since the components are compressed and have high self-similarity. In computer vision, image restoration refers to study the self-similarity of an image. Therefore, we could use the techniques of matrix completion and PCA to estimate the low-rank components of an image. Since the low-rank matrix is often expressed as the sum of RO matrices, it is significant to explore RO decomposition and its application.
Matrix completion is involved in many areas, including machine learning \cite{Amit/2007,Argyriou/2007}, computer vision \cite{Komodakis/2006}, and recommender system \cite{Koren/2008}. Recent progress in matrix completion shows that low-rank components are good approximations of unknown matrices. Under some general constraints, one can perfectly recover low-rank components from incomplete observations with very high probability \cite{Candes/2009}. Since the generic denoising models assume that the noise can be separated from data, low-rank components could be reconstructed accurately even if the observed entries are corrupted with a small number of noises \cite{Candes_matrix/2010}.
Classical PCA shows that the low-rank components of data are its principal components \cite{Hotelling/1933,Jolliffe/1986}. Recently, splitting the sparse components becomes another growing interest, and several works have been done to decompose a matrix into the sum of the low-rank and sparse components. Chandrasekaran et al. \cite{Chandrasekaran/2011} showed the conditions of exactly recovering the low-rank and sparse components by developing a notion of rank-sparsity incoherence. Robust PCA proposed a convenient method to recover both the low-rank and sparse components, and presented its wide applications in video surveillance and face recognition \cite{Candes/2011}. Besides, tensor robust PCA was proposed to decompose a tensor into the sum of low-rank and sparse tensors, and it performs robustly in image restoration and background modeling \cite{Lu_tensor/2019}.
\begin{table}[t]
\centering
\caption{Summarization of the notions and notations used in the methodology.}
\label{tab01}
\begin{tabular}{|c|c|}
\hline
Notions& Notations\\
\hline
Image/RO space& $ \mathbb R^{m\times n} $/$ O^{m\times n} $\\
\hline
Number of samples/ROPs & $ N $/$ L $\\
\hline
$ L $-level residual space& $ R_L^{m\times n} $ \\
\hline
Cartesian space& $ (O^{m\times n})^L\times R_L^{m\times n} $\\
\hline
Source/Target space& $ \mathbb R^{m_s\times n_s} $/$ \mathbb R^{m_t\times n_t} $\\
\hline
Image/Residual& $ X $/$ E $\\
\hline
Source/Target image & $ S $/$ T $\\
\hline
Sample/ROP index & Superscript/Subscript of $ X_l^i $\\
\hline
\end{tabular}
\end{table}
\section{Methodology}\label{sec03}
This work is aimed to develop an effective framework for image restoration.
Particularly, image restoration from noisy observations can be challenging, since the progress of denoising in image space could corrupt their details.
Therefore, we propose a two-stage framework for image restoration, i.e., (1) decomposition of the source image into two parts, particularly into a series of RO components and the residual error, and (2) reconstruction of the target image from the RO components and the residual error. This framework is effective in recovering the corrupted details since the RO components are often noise-free. SVD and the techniques of matrix completion can be applied to perform the decomposition and reconstruction, respectively. However, they are the iterative methods and are computationally expensive when the sizes of images are large. Inspired by the powerful ability of deep neural networks in learning complex mappings, we propose to obtain the mappings of source image decomposition and target image reconstruction via deep learning.
Fig \ref{fig:01} illustrates the pipelines and network architectures of the proposed method.
\textbf{In the decomposition stage}, we build a cascaded CNN, referred to as \textit{RODec}, using the proposed cascade unit (RO projection).
This unit projects a matrix into two parts, i.e., an RO matrix and a residual error matrix.
We implement this projection using a DNN and refer to this network as RO projection network (ROPNet) for convenience in Section \ref{sec3.1}.
As a result, we can decompose the source image into the sum of a series of RO components and a residual error using the RO projections.
\textbf{In the reconstruction stage}, we build three residual CNNs, referred to as \textit{RecROs}, \textit{RecRes}, and \textit{RecFus}
for the reconstruction of target images and estimation of residual errors as Fig \ref{fig:01} shows.
The \textit{Upsampling} block is to ensure the low dimension of operating space.
Table \ref{tab01} summarizes the important notations used in this paper, where $ \mathbb R^{m\times n} $ denotes image space, and $ O^{m\times n} $ denotes the corresponding RO space. In the manuscript, we use the subscripts $ s $ and $ t $ to denote the notations related to the source and target image spaces, respectively. Note that $ \left\| X \right\|_2 $ denotes $ \ell_2 $ norm of the vectorization of tensor $ X $, and $ \left\| X \right\|_1 $ denotes $ \ell_1 $ norm of the vectorization of $ X $, unless stated otherwise. The rest of this section is organized as follows.
First, we introduce the RO projection in Section \ref{sec3.1}, which is the core of RO decomposition.
Then, we elaborate on the decomposition and reconstruction in Section \ref{sec3.2} and Section \ref{sec3.3}, respectively.
Finally, we describe the details of the training and testing of the networks in Section \ref{sec3.4}
\subsection{RO projection}\label{sec3.1}
\begin{figure}[!t]
\centering
\includegraphics[width=0.8\linewidth]{images/ROP}
\caption{The architecture of the rank-one projection network (ROPNet), which is aimed at projecting the input to be an RO matrix.}
\label{fig:02}
\end{figure}
\emph{A matrix is rank-one if and only if it can be expressed as the outer product of two vectors}, which leads to the advantages that RO matrices are highly self-similar and can be greatly compressed.
Real-world images are matrices in image spaces, whose ranks are generally much greater than one due to their complex contents.
The simple RO components could be used to represent the principal part of an image \cite{Hotelling/1933,Jolliffe/1986}.
Therefore, we propose to employ RO projections to obtain the RO components of an image for image restoration.
Let $ \mathbb R^{m \times n } $ be an image space, and $ \lbrace X^i \rbrace_{i=1}^N $ denote $ N $ samples from $ \mathbb R^{m \times n } $. Suppose $ \Theta_p $ is a parameter space, then an RO projection network (ROPNet), denoted as $ f_{\theta_p} $ with parameters $ \theta_p\in \Theta_p $, is a mapping from $ \mathbb R^{m \times n } $ to $ O^{m \times n } $, i.e., $ f_{\theta_p} : \mathbb R^{m\times n} \rightarrow O^{m\times n} $, where $ O^{m \times n } = \lbrace X\in \mathbb R^{m\times n} | \mbox{rank}(X) = 1 \rbrace $ denotes the RO space with respect to $ \mathbb R^{m\times n} $. Therefore, the RO projection space generated by the ROPNet can be expressed as $ F = \lbrace f_{\theta_p} | \theta_p\in \Theta_p \rbrace $. Our aim is to obtain proper parameters such that
\begin{equation}\label{eq01}
\hat{\theta}_p \in \mathop{\arg\min}_{\theta_p \in \Theta_p} \frac{1}{N} \textstyle\sum_{i=1}^{N}\left\| X^i - f_{\theta_p}(X^i)\right\|_2^2.
\end{equation}
We propose to employ CNNs to build the ROPNet and learn the solution of problem (\ref{eq01}). The ROPNet is aimed to learn proper RO projections from the image space to the RO space. For each RO matrix, it could be expressed as the matrix product of a column vector and a row vector.
Therefore, we design the ROPNet that consists of two branches.
One aims at projecting a given matrix to a column vector, and the other maps the matrix to a row vector.
As Fig \ref{fig:02} shows, each branch of the ROPNet consists of two functional mappings, i.e., a non-linear mapping and vectorization mapping.
The former is comprised of a number of convolutional layers and non-linear activation layers;
the latter is designed as the average pooling in a row or column direction, which is aimed at projecting a matrix to a column or row vector. The mathematical motivation is given in Appendix A of Appendices.
Therefore, ROPNet projects a color image into three RO matrices, of which each is the matrix product of the corresponding column vector and row vector projected by the vectorization mapping.
\subsection{RO decomposition}\label{sec3.2}
RO decomposition maps the image space to the Cartesian product of a set of RO spaces and a residual space, i.e., decomposes an image into a series of RO matrices and a residual error.
For each $ X \in \mathbb R^{m\times n} $, its RO decomposition could be expressed as follows,
\begin{equation}\label{eq02}
X = X_1 + X_2 + \cdots + X_L + E_L,
\end{equation}
where, $ X_l \in O^{m\times n} $ ($ 1\le l \le L $) denotes the $ l $-th RO matrix; $ E_L \in \mathbb R^{m\times n} $ denotes the $ L $-th residual error; and $ L $ denotes the number of RO components, which is user-defined. Such decomposition as (\ref{eq02}) shows is known to be unique and determined by SVD in the sense of least squares, namely, the unique decomposition could be obtained by solving the following problem,
\begin{equation}\label{eq03}
\{\hat{X}_i\} = \mathop{\arg\min}_{\left\lbrace X_i\in O^{m\times n}\right\rbrace }\frac{1}{2}|| X - \textstyle \sum_{i=1}^L X_i||_2^2.
\end{equation}
Moreover, the first few RO components of an image are generally free from noises \cite{Andrews/1976,Candes_matrix/2010},
which motivates us to extract these noise-free components of a given image for restoration.
To obtain an appropriate RO decomposition as SVD, we solve a series of RO estimation problems. Concretely, an RO decomposition could be achieved by successively applying a series of ROPNets, i.e., $ \lbrace f_{\theta_p^l} \rbrace_{l=1}^L $, to an image and the residuals after each ROPNet. For the $ i $-th image sample $ X^i \in \mathbb R^{m\times n} $, we could obtain a series of RO components and the corresponding residual via the following formulas,
\begin{gather}
X_1^i = f_{\theta_p^1}(X^i),\label{eq031}\\
E_l^i = X^i - \textstyle\sum_{j=1}^l X_j^i,\label{eq032}\\
X_{l+1}^i = f_{\theta_p^{l+1}}( E_l^i),\label{eq033}
\end{gather}
for $ l = 1, \dots, L-1 $.
Here, $ X_1^i $ and $ E_1^i $ depend on $ \lbrace \theta_p^1 \rbrace $, $ X_{l+1}^i $ and $ E_{l+1}^i $ depend on $ \lbrace \theta_p^1, \ldots, \theta_p^{l+1} \rbrace $. For convenience, we introduce a new notation $ R^{m\times n}_l $, which is referred to as the $ l $-level residual space, i.e., $ R^{m\times n}_l=\lbrace E_l| X \in \mathbb R^{m\times n}; \theta_p^j \in \Theta_p, \forall j\in \lbrace 1, \dots, l\rbrace \rbrace $, where $ E_l $ is determined by $ X $ and $ \lbrace \theta_p^j \rbrace_{j=1}^{l} $ as (\ref{eq031})-(\ref{eq033}) illustrate. To obtain an appropriate decomposition, we use the strategy as (\ref{eq01}) shows to learn the parameters of ROPNets in the sense of least squares. Concretely, the proper parameters are obtained by successively minimizing the residual errors from the $ 1 $- to $ L $-level residual space, as follows,
\begin{equation}\label{eq034}
\hat{\theta}_p^l \in \mathop{\arg\min}_{\theta_p^l \in \Theta_p} \frac{1}{N}\textstyle\sum_{i=1}^{N} \| E_{l-1}^i - f_{\theta_p^l}(E_{l-1}^i) \|_2^2,
\end{equation}
where, $ l=1, \dots, L $ and $E_{0}^i=X^i$. Note that $ \hat{\theta}_p^l $ depends on $ \lbrace E_{l-1}^i \rbrace_{i=1}^N $, and the precise formula of $ \hat{\theta}_p^l $ is $ \hat{\theta}_p^l(E_{l-1}^1, \dots, E_{l-1}^N) $. Here, we omit the dependence to simplify notation.
Let the mappings from the image space to the Cartesian space be denoted as the elements in
\begin{equation}\label{eq035}
G =\lbrace g_{\theta_{Dec}} | g_{\theta_{Dec}} : \mathbb R^{m\times n} \rightarrow (O^{m\times n})^L\times R_L^{m\times n} \rbrace
\end{equation}
such that $ g_{\theta_{Dec}}(X^i) = (X_1^i, \dots, X_L^i, E_L^i) $, where $ (O^{m\times n})^L $ denotes the $ L $-Cartesian product of RO spaces, and $ \theta_{Dec} = \lbrace \theta_p^l \rbrace_{l=1}^L $ is in $\Theta_p^L $, which denotes the $ L $-Cartesian product of parameter spaces. The formulas in (\ref{eq034}) and (\ref{eq032}) induce that we could obtain the optimal parameters $ \lbrace \hat{\theta}_p^l\rbrace_{l=1}^L $ by successively minimizing the residual, i.e., $ E_l^i = E_{l-1}^i - X_l^i $, from the low-level to the high-level residual space. However, we jointly optimize the parameters in practice. That is we obtain the optimal parameters for RO decomposition by minimizing the following problem,
\begin{align}\small
\hat{\theta}_{Dec} &\in \mathop{\arg\min}_{\theta_{Dec}\in \Theta_p^L} \frac{1}{NL}\textstyle\sum_{i=1}^N\textstyle\sum_{l=1}^L \| E_{l-1}^i - X_l^i \|_2^2\label{eq04}\\ &\in \mathop{\arg\min}_{\theta_{Dec}\in \Theta_p^L} \frac{1}{NL} \textstyle\sum_{i=1}^N\sum_{l=1}^L \| X^i - \sum_{j=1}^l [ g_{\theta_{Dec}}(X^i) ] _j \|_2^2,\nonumber
\end{align}
where, $ [ g_{\theta_p}(X^i) ] _j $ denotes the $ j $-th element of $ g_{\theta_p}(X^i) $.
The formulas (\ref{eq031})-(\ref{eq033}) show that ROPNets could be applied to obtain the RO decomposition of an image.
Therefore, we utilize the ROP as the basic unit to build the RO decomposition network (RODec). Note that once a network RODec has been successfully trained, it can be used in different applications where one needs to decompose an image into the sum of RO components. For example, the RODec trained using the dataset DIV2K \cite{ntire/2018} was used for the tasks of image super-resolution and image denoising in our experiments. For the specific image restoration, we introduce two extra image spaces to avoid confusion, i.e., source space and target space, which are notated as $ \mathbb R^{m_s\times n_s} $ and $ \mathbb R^{m_t\times n_t} $, respectively. There are two RO spaces with respect to them, i.e., source RO space and target RO space, which are notated as $ O^{m_s\times n_s} $ and $ O^{m_t\times n_t} $, respectively. Besides, we use $ \lbrace S^i, T^i \rbrace_{i=1}^N $ to denote $ N $ paired samples from the source and target space.
The architecture of RODec is shown at the upper left corner of Fig \ref{fig:01}.
Concretely, for the $ i $-th source image $ S^i \in \mathbb R^{m_s\times n_s}$, we still denote it as $ E_0^i $ for convenience. First we use the ROP parameterized with $ \theta_p^1 $ to project this image to an element $ S_1^i \in O^{m_s\times n_s} $, and compute the first residual $ E_1^i $ in the $ 1 $-level residual space $ R_1^{m_s\times n_s} $, i.e., $ S_1^i = f_{\theta_p^1}(E_0^i) $ and $ E_1^i = E_0^i - S_1^i $. Then we utilize the ROP parameterized with $ \theta_p^2 $ to project $ E_1^i $ to the second RO component $ S_2^i $, and calculate the residual $ E_2^i \in R_2^{m_s\times n_s} $, i.e., $ S_2^i = f_{\theta_p^2}(E_1^i) $ and $ E_2^i = E_1^i - S_2^i $.
Similarly, we project the $ (L-1) $-th residual error to an element $ S_L^i \in O^{m_s\times n_s} $, and obtain the residual $ E_L^i $ in the $ L $-level residual space, i.e., $ S_L^i = f_{\theta_p^L}(E_{L-1}^i) $ and $ E_L^i = E_{L-1}^i - S_L^i $.
Finally, the outputs of \textit{RODec} are composed of the residual error $ E_L^i $ and the series of $ S_1^i$,$ \dots $, and $ S_L^i $.
To train RODec, we could use the unsupervised method as shown in (\ref{eq04}). Besides, we can also use supervised learning by minimizing the following loss function,
\begin{align}\small
L_{Dec}^{sup} &=\frac{1}{NL}\textstyle\sum_{i=1}^{N}\textstyle\sum_{l=1}^L\| S_l^i - \tilde{S}_l^i \|_2^2\nonumber\\
&= \frac{1}{NL}\textstyle\sum_{i=1}^{N}\textstyle\sum_{l=1}^L \| \left[ g_{\theta_{Dec}}(S^i)\right]_l - \tilde{S}_l^i \|_2^2, \label{eq09}
\end{align}
where, $ \lbrace \tilde{S}_l^i \rbrace_{l=1}^L $ denotes the least square solution of (\ref{eq03}), which is calculated by SVD, for the $ i $-th source image $ S^i $.
Although SVD can be used to obtain the RO decomposition in the least square
sense, it is computationally expensive for the proposed learning-based method, which repeatedly applies the RO decomposition for each image in the training stage. That will be shown in our ablation study. Note that the RO components obtained by RODec are not the same as the results computed by SVD, since SVD is calculated for a particular image while RODec trained on a set of samples.
\subsection{RO reconstruction}\label{sec3.3}
We build the mappings from the Cartesian space to the target space, so as to reconstruct the target images. Most of the learning-based approaches have been developed directly from the source space to the target space without explicitly considering the self-similarity of degradations \cite{Jain/2009,Dong/2016,Chen/2016}. However, the previous works have shown that utilizing self-similarity could improve the performance and robustness of learning-based approaches \cite{Dabov/2007,Lempitsky/2018,Liu/2018}. Since RODec has the ability to extract the highly self-similar RO components, we develop a network from the source Cartesian space to the target space to sufficiently utilize the RO components.
Image restoration is often modeled as a linear problem. Concretely, let $ x^i\in \mathbb R^n $ be the vectorization of a target image $ T^i\in \mathbb R^{m_t\times n_t} $, and $ y^i\in \mathbb R^m $ be the vectorization of a source image $ S^i\in \mathbb R^{m_s\times n_s} $, where $ n = m_t n_t $, $ m = m_s n_s $, and $ \frac{m_t}{m_s} $ and $ \frac{n_t}{n_s}$ are upscaling factors.
Suppose $ A\in \mathbb R^{m\times n} $ is a degradation operator, then the image restoration problem could be expressed as $ y^i = Ax^i + \epsilon $, where $ \epsilon $ denotes noise. For the task of image denoising, the upscaling factor is set to be $ 1 $, and $ A $ is an identity matrix. For the task of image super-resolution, the upscaling factors are generally set to be integers more than 1, and $ A $ is a downsampling matrix.
Many learning-based methods aim at estimating a mapping directly from the source space to the target space. In contrast, we build a mapping from source Cartesian space to the target space due to the ability of RODec in extracting RO components. Let $ (O^{m_s\times n_s})^L \times R_L^{m_s\times n_s} $ denote the source Cartesian space, $ (O^{m_t\times n_t})^L \times R_L^{m_t\times n_t} $ denote the target Cartesian space, and $ \Theta_r $ denote a parameter space for reconstruction. The mapping from the source Cartesian space to the target space is defined by $ h_{\theta_{Rec}} $, which is parameterized by $\theta_{Rec}$, and $\theta_{Rec}\in \Theta_r $. Given a training dataset $ \lbrace S^i, T^i \rbrace_{i=1}^N $, we then want to find the proper parameters by the following minimization,
\begin{equation}\small\label{eq10}
\hat{\theta}_{Rec}\in \mathop{\arg\min}_{\theta_{Rec}\in \Theta_r} \frac{1}{N}\textstyle\sum_{i=1}^N \| h_{\theta_{Rec}}(\hat{S}_1^i, \dots, \hat{S}_L^i, \hat{E}_L^i) - T^i \|_2^2,
\end{equation}
where, $ (\hat{S}_1^i, \dots, \hat{S}_L^i, \hat{E}_L^i) = g_{\hat{\theta}_{Dec}}^s(S^i) $, and $ g_{\hat{\theta}_{Dec}}^s(\cdot)$ denotes a pre-trained RODec. The optimal solution, however, is hard to obtain due to the fact that there are a large number of parameters to optimize for DNNs. Moreover, we would get a local minimum which may be greatly deviated from the optimal solution. We therefore adopt other priors to construct regularization losses, so as to obtain a more robust solution.
Taking single image super-resolution (upscaling factor $ \times 4 $) as an example, we utilize residual blocks to design an RO reconstruction network (RORec) for learning the mappings from the source Cartesian space to the target space. As shown in Fig \ref{fig:01}, we use \textit{RecROs}, \textit{RecRes}, \textit{RecFus}, and \textit{Upsampling} to build our RORec.
\textit{RecROs} is built to reconstruct the RO components of a target image, meanwhile, \textit{RecRes} is proposed to estimate the residual error of the target image. \textit{RecFus} is developed to obtain the fusion of the RO components and residual error, which is taken as an estimation of the target image. Note that the three blocks share the similar network structure as shown in Fig \ref{fig:01}, but have different depths. \textit{Upsampling} is built to ensure that most of the operators are implemented in a low-dimensional space. \textit{Upsampling} with respect to \textit{RecFus} consists of convolutional layers and pixel-shuffle. Note that for image denoising this upsampling is unnecessary and thus is removed. For convenience, we denote \textit{RecROs}, \textit{RecRes}, \textit{RecFus}, and \textit{Upsampling} of RORec as $ h_{\theta_{ROs}} $, $ h_{\theta_{Res}} $, $ h_{\theta_{Fus}} $, and $ h_{\theta_{Fus}^u} $, respectively, as shown in Fig \ref{fig:01}. Then, we have $ \theta_{Rec} = \lbrace \theta_{ROs},\theta_{Res},\theta_{Fus}, \theta_{Fus}^u\rbrace $. For training RORec, we are going to use the RO decomposition of target images. Therefore, extra two \textit{Upsampling} blocks with respect to \textit{RecROs} and \textit{RecRes} are included, which are denoted as $ h_{\theta_{ROs}^u} $ and $ h_{\theta_{Res}^u} $, respectively. Overall, the mappings in Fig \ref{fig:01} are summarized in Appendix B of Appendices.
We not only compute a loss in the target space, but also design two losses in the target Cartesian space. Concretely, given a source image $ S^i\in \mathbb R^{m_s\times n_s} $, we could use the pre-trained RODec $ g_{\hat{\theta}_{Dec}}^s $ to map the image to its RO components and residual error, i.e., we have
\begin{align}\label{eq11}
\hat{S}^i_{ROs}&=( [ g_{\hat{\theta}_{Dec}}^s(S^i)]_1, \dots, [ g_{\hat{\theta}_{Dec}}^s(S^i)]_L ) ,\\
\hat{S}^i_{Res}&=[ g_{\hat{\theta}_{Dec}}^s(S^i)]_{L+1}.
\end{align}
Moreover, we utilize $ g_{\hat{\theta}_{Dec}}^t $, which shares the same parameters with $ g_{\hat{\theta}_{Dec}}^s $, to obtain the low-rank component and residual error of the target $ T^i\in \mathbb R^{m_t\times n_t} $, namely,
\begin{equation}\small\label{eq11a}
\hat{T}^i_{LR}=\textstyle\sum_{l=1}^L [ g_{\hat{\theta}_{Dec}}^t(T^i)]_l \mbox{ and }
\hat{T}^i_{Res}=[ g_{\hat{\theta}_{Dec}}^t(T^i)]_{L+1},
\end{equation}
where, $ [ g_{\hat{\theta}_{Dec}}^t(T^i)]_l\in O^{m_t\times n_t} $ for $ l = 1, \dots, L $, and $ [ g_{\hat{\theta}_{Dec}}^t(T^i)]_{L+1}\in R_L^{m_t\times n_t} $. Then the loss functions for RO components and residual error are given by
\begin{align}
L_{ROs} &= \frac{1}{N} \textstyle\sum_{i=1}^{N} \| h_{\theta_{ROs}^u}\circ h_{\theta_{ROs}}(\hat{S}^i_{ROs}) - \hat{T}^i_{LR} \|_{\alpha}^{\alpha} ,\\
L_{Res} &= \frac{1}{N} \textstyle\sum_{i=1}^{N} \| h_{\theta_{Res}^u}\circ h_{\theta_{Res}}(\hat{S}^i_{Res}) - \hat{T}^i_{Res} \|_{\alpha}^{\alpha}.
\end{align}
where, $ \circ $ denotes the composition of two functions.
The loss for fusion is expressed as
\begin{align}
L_{Fus} =& \frac{1}{N} \textstyle\sum_{i=1}^{N} \| h_{\theta_{Rec}}\circ g_{\hat \theta_{Dec}}^s (S^i) - T^i \|_{\alpha}^{\alpha} + \nonumber\\
& \eta L_{Per}\left( h_{\theta_{Rec}}\circ g_{\hat \theta_{Dec}}^s (S^i), T^i\right) ,
\end{align}
where, $ \alpha\in \left\lbrace 1, 2\right\rbrace $, $ L_{Per} $ denotes the perceptual loss \cite{Johnson/2016}, and $ \eta $ is a hyper-parameter. Overall, our RORec is trained by minimizing the following loss function,
\begin{equation}\label{eq15}
L_{Rec} = \lambda (L_{ROs} + L_{Res}) + (1-\lambda) L_{Fus},
\end{equation}
where, $ \lambda\in [0, 1] $ is another hyper-parameter. Note that we could also jointly train RODec and RORec without fixing the parameters of RODec for a particular task. In this case, the flexibilities of RODec in adapting different tasks would be lost, since RODec depends on a specific dataset conducted by the task.
\subsection{Training and testing}\label{sec3.4}
In the training phase, the RO decomposition network can be trained via both supervised and unsupervised learning. For the former, we minimize the distance between the RO components and the ground truth obtained by \textit{RODec} and SVD, respectively. For the latter, we directly minimize the $ \ell_2 $ norm of the residuals induced by \textit{ROPs}. To train the RO reconstruction network, we develop three loss functions, i.e., $ L_{ROs} $, $ L_{Res} $, and $ L_{Fus} $. Here, $ L_{ROs} $ is the distance between the upsampling output of \textit{RecROs} and the low-rank component of the target image. $ L_{Res} $ denotes the distance between the upsampling output of \textit{RecRes} and the residual error of the target image. $ L_{Fus} $ represents the distance between the upsampling output of \textit{RecFus} and the target image.
Overall, the RO reconstruction network can be trained by minimizing the weighted sum of the three losses as shown in (\ref{eq15}).
As shown in Fig \ref{fig:01}, RO decomposition networks $ g^s_{\hat{\theta}_{Dec}} $ and $ g^t_{\hat{\theta}_{Dec}} $ (sharing the same parameters) have been pre-trained before training the RO reconstruction network. Therefore, we train the RO decomposition network via both supervised and unsupervised methods firstly. For supervised learning, we could train RODec by minimizing the loss function in (\ref{eq09}) to get the pre-trained models. Let the objective function in (\ref{eq04}) denote as
{\small
\begin{equation}\label{eq16}
L_{Dec}^{unsup} = \frac{1}{NL}\sum_{i=1}^N\sum_{l=1}^L \| X^i - \sum_{j=1}^l \left[ g_{\theta_{Dec}}(X^i) \right] _j \|_2^2.
\end{equation}}
Then we could minimize this loss function for unsupervised learning.
After obtaining the pre-trained RODec, we would fix its parameters and use supervised learning to train our RORec. In practice, the loss function varies from one task to another in image restoration. For single image super-resolution, we minimize the loss in (\ref{eq15}) by empirically setting $ \lambda = 0.5 $, $ \eta = 1\times 10^{-3} $, and $ \alpha=1 $. For image denoising, $ \lambda $ and $ \eta $ are both set to be $ 0 $, and $ \alpha $ is set to be 2, i.e., we use mean squared error to train RORec.
In the testing phase, a source image is first decomposed by \textit{RODec} into some RO components and a residual error. Then the outputs of \textit{RODec} are mapped by \textit{RecROs} and \textit{RecRes} to approximate the RO components and the residual error of the target image, respectively. Finally, the concatenation of previous outputs is mapped successively by the \textit{RecFus} and \textit{Upsampling} to be an estimation.
\section{Experiments}\label{sec04}
In the experiments, we first evaluated the performance of RODec in Section~\ref{sec:RODec}. Then, we performed the ablation studies to obtain the proper architectures and settings of the decomposition and reconstruction networks for the RONet, in Section~\ref{sec43}. Finally, we evaluated the performance of RONet for four image restoration tasks, in Section~\ref{exp:recon}, where the assumption that the process of denoising could corrupt the RO components of a noisy image is verified.
Note that for noise-free image restoration, the RONet framework may not perform particularly better than the other state-of-the-art methods, since RONet could not demonstrate its advantage in separating the RO components from the noise when no noise is presented in the images.
To illustrate this, we evaluated a RONet model on the task of noise-free image SR in Section~\ref{exp:recon:nonoise}.
For noisy image restoration, we tested the models on realistic image SR, gray-scale image denoising, and color image denoising, in Section~\ref{exp:recon:real}, \ref{exp:recon:gray}, and \ref{exp:recon:color}, respectively, to show the superior performance of the RONet and verify the assumption.
\subsection{Data and implementation details}\label{sec4.1}
We used DIV2K to generate training datasets for all tasks.
DIV2K is a public high-resolution (2k) dataset \cite{ntire/2018}, consisting of 800 training images, 100 validation images, and 100 test images, and ensuring the high quality and diversity of images.
The quality of restored images is evaluated using the standard Peak Signal To Noise Ratio (PSNR) and the Structural Similarity (SSIM) index.
For the task of noise-free image SR, with 4 times at each dimension (x4), we downsampled an HR image from DIV2K using bicubic interpolation to generate a pair of LR and HR images for training. The PSNR and SSIM were measured only on Y channel by ignoring 4 pixels from the boarder for images converted from RGB to YCbCr.
For the task of realistic image SR (x4), we followed the rules of track 2, realistic image SR challenge of NTIRE 2018 \cite{ntire/2018} and used the provided realistic image dataset for training and test. In this track, the LR images were generated via realistic mild adverse conditions, namely, the degradation operators involve the motion blur and the Poisson noise that depend on images, and we have no knowledge about the blur and noise strength. The maximal PSNR and SSIM were measured by cropping a $ 60\times 60 $ patch from the center of an RGB image and shifting it up to 40 pixels in four directions.
For the image denoising task, we added the spatially invariant additive white Gaussian noise (AWGN) to the clean images to generate the training and test data. The PSNR and SSIM were measured for all pixels of an image.
\emph{RODec} is comprised of the cascaded ROPs, and it could be trained by supervised or unsupervised learning. Each branch of ROPs, i.e., \textit{Cblock} or \textit{Rblock}, consists of the three basic blocks whose structures are ``Conv + Relu + Conv'', as shown in Fig \ref{fig:02}. To extract the diverse features, we set the numbers of kernels of these two convolutional layers to be $ 256 $ and $ 64 $, respectively. Besides, we set the number of kernels of the last convolutional layer in ROP to be 3 for color images, and to be 1 for gray-scale images.
For the \emph{unsupervised RODec}, we cropped the patches of size $ 64\times 64 $ from DIV2K, and randomly selected 16 patches to train it in each update.
For the \emph{supervised RODec}, we used the same strategy as the unsupervised case to generate patches and batches, and we obtained the ground truth of a patch by SVD to train the model.
For \emph{RORec}, we adopted the structure of residual networks with the pixel-shuffle strategy, and it was trained supervisedly. The \textit{Upsampling} includes two convolutional layers, whose numbers of kernels are respectively $ 256 $ and $ 3 $. Except for the last layer in \textit{Upsampling}, whose kernel size is $ 9\times 9 $, all the other layers are set to have a kernel size of $ 3\times 3 $.
Each residual block of \textit{RecROs}, \textit{RecRes} and \textit{RecFus} contains two convolutional layers, and their numbers of kernels depend on one particular tasks.
Concretely, for the single image SR, either noise-free or noisy case, we set the numbers of kernels to be $ 192 $ and $ 48 $ for \textit{RecROs}, and to be $ 256 $ and $ 64 $ for \textit{RecRes} as well as \textit{RecFus}, respectively. Moreover, we set the patch size up to $ 64\times 64 $ to satisfy the requirement of perceptual loss and set the batch size to be 4 to save GPU memory.
For the image denoising, either gray-scale or color mode, we set the numbers of kernels to be $ 96 $ and $ 48 $ for \textit{RecROs}, and to be $ 128 $ and $ 64 $ for \textit{RecRes} as well as \textit{RecFus}, respectively. Besides, we cropped the patches of size $ 64\times 64 $ from DIV2K and used them as ground truth.
We then added AWGN of random noise level ($ \sigma \in \left[ 0, 75\right] $) to the clean patches, and randomly selected 4 noisy patches to train models in each update.
\begin{table}[!t]
\caption{Evaluation of RO decomposition by the unsupervised RO decomposition (UROD), supervised RO decomposition (SROD) and SVD. The testing results are the average score of 10 images of size $ 1024\times 1024 $, which are cropped from the validation dataset of DIV2K. GPU run time for training is in hours (h) and for test is in seconds (s). \textit{Note that the second and third RO components of SROD are particularly sparse, and the scores therefore are particularly high.}}
\label{tab:RODec}
\resizebox{1\linewidth}{!}{
\begin{tabular}{cc|ccccc|ccccc}
\hline
\multirow{2}{*}{Method}& \multirow{2}{*}{Criterion}& \multicolumn{4}{c}{RODec for grayscale images}& Runtime & \multicolumn{4}{c}{RODec for RGB images} & Runtime\\
& & $ X_1 $& $ X_2 $& $ X_3 $ & $ E_3 $& Training/Test & $ X_1 $& $ X_2 $& $ X_3 $ & $ E_3 $& Training/Test\\
\hline
\multirow{2}{*}{UROD}& PSNR& 38.03& 35.95& 55.79& 18.59& \multirow{2}{*}{6.9h/1.9$ \pm $0.5s}& 42.04& 39.05& 51.66& 18.59& \multirow{2}{*}{7.0h/2.0$ \pm $0.5s}\\
& SSIM& 0.99& 0.81& 0.98& 0.28& & 0.99& 0.91& 0.98& 0.28&\\
\hline
\multirow{2}{*}{SROD}& PSNR& 34.46& 103.3& 127.6& 18.49& \multirow{2}{*}{11.7h/2.1$ \pm $0.8s}& 41.26& 89.57& 99.92& 18.58& \multirow{2}{*}{18.7h/2.1$ \pm $0.9s}\\
& SSIM& 0.99& 1.00& 1.00& 0.27& & 0.99& 1.00& 1.00& 0.29&\\
\hline
\multirow{2}{*}{SVD}& PSNR& 45.82& 45.57& 45.30& 18.61& \multirow{2}{*}{--/4.3$ \pm $0.2s}& 45.58& 45.38& 44.91& 18.62& \multirow{2}{*}{--/12.1$ \pm $0.3s}\\
& SSIM& 0.98& 0.98& 0.97& 0.28& &0.98& 0.97& 0.97& 0.28& \\
\hline
\end{tabular}}
\end{table}
\begin{figure}[!t]
\centering
\includegraphics[width=1\linewidth]{images/RODec}
\caption{Visualization of RO decomposition by UROD-C, SROD-C, and SVD. Here, the noise level of $ X $ is 50.}
\label{fig:rodec}
\end{figure}
The RONet, with RODec and RORec, was trained using the ADAM \cite{Kingma/2015} optimizer with $ \beta_1 = 0.9 $, $ \beta_2=0.999 $ and $ \epsilon = 1\times 10^{-8} $.
As RODec is lighter than RORec, we used $ 5\times 10^{5} $ updates to train the former and $ 1\times 10^{6} $ for the latter. The learning rate is initialized to be $ 1\times 10^{-4} $, which decreases to $ 1\times 10^{-5} $ after $ 4\times 10^5 $ updates for RODec, and decays by a factor of 0.5 every $ 2\times 10^5 $ updates for RORec.
Finally, RONet was implemented with TensorFlow \footnote{https://zmiclab.github.io/projects.html}, and all models were trained and tested on a GTX 1080 Ti GPU with 11 GB memory.
\subsection{Performance of RO decomposition}\label{sec:RODec}
In this section, we trained four models which would be used in the following sections. Concretely, we used two anisotropic kernels for ROP units to extract features, i.e., $ 1\times 3 $ for \textit{Cblock} and $ 3\times 1 $ for \textit{Rblock}. Moreover, we set the number of ROP units to 6, i.e., $ L=6 $. For supervised RODec, we adopted the settings shown in Section~\ref{sec4.1} and used the supervised strategy presented in Section~\ref{sec3.4} to train two models for gray-scale and color images, respectively. For convenience, the resulting models are referred to as SROD-G and SROD-C. For unsupervised RODec, we adopted the same settings but utilized the unsupervised approach to train two models for gray-scale and color images, which are referred to as UROD-G and UROD-C, respectively. Note that the number of ROP units could range between $ 1 $ and $ 6 $ in applications for the pre-trained models.
\begin{table*}[!ht]
\centering
\caption{Results of ablation studies: RONet for realistic image SR with different settings, including whether train it in an end-to-end fashion, different RO decompositions, the number of RO projections (\#ROP), the number of residual blocks (\#ResBlocks), and whether use batch normalization (BN). The GPU run time (in hours for training and in seconds for test) and the size of the resulting model (\#Parameters), which denotes the number of parameters from both RO decomposition and reconstruction networks, are reported. The bold font indicates the optimal settings in each of the sub-studies, while the underline font denotes the best settings across the sub-studies. Please refer to the text for details.
}
\label{tab03} \resizebox{1\textwidth}{!}{
\begin{tabular}{|c||c||c|c||c|c|c|c|c||c|c|c||c|c|}
\hline
\multirow{2}{*}{Model}& \multirow{2}{*}{End-to-end}& \multicolumn{2}{c||}{RO decomposition}& \multicolumn{5}{c||}{RO reconstruction}& \multicolumn{3}{c||}{Evaluation}& \multicolumn{2}{c|}{GPU run time}\\
\cline{3-14}
& & Method& \#ROP& \#ResBlocks& Loss& Initializer& BN& Scale& \#Parameters& PSNR& SSIM& Training& Test\\
\hline
\#1& \multirow{3}{*}{N}& \multirow{3}{*}{UROD-C}& 1& \multirow{3}{*}{$ (3,6,3) $}& \multirow{3}{*}{$ L_2 $}& \multirow{3}{*}{Xavier-U}& \multirow{3}{*}{Y}& \multirow{3}{*}{1.0}& 4.04M& 24.31& 0.5705& 10.8h& 9.4s\\
\#2& & &\textbf{3}& & & & & & 5.04M & 24.33& 0.5727& 17.4h& 10.8s\\
\#3& & & 6& & & & & & 6.53M & 24.21& 0.5607& 26.8h& 12.9s\\
\hline\hline
\#4& \multirow{3}{*}{N}& \multirow{3}{*}{UROD-C}& \multirow{3}{*}{3}& $ (3, 6, 3) $ & \multirow{3}{*}{\underline{$L_1$}}& \multirow{3}{*}{\underline{Xavier-U}}& \multirow{3}{*}{Y}& \multirow{3}{*}{1.0}& 5.04M& 24.50& 0.5844& 17.0h&10.7s\\
\#5& & & & $ (12, 24, 3) $& & & & & 11.84M& 24.53& 0.5837& 22.8h& 15.0s\\
\#6& & & & $ \mathbf{(8, 16, 8)} $& & & & & 10.29M& 24.53& 0.5851& 21.2h& 13.9s\\
\hline\hline
\#7& \multirow{3}{*}{N}& \multirow{3}{*}{UROD-C}& \multirow{3}{*}{3}& \multirow{3}{*}{$ (3, 6, 3) $}& \multirow{3}{*}{$ L_1 $}& \multirow{3}{*}{MSRA-N}& \textbf{Y}& \textbf{1.0}& 5.04M& 24.46& 0.5814& 17.4h& 10.7s\\
\#8& & & & & & & N& 1.0& 5.04M& 24.46& 0.5802& 17.0h& 10.3s\\
\#9& & & & & & & Y& 0.1& 5.04M& 24.42& 0.5788& 17.6h& 10.6s\\
\hline\hline
\#10& N& SROD-C& 3& $ (3, 6, 3) $& $ L_1 $& Xavier-U& Y& 1.0& 5.04M& 24.50& 0.5835& 17.4h& 10.6s\\
\hline
\#11& N& SVD& --& $ (3, 6, 3) $& $ L_1 $& Xavier-U& Y& 1.0& 3.7M& 24.46& 0.5803& 99.4h& 12.9s\\
\hline
\#12& Y& UROD-C& 3& $ (3, 6, 3) $& $ L_1 $& Xavier-U& Y& 1.0& 5.04M& 24.47& 0.5844& 39.5h& 10.7s\\
\hline
\end{tabular}}
\end{table*}
To study the performance of RODec in extracting RO components, we tested the four models on ten $ 1024\times 1024 $ images cropped from DIV2K. Concretely, we first added AWGN with the noise level of 30 to the ten clean images. Then, we used UROD to extract the RO components and the residual error of a noisy image, i.e., $ X_1, X_2, X_3 $ and $ E_3 $, and compared them with the corresponding components of the ground truth, which were also extracted via UROD. Similarly, we repeated that for SROD and SVD, and reported the performance of them in Table \ref{tab:RODec}. The PSNR and SSIM of residual error are particularly low for each method, which means that most of the added noise is included in the residual component, and the RO components therefore are almost noise-free. The average test runtime of UROD and SROD are about one-sixth of that of SVD, which demonstrates that the proposed RO decomposition is much faster than SVD in extracting the first three RO components. Fig. \ref{fig:rodec} visualizes the performance of UROD, SROD, and SVD in decomposing a color image, which shows that each of them could extract a low-rank component (the sum of the first three RO components) that is almost noise-free. However, the low-rank component extracted by SVD seems more informative, which demonstrates that it is necessary to explore more robust DNNs-based methods for RO decomposition.
\subsection{Ablation studies}\label{sec43}
In this study, we trained twelve RONet models and tested them for realistic image SR using the noisy and blurry images from DIV2K. The parameters include the settings for RODec, RORec, and the training schemes of initializations, batch normalization, residual scaling, and the methods of RO decomposition.
The parameter settings and results are summarized in Table~\ref{tab03}. \textit{Note that we used total $ 2\times 10^5 $ updates to train each model. The learning rate started from $ 1\times 10^{-4} $ and decreased to $ 1\times 10^{-5} $ after $ 1\times 10^5 $ updates.}
To study the effect of ROP units, we trained and compared three models.
We first adopted the pre-trained UROD-C as the RO decomposition method and set the number of ROPs to be different integers, i.e., 1, 3, and 6. We further fixed the parameters of UROD-C and trained the RORec by optimizing the loss function in (\ref{eq15}), where, $ \alpha=2 $, $ \lambda=0.5 $, and $ \eta=1\times 10^{-3} $.
Table~\ref{tab03} presents the detailed settings and results:
model \#2, with 3 ROPs, delivered the best performance.
Therefore, we adopted these settings of RODec for the models in the following studies.
To study RORec, we further trained and compared three models.
We first studied the effect of different loss functions, namely we changed $ \alpha $ to be 1 for model \#4.
The result shows that $L_1$ performed better than $L_2$ used by model \#2.
We then studied the effect of RORec with different numbers of residual blocks in \textit{RecROs}, \textit{RecRes} and \textit{RecFus}.
Table \ref{tab03} shows that the three models achieved comparable mean PSNR and SSIM values in restoration,
but model \#4 is lighter and computationally more efficient.
To study the training schemes, we trained another three models.
We compared the two initialization methods, i.e., Xavier uniform approach \cite{He_delving/2015} and MASRA normal method \cite{Glorot/2010}, and found the former delivered better accuracies.
We studied the batch normalization (BN) strategy, by comparing model \#7 and model \#8, and found BN could improve the performance.
Finally, we multiplied 0.1 to the residuals before adding them to the identity maps in the residual blocks for model \#9, to study the effect of residual scaling.
The results in Table~\ref{tab03} show that model \#7 without the scaling is better than model \#9 with this scaling in terms of accuracy.
To study the methods of RO decomposition, we trained two models using different RO decompositions. We first replaced the UROD-C with the pre-trained SROD-C and maintained other settings as model \#4 used to obtain model \#10. We further used the conventional SVD to achieve RO decomposition and studied its efficiency.
Note that the computation time of SVD-based RO decomposition is about six times of that of SROD-C, we therefore limited the training procedure to be within an acceptable time. To study the effect of training RONet in an end-to-end fashion, we first adopted the settings as model \#4 used and randomly initialized the parameters of RODec and RORec. After that, we jointly trained them by minimizing $ L^{unsup}_{Dec} + L_{Rec} $ and obtained an end-to-end model, i.e., model \#12. The comparisons between model \#4 and model \#12 showed that training RONet in an end-to-end fashion increased its training time, but did not improve its performance. Moreover, the results showed model \#4 could deliver better performance than model \#10, we therefore adopted the unsupervised RODec in the following tasks.
\subsection{Performance of Rank-One Network}\label{exp:recon}
This section studies the applications of the proposed RONet framework for four image restoration tasks, i.e., noise-free image SR, realistic image SR, gray-scale image denoising and color image denoising.
We set the number of ROP to be 3 for image SR, according to the ablation study results in Table \ref{tab03}, and to be 1 for image denoising to decrease computational complexity.
For each task, we trained a task-specific RORec model, which has the same architecture and setting as the RORec in model \#4.
We adopted the pre-trained unsupervised RODec models, as shown in Section 4.2, and fixed their parameters when we trained the RORec models. Moreover, we reported the total number of parameters of RONet, \textit{which is comprised of the parameters from RODec and RORec,} in the following sections. Note that we obtained the restored images, based on which we computed their PSNR and SSIM, using the released codes and pre-trained models for the compared methods.
\begin{table*}[!t]
\centering
\caption{Results of noise-free image SR: including SRCNN \cite{Dong/2016}, EDSR \cite{Lim/2017}, EnhanceNet \cite{Sajjadi/2017}, SRGAN \cite{Ledig/2017}, ESRGAN \cite{Wang/2018}, OISR \cite{He/OISR/2019}, and RONet. The sizes of resulting models are given in the row of \#Parameters.
The bold and italic fonts respectively denote the best and second-best results in each row.
\emph{Here, RONet-NF does not demonstrate particularly better performance,
because its function of separating noise from RO components of the image may not be useful when super-resolving noise-free images.} Note that EnhanceNet, SRGAN, and ESRGAN are the perceptual quality-oriented methods, so they do not achieve high scores, but they could reconstruct visually more realistic images, as shown in Fig \ref{fig:05}.
}
\label{tab02}
\resizebox{1\textwidth}{!}{
\begin{tabular}{|c|c|c|c|c|c|c|c|c|c|}
\hline
Datasets& Criterion& Bicubic& SRCNN& EDSR& EnhanceNet& SRGAN& ESRGAN& OISR-RK2& RONet-NF\\
\hline
\multirow{2}{*}{Set5}& PSNR& 28.42& 30.49& \textbf{32.46}& 28.56& 28.19& 30.44& \textit{32.33}& 31.86\\
& SSIM& 0.8105& 0.8629& \textbf{0.8976}& 0.8093& 0.8163& 0.8505& \textit{0.8958}& 0.8894\\
\hline
\multirow{2}{*}{Set14}& PSNR& 26.10& 27.61& \textbf{28.80}& 25.04& 25.97& 26.28& \textit{28.71}& 28.42\\
& SSIM& 0.7048& 0.7535& \textbf{0.7872}& 0.6528& 0.7001& 0.6974& \textit{0.7844}& 0.7767\\
\hline
\multirow{2}{*}{BSD100}& PSNR& 25.96& 26.91& \textbf{27.72}& 24.09& 24.63& 25.30& \textit{27.65}& 27.44\\
& SSIM& 0.6676& 0.7104& \textbf{0.7414}& 0.6006& 0.6416& 0.6494& \textit{0.7386}& 0.7313\\
\hline
\multirow{2}{*}{Urban100}& PSNR& 23.15& 24.53& \textbf{26.64}& 22.30& 23.67& 24.35& \textit{26.37}& 25.73\\
& SSIM& 0.6579& 0.7230& \textbf{0.8029}& 0.6504& 0.6984& 0.7322& \textit{0.7952}& 0.7739\\
\hline\hline
\multicolumn{2}{|c|}{\# Parameters of models} & --& 0.07M& 43.1M& 0.85M& 0.78M& 16.6M& 5.5M& 5.0M\\
\hline
\end{tabular}}
\end{table*}
\begin{figure*}[h]
\centering
\includegraphics[width=1\linewidth]{images/ronet_nf}\\[-2ex]
\caption{Visualization of noise-free image SR: three typical examples (cropped patches of size $ 80\times 80 $) from the four datasets. Please refer to Supplementary Material for high-resolution images.
}
\label{fig:05}
\end{figure*}
\subsubsection{Noise-free image super-resolution}\label{exp:recon:nonoise}
To simulate the noise-free case, we generated the LR images by downsampling the HR images in DIV2K using bicubic interpolation.
The resulting LR and HR image pairs were then used for the training of the SR models.
For convenience, the proposed RONet model for this noise-free image SR is referred to as RONet-NF.
We evaluated the performance of RONet-NF on four public datasets, i.e., Set5 \cite{Bevilacqua/2012}, Set14 \cite{Zeyde/2012}, BSD100 \cite{Martin/2001}, and Urban100 \cite{Huang/2015}, and compared with SRCNN \cite{Dong/2016}, EnhanceNet \cite{Sajjadi/2017}, SRGAN \cite{Ledig/2017}, ESRGAN \cite{Wang/2018}, EDSR \cite{Lim/2017}, and OISR \cite{He/OISR/2019}, which are the state-of-the-art methods for noise-free image SR.
We only trained the reconstruction module (RORec) of RONet-NF, namely, we adopted the pre-trained UROD-C to achieve RO decomposition, and fixed its weights to update the parameters of RORec. For the loss function, we set $ \alpha $ in (\ref{eq15}) to be 1, since the previous works show that $ L_1 $ regularization could achieve better performance than $ L_2 $; $ \eta $ in (\ref{eq15}) was set to be $ 1\times 10^{-3} $, and $ \lambda $ in (\ref{eq15}) was set to be $ 0.5 $.
To be consistent with the previous methods which were evaluated on YCbCr images, we converted the mode of restored images to be YCbCr and computed the PSRN and SSIM only on the Y channel, as shown in Section \ref{sec4.1}. We reported the quantitative evaluations of RONet-NF and six state-of-the-art methods in Table \ref{tab02}, which shows that EDSR achieves the highest PSNR and SSIM, OISR-RK2 ranks the second-best, and RONet-NF delivers the third-best performance.
We visualized the restored results of the typical cases in Fig \ref{fig:05}. One can see that the images super-resolved by EnhanceNet, SRGAN, and ESRGAN tend to have artifacts, but are visually more realistic.
It should be noted that the noise-free image SR task does not require the function to separate the RO components from the noise of images, which is the major advantage of the proposed RONet framework.
Hence, RONet-NF did not demonstrate particularly better performance, compared to the other state-of-the-art methods.
\begin{table}[!t]
\centering
\caption{Results of realistic image SR: including EDSR \cite{Lim/2017}, WDSR \cite{Yu/2018} and RONet-R.
The bold font denotes the best PSNR or SSIM.
\emph{Here, RONet-R achieves particularly better PSNR and SSIM values than the others. This is because its function of separating noise from RO components of the images could play an important role when super-resolving real images.}
} \label{tab04}
\resizebox{1\linewidth}{!}{
\begin{tabular}{ccccccccc}
\hline
\multirow{2}{*}{Criterion}& \multirow{2}{*}{Bicubic}& \multirow{2}{*}{EDSR}& \multirow{2}{*}{WDSR}& \multicolumn{5}{c}{RONet-R by different settings of $ \lambda $}\\
\cmidrule(lr){5-9}
& & & & 0& 0.001& 0.01& 0.1& 0.5\\
\hline
PSNR& 23.16& 24.40& 24.42& 24.50& \textbf{24.53}& \textit{24.52}& 24.51& 24.51 \\
SSIM& 0.5178& 0.5796& 0.5833& 0.5854& \textbf{0.5868}& \textit{0.5863}& 0.5855& 0.5848\\
\# Paras& --& 43.1M& 9.5M& 5.0M& 5.0M& 5.0M& 5.0M& 5.0M\\
\hline
\end{tabular}}
\end{table}
\begin{figure}[!ht]
\centering
\includegraphics[width=0.8\linewidth]{images/ronet_n}\\[-2ex]
\caption{Visualization of realistic image SR: four typical examples (cropped patches of size $ 80\times 80 $). Please refer to Supplementary Material for high-resolution images.
}
\label{fig:06}
\end{figure}
\subsubsection{Realistic image super-resolution}\label{exp:recon:real}
\begin{figure*}[!ht]
\centering
\includegraphics[width=1\linewidth]{images/ronet_den_Gray}\\[-2ex]
\caption{Visualization of gray-scale image denoising: three typical examples (cropped patches of size $ 80\times 80 $) from Set12. Please refer to Supplementary Material for high-resolution images.}
\label{fig:07}
\end{figure*}
\begin{table}[h]
\centering
\caption{The quantitative evaluation of BM3D \cite{Dabov/2007}, WNNW \cite{Gu/2014}, TNRD \cite{Chen/2016}, DnCNN \cite{Zhang_beyond/2017}, FFDNet \cite{Zhang_ffdnet/2018}, N$ ^3 $Net \cite{Ploetz/2018}, and RONet-G on the task of gray-scale image denoising. We tested these methods on RNI6 \cite{Lebrun/2015}, Set12, and BSD68 \cite{Roth/2005} with different noise levels, i.e., $ \sigma=15, 25, 35, 50 $, and reported their performance. The bold value denotes the best performance, while the italic value represents the second best performance. }
\label{tab06}
\resizebox{1\linewidth}{!}{
\begin{tabular}{ccccccccccc}
\hline
\multirow{2}{*}{Dataset}& \multirow{2}{*}{Method}& \multicolumn{2}{c}{$ \sigma=15 $}& \multicolumn{2}{c}{$ \sigma=25 $}& \multicolumn{2}{c}{$ \sigma=35 $}& \multicolumn{2}{c}{$ \sigma=50 $}&\multirow{2}{*}{\#Paras}\\
\cmidrule(lr){3-4}\cmidrule(lr){5-6}\cmidrule(lr){7-8}\cmidrule(lr){9-10}
& & PSNR& SSIM& PSNR& SSIM& PSNR& SSIM& PSNR& SSIM& \\
\hline
\multirow{8}{*}{RNI6}& BM3D& 30.23& 0.8383& 27.98& 0.7626& 26.61& 0.7156& 25.32& 0.6691& --\\
& WNNW& 30.40& 0.8424& 28.21& 0.7707& 26.87& 0.7209& 25.49& 0.6760& --\\
& TNRD& 30.27& 0.8472& 28.02& 0.7663& --& --& 25.33& 0.6688& 0.58M\\
& DnCNN& 30.02& 0.8266& 28.07& 0.7568& 26.90& 0.7172& 25.63& 0.6757& 0.66M\\
& FFDNet& 30.43& 0.8561& 28.27& 0.7801& 27.01& 0.7298& \textit{25.74}& \textit{0.6843}& 0.48M\\
& N$ ^3 $Net& \textbf{30.55}& \textbf{0.8604}& \textbf{28.33}& \textbf{0.7835}& \textbf{27.09}& \textbf{0.7352}& \textbf{25.79}& \textbf{0.6865}& 0.71M\\
& RONet-G& \textit{30.51}& \textit{0.8577}& \textit{28.31}& \textit{0.7811}& \textit{27.02}& \textit{0.7302}& 25.73& 0.6839& 2.01M\\
\hline
\multirow{8}{*}{Set12}& BM3D& 32.40& 0.8985& 29.99& 0.8520& 28.41& 0.8120& 26.79& 0.7644& --\\
& WNNW& 32.70& 0.9002& 30.23& 0.8571& 28.66& 0.8196& 26.97& 0.7745& --\\
& TNRD& 32.50& 0.8987& 30.05& 0.8528& --& --& 26.81& 0.7634& 0.58M\\
& DnCNN& 32.68& 0.9027& 30.36& 0.8618& 28.83& 0.8263& 27.21& 0.7806& 0.66M\\
& FFDNet& 32.75& 0.9055& 30.43& 0.8653& 28.92& 0.8316& 27.32& \textit{0.7888}& 0.48M\\
& N$ ^3 $Net& \textit{32.91}& \textbf{0.9073}& \textit{30.50}& \textit{0.8660}& \textbf{29.03}& \textbf{0.8339}& \textbf{27.44}& \textbf{0.7926}& 0.71M\\
& RONet-G& \textbf{32.92}& \textit{0.9066}& \textbf{30.54}& \textbf{0.8661}& \textit{28.98}& \textit{0.8318}& \textit{27.37}& 0.7881& 2.01M\\
\hline
\multirow{7}{*}{BSD68}& BM3D& 31.12& 0.8789& 28.62& 0.8093& 27.13& 0.7548& 25.73& 0.6945& --\\
& WNNW& 31.32& 0.8813& 28.84& 0.8183& 27.32& 0.7634& 25.85& 0.7005& --\\
& TNRD& 31.42& 0.8870& 28.92& 0.8201& --& --& 25.97& 0.7032& 0.58M\\
& DnCNN& 31.61& 0.8915& 29.16& 0.8293& 27.68& 0.7784& 26.23& 0.7180& 0.66M\\
& FFDNet& 31.63& 0.8951& 29.19& 0.8342& 27.73& 0.7848& 26.29& \textit{0.7270}& 0.48M\\
& N$ ^3 $Net& \textbf{31.79}& \textbf{0.8979}& \textbf{29.29}& \textbf{0.8373}& \textbf{27.83}& \textbf{0.7894}& \textbf{26.38}& \textbf{0.7317}& 0.71M\\
& RONet-G& \textit{31.77}& \textit{0.8969}& \textit{29.28}& \textit{0.8356}& \textit{27.79}& \textit{0.7853}& \textit{26.34}& 0.7269& 2.01M\\
\hline
\end{tabular}}
\end{table}
To study the performance of RONet in super-resolving realistic images, we trained the model using the blurry and noisy images of DIV2K from the NTIRE2018 image SR challenge \cite{ntire/2018}. We adopted the pre-trained UROD-C to achieve the RO decomposition and obeyed the settings as model \#4 used in Table~\ref{tab03} for RORec. We set $ \alpha=1 $, $ \lambda=0.5 $, as well as $ \eta=1\times 10^{-3} $ and used the training strategy in Section \ref{sec3.4} to update the parameters of RORec up to $ 8\times 10^5 $ times. To study the effect of $ \lambda $, we first set $ \lambda=0.001,0.01,0.1,0.5 $ as well as $\lambda=0$. We further fine-tune the pre-trained RORec using extra $ 2\times 10^5 $ updates for each setting.
For convenience, the resulting models are referred to as RONet-R. We compared RONet-R with EDSR \cite{Lim/2017} and WDSR \cite{Yu/2018}, which were the winners of NTIRE 2017 and 2018 image SR challenges, respectively.
All models were evaluated using the validation dataset (100 images) of the realistic DIV2K,
and we used the same strategy from NTIRE challenges to compute the PSNR and SSIM, as shown in Section \ref{sec4.1}.
We reported the quantitative evaluations of RONet-R and two state-of-the-art methods in
Table \ref{tab04}, where sizes of the resulting network models are also given.
RONet-R is the lightest model, compared to EDSR and WDSR, though it achieved the best PSNR and SSIM.
Moreover, RONet-R with $ \lambda=0.001 $ or $ 0.01 $ achieved better performance than that with $\lambda=0$, and RONet-R with $ \lambda=0.001 $ were the best in this study. This indicates proper deep supervision could improve the performance in restoration, though RONet-R with $ \lambda=0,0.1,0.5 $ achieved similar performance.
Fig \ref{fig:06} visualizes the restored images of four typical cases.
One can see that RONet-R tends to generate fine details, whereas EDSR and WDSR are prone to smooth them.
We conclude that in realistic image SR, RONet-R could perform particularly well, thanks to its function of separating noise from RO components of the images when restoring them.
\subsubsection{Gray-scale image denoising}\label{exp:recon:gray}
To study the performance of RONet in gray-scale image denoising, we generated a set of noisy images for training.
We converted each clean image from DIV2K to be gray-scale mode and added an AWGN with known noise strength, i.e., $ \sigma=15,25,35 $ or $ 50 $, to generate a noisy observation. We used the mean squared error (MSE) as the loss function, namely we set $ \alpha=2$, $ \lambda=0 $ and $ \eta =0 $ for the hyper-parameters in (\ref{eq15}). We adopted the pre-trained UROD-G to achieve the RO decomposition, and obeyed other settings as model \#1 used in Table \ref{tab03} for RORec, and adopted the training strategy in Section \ref{sec4.1}.
We adopted the settings of kernels for image denoising, as shown in Section \ref{sec4.1}, and trained a model referred to as RONet-G, which was compared with six state-of-the-art methods for gray image denoising,
i.e., BM3D \cite{Dabov/2007}, WNNW \cite{Gu/2014}, TNRD \cite{Chen/2016}, DnCNN \cite{Zhang_beyond/2017}, FFDNet \cite{Zhang_ffdnet/2018}, and N$ ^3 $Net \cite{Ploetz/2018}.
We evaluated their performance in gray-scale image denoising by three widely used datasets, i.e., RNI6 \cite{Lebrun/2015}, Set12, and BSD68 \cite{Roth/2005}.
Table \ref{tab06} summarizes the results of gray-scale image denoising.
Although N$ ^3 $Net achieved overall higher scores than RONet-G, their performance was comparable in terms of PSNR and SSIM. To visually compare these methods, we showed three typical examples in Fig \ref{fig:07}. One can see that WNNM and BM3D could generate more realistic textures for \texttt{09.png}, and RONet-G is prone to reconstruct more details corrupted by noise for \texttt{07.png} and \texttt{11.png}.
\subsubsection{Color image denoising}\label{exp:recon:color}
To study the performance of RONet in color image denoising, we generated a set of noisy images for training.
We added an AWGN to each clean image from DIV2K, with noise levels ranging between $ \left[0, 75 \right] $, to generate a noisy observation. We first adopted the pre-trained UROD-C to achieve the RO decomposition. We further set up a \textit{baseline} by setting the number of kernels to be 48 for all convolutional layers of the residual blocks in \textit{RecROs}, and to be 64 for that in \textit{RecRes} as well as \textit{RecFus}. Moreover, we adopted the original settings of kernels for image denoising, as shown in Section \ref{sec4.1}, and trained another model referred to as RONet-C.
Both of them were compared with three state-of-the-art methods for color image denoising,
i.e., CBM3D \cite{Dabov/2007}, CDnCNN \cite{Zhang_beyond/2017} and FFDNet \cite{Zhang_ffdnet/2018}.
We evaluated the performance of image restoration using three public datasets, i.e., CBSD68 \cite{Roth/2005}, Kodak24 \cite{Franzen/1999} and McMaster \cite{Zhang_color/2011}. Note that noise levels should be given for CBM3D, therefore we evaluated all methods for specific noise levels, i.e., $\sigma=15, 25, 35, 50$.
\begin{figure}[!t]
\centering
\includegraphics[width=1\linewidth]{images/ronet_den_RGB}\\[-2ex]
\caption{Visualization of color image denoising: three typical examples (cropped patches of size $ 80\times 80 $) from McMaster. Please refer to Supplementary Material for high-resolution images.}
\label{fig:08}
\end{figure}
\begin{table}[!h]
\centering
\caption{Results of color image denoising: CBM3D \cite{Dabov/2007}, CDnCNN \cite{Zhang_beyond/2017}, FFDNet \cite{Zhang_ffdnet/2018}, and RONet-C. The methods are evaluated on CBSD68 \cite{Roth/2005}, Kodak24 \cite{Franzen/1999}, and McMaster \cite{Zhang_color/2011} with four noise levels.
The bold and italic fonts respectively denote the best and second-best results in each group.
}
\label{tab05}
\resizebox{1\linewidth}{!}{
\begin{tabular}{ccccccccccc}
\hline
\multirow{2}{*}{Dataset}& \multirow{2}{*}{Method}& \multicolumn{2}{c}{$ \sigma=15 $}& \multicolumn{2}{c}{$ \sigma=25 $}& \multicolumn{2}{c}{$ \sigma=35 $}& \multicolumn{2}{c}{$ \sigma=50 $}&\multirow{2}{*}{\#Paras}\\
\cmidrule(lr){3-4}\cmidrule(lr){5-6}\cmidrule(lr){7-8}\cmidrule(lr){9-10}
& & PSNR& SSIM& PSNR& SSIM& PSNR& SSIM& PSNR& SSIM& \\
\hline
\multirow{4}{*}{CBSD68}& CBM3D& 33.52& 0.9248& 30.71& 0.8716& 28.89& 0.8207& 27.38& 0.7669 & --\\
& CDnCNN& 33.89& 0.9317& 31.23& 0.8863& 29.58& 0.8452& 27.92& 0.7915 & 0.67M\\
& FFDNet& 33.87& 0.9318& 31.21& 0.8857& 29.58& 0.8445& 27.96& 0.7916 & 0.83M\\
& Baseline& \textit{33.94}& \textit{0.9330}& \textit{31.32}& \textit{0.8895}& \textit{29.71}& \textit{0.8506}& \textit{28.10}& \textit{0.8001}& 1.24M\\
& RONet-C& \textbf{33.99}& \textbf{0.9336}& \textbf{31.36}& \textbf{0.8902}& \textbf{29.74}& \textbf{0.8514}& \textbf{28.14}& \textbf{0.8009}& 2.03M\\
\hline
\multirow{4}{*}{Kodak24}& CBM3D& 34.28& 0.9164& 31.68& 0.8682& 29.90& 0.8212& 28.46& 0.7751& --\\
& CDnCNN& 34.48& 0.9212& 32.03& 0.8774& 30.46& 0.8390& 28.85& 0.7895& 0.67M\\
& FFDNet& 34.64& 0.9230& 32.13& 0.8790& 30.57& 0.8407& 28.98& 0.7929& 0.83M\\
& Baseline& \textit{34.73}& \textit{0.9246}& \textit{32.27}& \textit{0.8833}& \textit{30.71}& \textit{0.8470}& \textit{29.13}& \textit{0.8005}& 1.24M\\
& RONet-C& \textbf{34.80}& \textbf{0.9254}& \textbf{32.33}& \textbf{0.8845}& \textbf{30.77}& \textbf{0.8484}& \textbf{29.18}& \textbf{0.8020}& 2.03M\\
\hline
\multirow{4}{*}{McMaster}& CBM3D& 34.06& 0.9150& 31.66& 0.8739& 29.92& 0.8327& 28.51& 0.7934& --\\
& CDnCNN& 33.44& 0.9070& 31.51& 0.8724& 30.14& 0.8412& 28.61& 0.7985& 0.67M\\
& FFDNet& 34.66& \textit{0.9247}& 32.35& 0.8891& 30.81& 0.8573& 29.18& 0.8157& 0.83M\\
& Baseline& \textit{34.68}& 0.9236& \textit{32.44}& \textit{0.8898}& \textit{30.94}& \textit{0.8598}& \textit{29.33}& \textit{0.8203}& 1.24M\\
& RONet-C& \textbf{34.77}& \textbf{0.9251}& \textbf{32.51}& \textbf{0.8920}& \textbf{31.00}& \textbf{0.8627}& \textbf{29.39}& \textbf{0.8245}& 2.03M\\
\hline
\end{tabular}}
\end{table}
Table \ref{tab05} summarizes the results of image denoising.
One can see that RONet-C achieved the best scores in all studies, and the baseline got the second-best scores in 23 studies (out of 24).
This was probably due to the advantageous function of separating noise from RO components of the RONet, which plays an important role in restoring images with noise.
Finally, Fig \ref{fig:08} provides three typical examples. Similar to the results of realistic image SR and gray-scale image denoising, RONet-C demonstrated the potential of reconstructing more details corrupted by noise.
To demonstrate the advantage of RONet in reconstructing RO components (by RecROs) and residual (by RecRes), we compared the SVD of restored images with the SVD of their ground truth, and plotted the average PSNR of the $ i $-th ($ i=1,\dots, 40 $) RO components, which were obtained from the reconstructed images. Fig~\ref{fig:PSNRRO} shows the results. One can see that RONet achieves the best scores on the first 10 RO components except for the sixth. This demonstrates that RONet decreases the corruption of principal RO components by processing the RO components and residual separately, and thus improves the performance of denoising.
\begin{figure}[!ht]
\centering
\includegraphics[width=0.9\linewidth]{images/ROcomponents}
\caption{PSNR of the RO components for CBM3D, CDnCNN, FFDNet, and RONet-C when the noise level is $ 50 $.}
\label{fig:PSNRRO}
\end{figure}
\section{Conclusion}\label{sec06}
In this paper, we formulate a new framework for image restoration based on RO decomposition and reconstruction.
The method separates the RO components of a corrupted image and utilizes the components and residual error to restore the image. To achieve this, we first develop an RO decomposition network to extract the RO components. This network functions by cascading the proposed RO projection. Then, we process the RO components and residual error separately and restore the image from the concatenation of them using the RO reconstruction network.
The implementation of the proposed method based on neural networks is referred to as RONet.
In the experiments, we evaluated RONet using four tasks, i.e., noise-free image SR, realistic image SR, gray-scale image denoising, and color image denoising.
The quantitative and qualitative results showed that RONet was effective and efficient for image restoration.
Particularly, when the images had been degraded with noise and artifacts, RONet demonstrated superior performance.
Regarding to the future work, methodologies for efficient and accurate extraction of RO components could be further explored.
Currently, a fixed number of RO projections, i.e., ranging between 1 and 6, was used for the RODec, according to the ablation study.
However, in reality this number could be adaptive, based on the fact that the ranks could vary greatly across different images.
Moreover, exactly estimating the rank of a realistic image is difficult, and it is still an open question in low-rank matrix completion \cite{Candes_matrix/2010}.
Hence, future work could include the investigation of alternatives for RO decomposition and the exploration of sparsity as well as low-rank property of images.
\section*{Acknowledgment}
This work was funded by the National Natural Science Foundation of China (NSFC) Grant (61971142).
The authors would like to thank Lei Li, Fuping Wu and Xinzhe Luo for useful comments and proof read of the manuscript.
\bibliographystyle{abbrv}
|
\section{Introduction}
\label{Section_Introduction}
Data is at the heart of next generation IoT networks. With the dramatic growth in demand for smart services and applications that rely on cross-domain data processing and analysis, data privacy has become one of the key issues when deploying data-driven AI-based solutions in large-scale IoT networks. Traditional cloud-based solution in which IoT devices must upload all the data into a cloud data center for a centralized process is known to be difficult to meet the increasingly stringent requirements in service responsiveness as well as data security and privacy protection.
Edge intelligence has been recently promoted as one of the key solutions to unleash the full potential of data-driven IoT networks. It inherits the decentralized nature of edge computing and emphasizes more on performing and delivering AI-functions and solutions closer to the data source, e.g., IoT devices.
One of the key challenges for applying edge intelligence in IoT networks is to implement distributed data processing and learning across a large number of decentralized datasets owned or managed by different user devices with privacy protection requirements. Federated learning (FL) is an emerging distributed AI framework that enables collaborative machine learning (ML) across decentralized datasets. It offers a viable solutions for data-driven learning and model training across privacy-sensitive datasets.
Despite of its huge potential, implementing FL in edge intelligence-based IoT networks is hindered by several challenges. In particular, edge intelligence relies on a large number of low-cost edge servers to perform AI tasks and solutions. The geographical distributions and data processing capabilities of edge servers can vary significantly causing
highly unbalanced service demands and resource utilization. Also, the quality and size of dataset available at each edge server directly affects the performance of the model training. Unfortunately, the random nature of the wireless links connecting IoT devices and edge servers can exhibit high temporal and spatial fluctuation which may result in different numbers of data samples being uploaded from the IoT network to different edge servers.
Currently, there is still a lack of a comprehensive framework that can coordinate and jointly optimize the data collection and transportation of the IoT network and the data processing and model training at edge servers.
In this paper, we investigate an edge intelligence-based IoT network in which an edge computing system consisting of a set of edge servers trains a shared model based on the data samples uploaded from an IoT network.
We propose a novel framework, referred to as {\em federated edge intelligence (FEI)}, to allow jointly optimization of IoT networks and edge servers. In FEI, each edge server will
only request a limited amount of data to be collected and uploaded from the IoT network as long as the requirement of model can be met. We consider a multi-technology-supported IoT network in which each IoT device can use licensed band IoT (LB-IoT) (e.g., NB-IoT) as well as unlicensed band IoT (UB-IoT) (e.g., Wi-Fi, 5G NR-U, Zigbee, LoRa, etc.) technologies to upload data. The main objective is to maximize the utilization of computational resources of edge servers and at the same time minimize energy cost of the IoT network. We propose a distributed algorithm that can address both problems.
More specifically, to minimize the energy cost of IoT network, we evaluate the energy cost for uploading data samples with both LB-IoT and UB-IoT and prove that the energy cost minimization problem of the IoT network is separable and can be divided into a set of subproblems each can be solved by an individual edge server.
For the edge computing system, we introduce a mapping function to quantify the convergence performance of model training under different combinations of three key parameters: size of the dataset, local batch size, and number of local training passes. We finally adopt an Alternative Direction Method of Multipliers (ADMM)-based approach to jointly optimize both energy cost minimization problem of the IoT network and computing resource utilization of the edge computing system.
We prove that our proposed algorithm does not cause data leakage of any local dataset nor reveal any network-related information such as topological information about the IoT network.
Numerical results show that our proposed framework can significantly reduce energy cost of the IoT network and at the same time improve the resource utilization of the edge computing system with only a slight degradation of the convergence performance of FL model training.
The remainder of this paper is organized as follows. Existing work that is relevant to this paper is reviewed in Section \ref{Section_RelatedWork}. We introduce our system model and formulate the joint optimization problem in Section \ref{Section_SystemModel}. The FEI framework and a distributed optimization algorithm are proposed in Section \ref{Section_Architecture}. Numerical results are presented in Section \ref{Section_NumericalResult} and the paper is concluded in Section \ref{Section_Conclusion}.
\vspace{-0.1in}
\section{Related Work}
\label{Section_RelatedWork}
\noindent
{\bf Edge computing-based IoT:} Edge computing has already been recognized as one of the key components in the next generation IoT network to perform low-latency data processing and analysis. Most existing works focus on optimizing the communication resource (e.g., spectrum) allocation of IoT and computational load distribution of edge computing. For example, in \cite{Yu2018FogComputingIoT}, the authors studied the joint allocation of computing and networking resources for application provisioning in edge computing-enabled IoT networks requiring QoS guarantees. The task offloading and resource allocation problems for distributed edge computing networks have also been investigated under various time-varying scenarios\cite{Alameddine2019EdgeComputingIoTDyanmic,XY2018EHFogComputing}.
\noindent
{\bf FL for Networking Systems:}
As mentioned earlier, two major challenges that are obstructing the wide spread implementation of FL in wireless networks are heterogeneity of datasets and highly unbalanced data processing capabilities between edge servers. Many recent works have already introducing solutions to address each of these challenges. For example, solutions such as user data sharing\cite{Zhao2018FLNonIID} and user selection for model updating\cite{Wang2020FLNonIID} have been shown to be effective to reduce the adverse effect caused by the first challenge under certain scenarios. To address the second challenge, the authors in \cite{Tu2020FLFogCompNetwork} have proposed to allow discarding and offloading of data among edge servers to balance the computational load among edge servers.
In this paper, we focus on addressing both of the above challenges simultaneously by investigating the relationship between the energy cost minimization of IoT network and resource utilization optimization of edge servers. We observe that these two problems are closely related to each other. A distributed and privacy-preserving framework that can optimize both of these problems is proposed. To the best of our knowledge, this is the first work to investigate the joint optimization and coordination of data collection and uploading of IoT and the computational resource utilization of edge servers for edge intelligence-based IoT.
\section{System Model and Problem Formulation}
\label{Section_SystemModel}
\begin{figure}
\centering
\includegraphics[width=2.6 in]{Figure2/SystemModel31.pdf}
\caption{System model for federated edge intelligence. }
\label{Figure_SystemModel}
\vspace{-0.3in}
\end{figure}
We propose federated edge intelligence (FEI) for an IoT network to upload data samples to a set $\cal K$ of edge servers for training a share model, as shown in Figure \ref{Figure_SystemModel}. The data uploading configuration of the IoT network and the data processing and training capability of the edge computing system are entangled with each other to influence the accuracy and convergence of the model training process.
\subsection{IoT Network}
Let $\cal M$ be the set of IoT devices in the considered IoT network. Suppose the data collected by each IoT device consists of propriety information and therefore must be encrypted and uploaded to its associated edge server. Let ${\cal M}_k$ be the set of IoT devices associated with edge server $k$ for $k \in {\cal K}$ that satisfies ${\cal M}_k \subseteq {\cal M}$ and $\cup_{k\in {\cal K}}{\cal M}_k = {\cal M}$.
We assume each IoT device can adopt two types of widely adopted IoT solutions, {\em LB-IoT} and {\em UB-IoT}, to upload its data to the associated edge server.
\noindent
{\bf LB-IoT} including 5G NB-IoT and its evolution towards B5G and 6G. In LB-IoT, each IoT device can pay for a dedicate channel in the licensed spectrum from a mobile network operator (MNO) to send its data samples. Let $\beta_m$ be the price charged by the MNO to send each data sample from IoT device $m$ to the associated edge server. We consider energy-sensitive IoT network and let $\rho_m$ be the cost for IoT device $m$ to consume each unit of energy in data uploading. This energy cost can be related to the real money spent by the IoT service operator to provide energy supplies for IoT nodes, e.g., the cost of replacing the battery or the electricity price charged by the utility company. Suppose each IoT device $m$ uploads $n''_m$ data samples in LB-IoT. The total cost for the IoT devices to upload the required data samples to edge server $k$ can then be written as
\begin{eqnarray}
c_k^l \left(\boldsymbol{n}_k''\right) = \sum_{m\in {\cal M}_k} \left( \rho_m \nu^l_m \left(n''_{m}\right) + \beta_m n''_{m} \right),
\end{eqnarray}
where $\boldsymbol{n}_k''=\langle n''_{m} \rangle_{m\in {\cal M}_k}$ and $\nu^l_m (n''_{m})$ is the total number of energy units required for IoT device $m$ to upload $n''_{m}$ data samples using LB-IoT.
\noindent
{\bf UB-IoT} including 5G New Radio-Unlicensed (NR-U), LoRa and ZigBee as well as their future evolution variants. In UB-IoT, all the IoT devices share the same unlicensed band for free. In this case, each IoT device only needs to pay for the energy cost for data uploading. We can write the cost for uploading ${\boldsymbol n}'_k=\langle n'_{m} \rangle_{m\in {\cal M}_k}$ data samples from set ${\cal M}_k$ of IoT devices to edge server $k$ as
\begin{eqnarray}
c_k^u ({\boldsymbol n}'_k) = \sum_{m\in {\cal M}_k} \rho_m {\nu}^u_m (n'_{m}),
\end{eqnarray}
where $\nu^u_m (n'_{m})$ is the number of energy units consumed by IoT device $m$ using UB-IoT.
Note that, since the unlicensed band is open to various wireless technologies, successful data delivery cannot always be guaranteed due to the possibility of collision between multiple coexisting devices.
The main objective for IoT network is to solve the following problem.
\noindent
{\bf (P1) Energy Cost Minimization Problem}: Each edge server has limited computational resource and can only process a limited number of data samples during a given time duration. If the volume of received data exceeds the computational capacity of an edge server, IoT network can reduce the data collection and uploading rate to reduce costs.
Based on this observation, in our framework, edge servers will first evaluate their required size of dataset (the number of local data samples) according to the model training requirement. Each edge server will then decide the suitable data uploading configuration for its associated IoT devices including
the number of data samples sent from each IoT device in each available IoT solution (LB-IoT or UB-IoT).
Motivated by the fact that, in most large IoT networks, managing the energy efficiency of the entire network is more important than minimizing the energy cost of an individual IoT device, we focus on minimizing the total energy cost of an IoT network. Suppose there is the maximum energy constraint $\epsilon$ (the maximum number of energy units) for the IoT network, i.e., we have $\nu(\boldsymbol{n}',\boldsymbol{n}'') \le \epsilon$ where $\nu(\boldsymbol{n}',\boldsymbol{n}'') = \sum_{m\in {\cal M}}\left(\nu^u_m (\boldsymbol{n}') + \nu^l_m (\boldsymbol{n}'')\right)$ is the total energy consumption of the IoT network.
We can then write the energy cost minimization problem of IoT network as
\begin{subequations}\label{eq_EvergyOptProblem}
\begin{align}
\mbox{\bf (P1)}\;\;\; \min_{\boldsymbol{n}', \boldsymbol{n}''} &\;\;\; c(\boldsymbol{n}', \boldsymbol{n}'') = \sum_{k \in {\cal K}} \left(c_k^u (\boldsymbol{n}_k') + c_k^l (\boldsymbol{n}_k'') \right)
\\
\;\;\;\;\;\;\mbox{s.t. }& \;\; \;\;\;\;\nu(\boldsymbol{n}',\boldsymbol{n}'') \le \epsilon \; \mbox{ and } \; n'_m + n''_m \le {\bar n}_m,
\end{align}
\end{subequations}
where $\boldsymbol{n}'=\langle n'_{m} \rangle_{m\in {\cal M}}$, $\boldsymbol{n}''=\langle n''_{m} \rangle_{m\in {\cal M}}$, and ${\bar n}_m$ is the maximum number of data samples that can be collected by each IoT device $m$.
\subsection{Edge Computing System}
Recent results\cite{McMahan2017FLfirstpaper,Bonawitz2019FLMassiveDeploy} as well as our own experiments have suggested that for a given type of dataset (e.g., MNIST, CIFAR, etc.), the computational load in each edge server $k$ to train an FL model is closely related to three key parameters: (1) size of the local dataset, denoted as $n_k$, (2) the number of local training passes in each coordination round, denoted as $e_k$, and (3) the minibatch size of each local training pass, denoted as $b_k$. Motivated by this observation, we introduce an empirical-based mapping function $\mu_{k}$ to quantify the relationship between computational load and combinations of parameters $e_k$, $b_k$, and $n_k$ under a given model convergence requirement, i.e., there exists a computational load function for each edge server $k$ given by ${\tilde \mu_k } = \mu_{k}\left( b_k, e_k, n_k | t, r \right)$ where $t$ denotes the type of dataset and $r$ is the convergence requirement of the model training (minimum required model accuracy under a given number of rounds of model updating). We will give a more detailed discussion in Section \ref{Section_Architecture}.
We investigate the following problem for edge computing system.
\noindent
{\bf (P2) Resource Utilization Maximization of Edge Computing System}:
Let ${\bar \mu}_k$ be the maximum computational load that can be supported by the local computational resources of edge server $k$, i.e., we have ${\tilde \mu_k } < {\bar \mu}_k$. Suppose the number of data samples arrived at edge server $k$ is given by $n_k = \sum_{m\in {\cal M}_k} \left(n'_{m}+n''_m\right)$. We can then define the average resource utilization maximization problem for an edge computing system as
\begin{subequations}\label{eq_EdgeCompuOptProblem}
\begin{align}
\mbox{\bf (P2)}\;\;\; \min_{\boldsymbol{b}, \boldsymbol{e}, \boldsymbol{n}} & \;\; \mu \left( {\boldsymbol{n}} \right) = {1\over K}\sum_{k\in {\cal K}} \left( {\bar \mu}_{k} - {\tilde \mu}_{k} \right) \\
\;\;\;\;\;\;\mbox{s.t. } & n_k < {\tilde n}_{k} \; \mbox{ and } \; {\tilde \mu}_{k} \le {\bar \mu}_{k}, \forall k \in {\cal K},
\end{align}
\end{subequations}
where ${ \boldsymbol{b}}=\langle b_{k} \rangle_{k\in {\cal K}}$, ${ \boldsymbol{e}}=\langle e_{k} \rangle_{k\in {\cal K}}$, ${\boldsymbol{n}}=\langle n_{k} \rangle_{k\in {\cal K}}$,
and ${\tilde n}_{k}$ is the maximum number of data samples that can be received and processed by edge server $k$.
\vspace{-0.6em}
\subsection{Joint Optimization of Resource Efficiency}
It can be observed that problems (P1) and (P2) are closely related to each other. To investigate the joint optimization of these problems, we introduce a weighing factor $\gamma$ specifying the relative weights between energy cost of the IoT network and computational resource utilization of the edge computing system. In this paper, we focus on solving the following problem:
\vspace{-0.6em}
\begin{subequations}\label{eq_JointOptProblem}
\begin{align}
\mbox{\bf (P3)} \;\;\; \min_{\boldsymbol{n}', \boldsymbol{n}''} &\;\; \mu \left( {\boldsymbol{n}} \right) + \gamma c(\boldsymbol{n}', \boldsymbol{n}'') \label{eq_JointOptProblemObj}\\
\mbox{s.t. } & \;\; \nu(\boldsymbol{n}',\boldsymbol{n}'') \leq \epsilon \label{eq_JointOptProblemCb}\\
\;\;\;\;\;\;\;\;&\;\; n'_m+n''_m\le {\bar n}_m, \;\forall m\in {\cal M}\label{eq_JointOptProblemCc}\\
\;\;\;\;\;\;\;\;&\;\; n_k < {\tilde n}_{k} \; \mbox{ and } \; {\tilde \mu}_{k} \le {\bar \mu}_{k}, \forall k \in {\cal K}\label{eq_JointOptProblemCd},
\end{align}
\end{subequations}
Solving problem (\ref{eq_JointOptProblem}) requires the full knowledge of both the IoT network and edge computing system which may not always possible, especially in a distributed networking system where the data information of each edge server cannot be revealed to others. In the rest of this paper, we introduce a novel distributed framework
that can jointly coordinate edge servers to train a FL model across edge servers and at the same time minimize the energy cost of IoT network by optimizing the data uploading traffic distribution between UB-IoT and LB-IoT across all the IoT devices. Our framework will not disclose any data-relevant information.
\vspace{-0.1in}
\section{FEI Framework and Resource Efficiency Optimization}
\label{Section_Architecture}
\begin{figure}
\centering
\includegraphics[width=3.3 in]{Figure2/IoTNetwork2.pdf}
\caption{Proposed framework and procedure of the FEI. }
\label{Figure_procedure}
\vspace{-0.1in}
\end{figure}
\subsection{Framework Overview}
The detailed procedure of the FEI framework is illustrated in Figure \ref{Figure_procedure}.
In FEI, each edge server will first evaluate the required size of dataset to be uploaded from the IoT network. We propose a distributed coordination approach based on distributed ADMM for edge servers to coordinate via FEI coordinator and jointly decide the size of data samples to be uploaded from each IoT device. In this approach, each edge server will initially
randomly generate a number of data samples to be uploaded from the IoT network. The generated number needs to satisfy the data collection constraint of IoT devices as well as its data processing limit. Edge servers will then submit their randomly selected numbers to the FEI coordinator.
FEI coordinator will calculate an intermediate result based on the received numbers and send the result back to the edge servers. Each edge server will use this intermediate result to calculate an updated solution about the number of data samples to be requested from the IoT network. The above process will be repeated and
the result will converge to the global optimal solution of
dataset sizes to be uploaded from IoT devices with each IoT solution (UB-IoT or LB-IoT). We will give a more detailed discussion
in Section \ref{Subsection_DistributedAlgorithm}).
After receiving the required number of data samples, each edge server will then proceed to the FL model training procedure. In this procedure, edge servers will first decide whether to register with the FEI coordinator to join the next round of model training. FEI coordinator will select a subset of edge servers to participate in the training and will send the detailed configuration information, such as data structure, sharing state, and model parameters, to each participating edge server. Each participating edge server will perform local training computations based on the received configuration information as well as its local dataset. After the local training, edge servers will send their updates to the FEI coordinator for model aggregation. Once FEI coordinator receives enough updates, it will send the aggregation result back to participating edge servers. The edge servers will update their respective models using the received results. The above process will be repeated in the next round with a newly selected subset of edge servers until the trained model converges nor the stopping criteria have been met.
As will be proved in Section \ref{Subsection_DistributedAlgorithm}, our proposed framework allows distributed coordination and collaborative model training between edge servers without requiring any exchange of datasets between edge servers or disclosing any information related to the IoT network including the topological information, spectrum usage, etc.
\subsubsection{Computational Load and Resource Demand Mapping} We follow a commonly adopted setting\cite{Bonawitz2019FLMassiveDeploy,McMahan2017FLfirstpaper} and consider an FL process with synchronized model updating in which all the edge servers will use the data collected during the same period of time with duration $\tau$ to train a globally shared machine learning model.
We assume the data samples collected by each individual IoT device at different time within each considered duration are equally important for model training. Let $\boldsymbol{x}_k$ be the dataset collected by edge server $k$ during $\tau$. Suppose for a given $\tau$, the number of model updating rounds among edge servers can be considered as fixed and the model convergence performance can then be specified by the model accuracy that can be achieved under a fixed number of model updating rounds. We use $r$ to denote the model convergence requirement, i.e., $r$ is the minimum model accuracy required for training within a fixed number of updating rounds.
As mentioned earlier, the computational load in each edge server $k$ to train an FL model with a certain requirement $r$ is closely related to three key parameters, including size of the local dataset $n_k$, the number of local training passes $e_k$ in each coordination round, and the minibatch size $b_k$ of each local update.
It has been shown in \cite{McMahan2017FLfirstpaper} that FL can only converge to an unbiased solution if all the edge servers have equal probability to participate in the model training. We therefore assume
the probability for each edge server to participate each round of model update can be regarded as a constant, denoted as $C$. The value of $C$ is closely related to the communication cost among edge servers to train the model. How to optimize the value of $C$ is out of the scope of this paper and will be our future work. Suppose the size of dataset $\boldsymbol{x}_k$ (number of samples) is $n_k$. The number of local updates performed by edge server $k$ for each round is given by ${{e_k n_k} \over b_k}$, e.g., if each edge server uses all the received dataset for model training per pass, we have $n_k = b_k$ and, in this case, edge server $k$ will perform $e_k$ local passes for each coordination round.
It is known that the values of $e_k$ and $b_k$ affect not only the computational load at edge server $k$, but also the convergence performance of the entire model training process. In particular, increasing $e_k$ or decreasing $b_k$ will generally result in more computational load at edge server $k$. The impact of $e_k$ and $b_k$ on the convergence of FL model training is more complicated and will also depend on the type of the dataset. For example, for some document recognition dataset consisting of samples with highly correlated features, such as MNIST\cite{deng2012mnist}, reducing $b_k$ and increasing $e_k$ will accelerate the convergence performance. However, for some other types of datasets with more complex features, e.g., Shakespeare LSTM dataset\cite{McMahan2017FLfirstpaper}, increasing $e_k$ may result in diverged result due to the over-optimization. In this case, it is better to adopt a larger $b_k$ and a smaller $e_k$.
We present the average computational time of Federated Averaging algorithm proposed in \cite{McMahan2017FLfirstpaper} for each round of model updating using MNIST dataset under the same computation environment and setup in Table \ref{Table_ComputCompare}.
To simulate the data generated by IoT network during multiple periods, we assume each edge server receives the different subsets of samples for training different FL models at different time periods. We can observe that for a given size of the dataset, different combinations of parameters result in different convergence rate and computational load, e.g., a small $b_k$ and a large $e_k$ achieve the fastest convergence speed with the highest computational load requirement.
In this paper, we focus on a finite set $\cal T$ of dataset types for IoT networks. We assume data samples from the same type of dataset can be considered as independent and identically distributed and contribute equal to the model training. We also assume, for a given type of dataset, there exists a one-to-one mapping from each possible combination of $b_k$, $e_k$, and $n_k$ to the computational load ${\tilde \mu_k}$ at each edge server $k$, i.e., we have ${\tilde \mu_k } = \mu_{k}\left( b_k, e_k, n_k | t, r \right)$ for ${\tilde \mu_k } < {\bar \mu}_k$, where ${\bar \mu}_k$ is the maximum computation power that can be offered by edge server $k$. We also assume for each given type of dataset $t\in {\cal T}$ with a fixed size $n_k$, there exists an optimal pair of $b_k$ and $e_k$ that offers the fastest convergence performance for FL model training, denoted as $\langle b^*_k, e^*_k \rangle = {\cal F} \left( n_k, t, r \right)$ for all $k \in {\cal K}$.
\begin{table}[!htbp]
\centering
\caption{Computation Time Comparison Under Different Parameters}
\begin{tabular}{cccccc}
\hline
\hline
$n_k$ & $e_k$ & $b_k$ &\makecell[c]{Accuracy\\ (in 50 rounds)}&\makecell[c]{Accuracy\\ (in 200 rounds)}&\makecell[c]{Time per round\\ (sec)} \\
\hline
100 &5&10&97.12\%&98.39\%&0.1216\\
\hline
100 &5&50&95.34\%&97.72\%&0.0655\\
\hline
{\bf 100} &{\bf 20}& {\bf 10}& {\bf 97.22}\%& {\bf 98.47} \%& {\bf 0.4772}\\
\hline
100&20&50&95.98\%&97.81\%&0.2610\\
\hline
200 & 5&10&98.00\%&98.73\%&0.2386\\
\hline
200&5&20&97.74\%&98.67\%&0.1693\\
\hline
200 &5&50&96.98\%&98.36\%&0.1299\\
\hline
{\bf 200} &{\bf 20}& {\bf 10}& {\bf 98.04}\%& {\bf 98.85} \%& {\bf 0.9571}\\
\hline
200&20&20&97.88\%&98.74\%&0.6784\\
\hline
200&20&50&97.60\%&98.44\%&0.5200\\
\hline
400&5&10&98.58\%&99.01\%&0.4775\\
\hline
400&5&20&98.27\%&98.89\%&0.3383\\
\hline
400&5&50&97.87\%&98.78\%&0.2597\\
\hline
{\bf 400}&{\bf 20}&{\bf 10}&{\bf 98.61}\%&{\bf 99.16}\%&{\bf 1.9128}\\
\hline
400&20&20&98.39\%&98.97\%&1.3539\\
\hline
400&20&50&98.22\%&98.83\%&1.0409\\
\hline
\end{tabular} \label{Table_ComputCompare}
\end{table}
\subsubsection{Energy Consumption of IoT Network}
Due to the different spectrum sharing regulations, LB-IoT and UB-IoT have different characteristics in terms of spectrum access, energy consumption, as well as data uploading performance. In this paper, we adopt a commonly used formulation to model the energy consumption of IoT data uploading.
\noindent
{\bf UB-IoT:} Since unlicensed band is shared by all the devices without coordination, a certain channel access mechanism must be imposed to avoid collision among spectrum sharing devices. For example, Carrier Sense Multiple Access with Collision Avoidance (CSMA/CA) mechanism has been adopted in 2.4 GHz and 5 GHz unlicensed bands for supporting UB-IoT such as Wi-Fi, ZigBee, Thread, Z-Wave, and Wi-SUN\cite{Bianchi1996CSMA}. In this mechanism, each IoT device must first sense the vacancy of the channel and can only start transmission if the channel is sensed idle. If the channel is busy, it will go through a random backoff procedure and will only be able to send data if all the procedure is finished and the channel is clear. According to \cite{XY2018UnlicencedNetSlice,Hirzallah2018DySPAN}, the probability of channel access is closely related to the topology (relative location) of all the spectrum sharing devices as well as the channel contending parameters adopted by each IoT device. If the topology and parameters of IoT devices are fixed, the probability for each IoT device to successfully occupy the channel to transmit data can be considered as fixed. Similarly, in the duty-cycle-based mechanism adopted in 433 MHz and 800 MHz bands, IoT devices do not have to sense the channel but will have to send its data packets according to a fixed duty-cycle specifying the maximum fraction of time that can be occupied by each device to access the channel, e.g., depending on the frequency bands, the maximum duty-cycle is generally between 0.1\% and 10\%.
Let $P^u_m$ be the probability for IoT device $m$ to successfully occupy unlicensed band to send data. If IoT node $m$ needs to upload $n'_{m}$ bits of data to edge server $k$ within time duration $\tau$, it will need to send the data at a rate of ${n'_{m}\over \tau} = P^u_m B^u \log_2 \left( 1 + h^u_{m} {\tilde{\nu}_m^{(1)} \over \sigma^u_{m}} \right)$ where $B^u$ is the bandwidth of unlicensed channel, $h^u_{m}$ is the channel gain between IoT node $m$ and the associated UB-IoT access point (AP)\footnote{In this paper, we assume the major bottleneck for data transmission between IoT devices and edge servers is the wireless link connecting the IoT device and AP.}, and $\sigma^u_{m}$ is the received noise level at the AP. The energy consumed by IoT device $m$ for sending $n'_{m}$ data bits via a UB link can then be written as
\begin{eqnarray}\label{miu1}
\nu^u_m (n'_{m}) = {\sigma^u_{m} \over h^u_{m}} \left( 2^{n'_{m} \over \tau B^u P^u_m}-1 \right).
\end{eqnarray}
\noindent
{\bf LB-IoT:} Each IoT device can purchase IoT connectivity service from an MNO to upload its data through the licensed band. In this case, a dedicate frequency band will be allocated to each IoT device for data transmission. Let $\beta_m$ be the price paid by IoT device $m$ for sending each bit of data via LB-IoT network infrastructure, i.e., the price paid by IoT $m$ for sending $n''_{m}$ bits of data is given by $\beta_m n''_{m}$. Similar to the previous case, we can write the energy consumed by IoT node $m$ to upload $n''_{m}$ bits of data to edge server $k$ as
\begin{equation}\label{miu3}
\nu_m^{l}(n''_{m})= {\sigma^l_{m} \over h^l_{m}}\left( 2^{n''_{m} \over \tau B^l}-1 \right),
\end{equation}
where $B^l$ is the bandwidth of each licensed channel, $h^l_{m}$ is the channel gain between IoT node $m$ and the associated LB-IoT base station (BS), and $\sigma^l_{m}$ is the received noise level at the BS.
\vspace{-0.1in}
\subsection{Resource Efficiency Optimization Algorithm Design}
\label{Subsection_DistributedAlgorithm}
We propose a joint optimization algorithm to address Problem (P3) under the above framework based on an FEI coordinator. In this algorithm, we divide the global traffic allocation problem into $K$ subproblems each of which can be solved by an edge server, and the intermediate calculation results will be sent to the FEI coordinator that can perform coordination among all edge servers.
To make our description clearer, we define $\boldsymbol{n}_k = \langle n_m', n_m'' \rangle_{m \in {\cal M}_k}$ to include all the data sample optimization variables of the IoT nodes associated to each edge server, i.e., $\boldsymbol{n}_k' =A_k \boldsymbol{n}_k$ and $ \boldsymbol{n}_k'' =B_k \boldsymbol{n}_k$, where $A_k$ and $B_k$ are matrices in $R^{M_k \times 2M_k}$ with elements
\begin{equation} \label{eq_AB}
A_k(p,q) =
\begin{cases}
1, & q = 2p-1, \\
0, & \mbox{otherwise},
\end{cases} \mbox{and} \;
B_k(p,q) =
\begin{cases}
1, & q = 2p, \\
0, & \mbox{otherwise},
\end{cases}
\end{equation}
for all $p = 1,2,...,M_k$ and $ q = 1,2,...,2M_k$, where $M_k$ is the number of IoT devices in ${\cal M}_k$.
It can be proved that by substituting (\ref{miu1})-(\ref{eq_AB}) into (\ref{eq_JointOptProblem}), it becomes a convex optimization problem in which the objective function (\ref{eq_JointOptProblemObj}) and constraints (\ref{eq_JointOptProblemCc})-(\ref{eq_JointOptProblemCd}) are completely separated, while constraint (\ref{eq_JointOptProblemCb}) is coupled across all the edge servers.
In order to distributively solve problem (\ref{eq_JointOptProblem}) distributively without requiring each server to disclose any data or network information, we first introduce the following indicator functions to incorporate the inequality constraints (\ref{eq_JointOptProblemCb})-(\ref{eq_JointOptProblemCd}) into the objective function (\ref{eq_JointOptProblemObj}):
\begin{equation}
I_{\cal D}(\boldsymbol{n}) =
\begin{cases}
0, & \boldsymbol{n} \in {\cal D}, \\
\infty, & \boldsymbol{n} \notin {\cal D},
\end{cases} \;\;
I_{{\cal D}_k}(\boldsymbol{n}_k) =
\begin{cases}
0, & \boldsymbol{n}_k \in {\cal D}_k, \\
\infty, & \boldsymbol{n}_k \notin {\cal D}_k,
\end{cases}
\end{equation}
where $\boldsymbol{n} = (\boldsymbol{n}_1; \boldsymbol{n}_2; ... ; \boldsymbol{n}_K)$, ${\cal D} = \{\boldsymbol{n}|\sum_{k \in {\cal K}} \nu_k(\boldsymbol{n}_k) \leq \epsilon\}$, and $ {\cal D}_k = \{\boldsymbol{n}_k| \boldsymbol{n}_k \; \mbox{satisfies (\ref{eq_JointOptProblemCc}-\ref{eq_JointOptProblemCd})} \}$.
The objective function for each subproblem to be solved by an edge server can be rewritten as:
\begin{equation}\label{eq_JointOptProblemSepfk}
f_k(\boldsymbol{n}_k) = {1\over K} \left( {\bar \mu}_{k} - {\tilde \mu}_{k} \right) + c_k^u (A_k\boldsymbol{n}_k) + c_k^l (B_k\boldsymbol{n}_k).
\end{equation}
We can then reformulate problem (\ref{eq_JointOptProblem}) in a standard ADMM form as
\begin{subequations}\label{eq_JointOptADMM}
\begin{align}
\min_{\boldsymbol{n}, \boldsymbol{w}} &\;\; \sum_{k \in {\cal K}} \left( f_k(\boldsymbol{n}_k) + I_{{\cal D}_k}(\boldsymbol{n}_k) \right) + I_{\cal D}(\boldsymbol{w}), \\
\mbox{s.t. } & \;\; \boldsymbol{n} - \boldsymbol{w} = {\boldsymbol 0},
\end{align}
\end{subequations}
where $\boldsymbol{w} = \langle \boldsymbol{w}_1; \boldsymbol{w}_2; ... ; \boldsymbol{w}_K \rangle$ is the introduced auxiliary variable. We can therefore adopt the following updates to solve problem (\ref{eq_JointOptADMM}) iteratively:
\begin{subequations}
\begin{align}
\{\boldsymbol{n}_k^{i+1}\}_{k \in {\cal K}} & = \mathrm{\mathop {argmin}\limits_{\boldsymbol{n}_k}} \left( f_k(\boldsymbol{n}_k) + I_{{\cal D}_k}(\boldsymbol{n}_k) \right. \nonumber \\
&\;\;\;\;\;\;\;\;\;\;\;\;\;\;\;\;\;\;\; \left. + \frac{\eta }{2}\| \boldsymbol{n}_k- \boldsymbol{w}_k^{i} + \boldsymbol{\theta}_k^{i}\|_2^2\right)
\label{eq_ADMMn},\\
\boldsymbol{w}^{i + 1} &= \mathrm{\mathop {argmin}\limits_{\boldsymbol{w}}} \left( I_{\cal D}(\boldsymbol{w}) + \frac{\eta }{2}\| \boldsymbol{n}^{i+1}- \boldsymbol{w} + \boldsymbol{\theta}^{i}\|_2^2 \right)
\label{eq_ADMMw},\\
{\boldsymbol{\theta}^{i + 1}} &= \boldsymbol{\theta}^{i}+\boldsymbol{n}^{i+1}-\boldsymbol{w}^{i+1},\label{eq_ADMMtheta}
\end{align}
\end{subequations}
where $i$ is the iteration index, $\boldsymbol{\theta} = (\boldsymbol{\theta}_1; \boldsymbol{\theta}_2; ... ; \boldsymbol{\theta}_K)$ is the dual variable, and $\eta$ is the augmented Lagrangian parameter. We summarize the details in Algorithm~\ref{Algorithm} where the stopping criteria follow the same line as that in \cite{ADMM}.
\begin{algorithm}[!t]
\caption{Resource-Efficiency Optimization Algorithm}\label{Algorithm}
\begin{algorithmic}
\STATE \textit{Initialization}: $\boldsymbol{n}^0 \in R^{2M\times 1} $, $\eta>0$;
\FOR {$i=0,1,2,...$}
\STATE 1. Each edge server $k$ executes the following steps using its local information:
\STATE \quad 1) Calculate $\boldsymbol{n}_k^{i+1}$ according to (\ref{eq_ADMMn});
\STATE \quad 2) Broadcast $\boldsymbol{n}_m'$ and $\boldsymbol{n}_m'$ to each IoT device $m \in {\cal M}_k$, so it can allocate its traffic distribution accordingly;
\STATE \quad 3) {\bf if} Stopping criteria have been met {\bf then}
\STATE \quad \quad \quad \quad Break;
\STATE \quad \;\; {\bf else}
\STATE \quad \quad \quad \quad Report $\boldsymbol{n}_k^{i+1}$ to the FEI coordinator;
\STATE \quad \;\; {\bf end if}
\STATE 2. When the FEI Coordinator receives all the updates of $\boldsymbol{n}_k^{i+1}$, it will execute the following steps:
\STATE \quad 1) Update the $\boldsymbol{w}^{i+1}$ and $\boldsymbol{\theta}^{i+1}$ according to (\ref{eq_ADMMw}) and (\ref{eq_ADMMtheta});
\STATE \quad 2) Feedback $\boldsymbol{w}_k^{i+1}$ and $\boldsymbol{\theta}_k^{i+1}$ to each edge server $k$.
\ENDFOR
\end{algorithmic}
\end{algorithm}
\begin{theorem}\label{theorem}
Algorithm~\ref{Algorithm} converges to the optimal solution of Problem (P3) without requiring any exchange of local datasets among edge servers nor disclosing any IoT network topological information.
\end{theorem}
\begin{IEEEproof}
We briefly describe our proof as follows:
\begin{enumerate}
\item The FEI coordinator only receives the intermediate traffic allocation results from edge servers which cannot be used to reveal any content information of their local datasets.
\item Each edge server only receives subvectors $\boldsymbol{w}_k^{i+1}$ and $\boldsymbol{\theta}_k^{i+1}$ from the FEI coordinator. It cannot derive any information about other edge servers and IoT devices.
\item Each IoT device only receives traffic allocation results $\boldsymbol{n}_m'$ and $\boldsymbol{n}_m'$ from its associated edge server which do not contain any information about other IoT devices or edge servers.
\end{enumerate}
\end{IEEEproof}
\vspace{-0.2in}
\section{Numerical Result}
\label{Section_NumericalResult}
\begin{figure}
\centering
\begin{minipage}[t]{0.4\linewidth}
\centering
\includegraphics[width=1.4 in]{Figure2/SimSetup.pdf}
\vspace{-0.15in}
\caption{Simulation setup.
\label{Figure_SimSetup}
\end{minipage}
\begin{minipage}[t]{0.55\linewidth}
\centering
\includegraphics[width=1.6 in]{Figure2/CostVSAcc.pdf}
\caption{Cost of FEI under different requirements of model accuracy.
\label{Figure_CostVSAcc}
\end{minipage}
\begin{minipage}[t]{0.45\linewidth}
\centering
\includegraphics[width=1.6 in]{Figure2/AccVSEdgeCapacity2.pdf}
\vspace{-0.2in}
\caption{Convergence performance under different model training parameters.
\label{Figure_IoTOptAccVSRounds}
\end{minipage}
\begin{minipage}[t]{0.45\linewidth}
\centering
\includegraphics[width=1.6 in]{Figure2/IoTOptAccVSRounds2.pdf}
\vspace{-0.2in}
\caption{Convergence performance under different computational capacities of edge server.
\label{Figure_AccVSEdgeCapacity}
\end{minipage}
\vspace{-0.2in}
\end{figure}
To evaluate the performance of our proposed framework, we simulate an IoT network that can upload data samples to 4 edge servers using the real locations of Starbuck's coffee shops in the city center of Dublin city as shown in Figure \ref{Figure_SimSetup}. We assume that each edge server can receive data from 10 IoT devices. We use the data samples from the EMNIST dataset to simulate the data uploaded from each IoT device to an edge server. We equally divide 341873 training examples and 40832 test examples among 4 groups of IoT devices and in each round of data uploading, each IoT device randomly selects data samples from its local training example pool to upload to the associated edge server. The average sample size of EMNIST is 0.67 KB. We assume each IoT device can use Zigbee or NB-IoT to submit data samples with transmit powers $63$ mW and $100$ mW, respectively. We simulate each edge server with a TITAN X GPU running on Ubuntu 16.04. The training process among 4 edge servers is simulated using Federated-Tensorflow framework 0.16.1. Each edge server trains a four-layer CNN model locally.
We first evaluate the impact of the data uploading performance of IoT network on the convergence rate of the FL model training. In Figure \ref{Figure_CostVSAcc}, we consider a fixed computational capacity of each edge server (computational time for each round of training is less than 0.25s, 0.5s, and 2s, respectively) and compare the total cost under different model accuracies when the IoT network can use only LB-IoT, only UB-IoT, and optimal data uploading configuration with both IoT technologies. We can observe that the optimal data uploading scheme significantly reduces the total cost. The LB-IoT however results in the highest cost among all the IoT solutions. We then present the model accuracy under different communication rounds in the same setup in Figure \ref{Figure_IoTOptAccVSRounds}. In this case, we can observe that LB-IoT achieves the best convergence performance among all three solutions. This is because LB-IoT can always upload the required amount of data samples to edge servers during every round of training. The optimal uploading scheme however tries to balance the update uploading performance and the cost and therefore results in slightly reduced convergence performance. We can also observe that, with only a small degradation of convergence performance of the training process, the cost of the IoT network can be significantly reduced. In other words, our proposed optimal uploading scheme is more suitable for cost-sensitive IoT network that is not very sensitive to the accuracy or convergence of the model.
To evaluate the impact of the computational capacity of edge servers on the model training performance, we compare the convergence performance under different upper limits of the computational load (maximum computational time per round of training) in Figure \ref{Figure_AccVSEdgeCapacity}. We can observe that the increasing speed of the model training performance in terms of convergence speed and accuracy improvement reduces with the computational capacity. Therefore, for IoT networks with limited model accuracy requirements, deploying low-cost edge servers with limited computational capacity may be sufficient for most FL model training tasks.
\vspace{-0.1in}
\section{Conclusion}
\label{Section_Conclusion}
This paper has introduced the FEI framework to jointly optimize the data collection and transportation of an IoT network and resource utilization of an edge computing system. FEI allows edge servers to first evaluate the required number of data samples according to its local data processing capacity and requirements of the FL model and will request a sufficient amount of data with minimized energy cost for the IoT network. The energy cost of the IoT network has been evaluated when the data uploading of each IoT device can be supported by two widely-used IoT solutions, LB-IoT and UB-IoT. The relationship between the convergence performance and accuracy of FL model training and the impact of three key parameters, size of the dataset, batch size, and number of local training passes, has also been investigated. A joint optimization problem that can maximize the utilization of the computational resources at edge servers and also minimize the energy cost of the IoT network has been formulated. A distributed algorithm based on ADMM has been proposed to address the formulated problems.
We have proved that the proposed algorithm
will not cause any data leakage of local dataset and will preserve the private information related to the topological property of IoT network. Simulation results have been presented to show that the proposed framework can significantly reduce the cost with only a limited degradation in model convergence.
\vspace{-0.1in}
\section*{Acknowledgment}
This work was supported in part by the National Natural Science Foundation of China (NSFC) under Grant No. 62071193, the Key R \& D Program of Hubei Province of China under Grant No. 2020BAA002, and the U.S. National Science Foundation under Grant No. CCF-1908308.
\vspace{-0.1in}
|
\section{Introduction}
The study of characteristic classes and geometric invariants on singular spaces has been a major task in singularity theory and algebraic geometry, and have been intensely studied for the last decades.
In the smooth setting, the Euler characteristic of a space is the degree of its total Chern class via Poincar\'e-Hopf theorem. For singular varieties the existence of such singular Chern classes was conjectured by Deligne-Grothendieck, and was proved by MacPherson in \cite{MAC} over $\mathbb{C}$.
Another definition of singular Chern classes was due to M.-H. Schwartz, who used obstruction theory and radial frames to construct such classes \cite{MR32:1727}~\cite{MR35:3707}~\cite{MR629125}. In~\cite{MR629125} it was shown that these classes correspond, by Alexander isomorphism, to the classes defined by MacPherson. This cohomology class is called the Chern-Schwartz-MacPherson class, denoted by $c_{sm}^X$ for any variety $X$. The integration of $c_{sm}^X$ equals the Euler characteristic of $X$.
The two important ingredients MacPherson used to define Chern-Schwartz-MacPherson class class are the local Euler obstruction and the Chern-Mather class, denoted by $Eu_X$ and $c_M^X$ respectively. They were originally defined on $\mathbb{C}$ via topological method, and later in \cite{Gonzalez} Gonz\'{a}lez-Sprinberg proved an equivalent algebraic intersection formula. His formula extends the definitions to arbitrary algebraically closed base field. Based on such algebraic formula, later in~\cite{Kennedy} G. Kennedy generalized the theory of Chern-Schwartz-MacPherson class to arbitrary algebraically closed field of characteristic $0$, using Sabbah's Lagrangian intersections and Chow groups. Thus in this paper we will work algebraically with algebraically closed field of characteristic $0$, and we will
view $c_{sm}^X$ as a class in the Chow group.
The goal of this paper is to explicitly compute the mentioned characteristic classes of
homogeneous essentially isolated determinantal varieties. These varieties are natural generalizations of the generic determinantal varieties, and are fundamental examples of non-isolated singularities.
Let $K$ be an algebraically closed field of characteristic $0$. Let $M_n$, $M_n^S$ and $M_n^\wedge$ be the spaces of $n\times n$ ordinary, symmetric and skew-symmetric matrices respectively. We will denote them by $M^*_n$, for $*$ denotes $\emptyset$, $S$ and $\wedge$ respectively.
They have natural stratifications $M^*_n=\cup_i \Sigma^*_{n,i}$, where the strata are matrices of fixed corank $i$. We consider transverse maps $F\colon V=K^N\to M_n^*$, where transverse means the image of $F$ intersects the non-zero strata $\Sigma^*_{n,i}$ transversely. By homogeneous we mean that $F$ is a $K^*$-equivariant map, where $K^*$ acts on $V$ and $M_n^*$ by scalar multiplications. Then the pull back orbits of $\Sigma^*_{n,i}$ are necessarily cones, and we call their projectivizations \textit{homogeneous Essentially Isolated Determinantal Varieties}. We will denote them by EIDV in short. For details we refer to \cite{G-E09}.
In \S\ref{S; preliminary} we review the theory of characteristic classes for (quasi) projective varieties. We briefly recall the definitions and basic properties of the Chern-Schwartz-MacPherson class and the Chern-Mather class. For projective varieties these are polynomials with variable $H=c_1(\mathcal{O}(1))$.
Then we recall the involution proposed by Aluffi in \cite{Aluffi13}. This involution $\mathcal{J}$ translate the information of Chern-Schwartz-MacPherson class of a projective variety $X$ to the information of the Euler characteristics of $X\cap L^k$ for generic codimension $k$ linear subspaces. This reduces the computation of sectional Euler characteristics to the computation of Chern-Schwartz-MacPherson classes.
The main formulas for the Chern classes of EIDV are presented in \S\ref{S; charclass}. First we show that, via transversal pull-back of Segre-MacPherson classes proved in \cite{Ohmoto}, it's enough to compute the Chern classes of generic determinantal varieties. For such varieties we
use their canonical resolutions: the Tjurina transforms. We define the $q$ polynomials to be the pushforward of the Chern-Schwartz-MacPherson classes of the Tjurina transforms, and show that
the Chern-Schwartz-MacPherson classes and the Chern-Mather classes of determinantal varieties are linear combinations of the $q$ polynomials.
Our first formula is Theorem~\ref{theo; formulaI}, which interprets the coefficients of the $q$ polynomials by integrations of tautological classes over Grassmannians. Here by tautological we mean the
Chern classes of the universal sub and quotient bundles. Thus our formula is purely combinatorial and can be easily computed by Macaulay2.
We present some computed examples in Appendix \S\ref{S; Appendix}.
Based on the fact that the function values at integers uniquely determine a polynomial, we also propose another equivalent formula (Theorem~\ref{theo; formulaII}). For each type (ordinary, symmetric or skew-symmetric) of matrix we define the determinantal Chow (cohomology) classes $Q_{n,r}$, $Q^\wedge_{n,r}$ and $Q^S_{n,r}$.
These are Chow(cohomology) classes expressed in terms of the tautological (sub or quotient)
bundles on Grassmannians. Then we show that the $q$ polynomials equal the integrations of these determinantal classes with the total Chern classes over the Grassmannians.
\begin{theo*}
Let $S$ and $Q$ be the universal sub and quotient bundles over the Grassmannian $G(r,n)$.
We define the ordinary, symmetric ans skew-symmetric determinantal classes as follows.
\begin{tiny}
\begin{align*}
& Q_{n,r}(d)
:= \left(\sum_{k=0}^{n(n-r)} (1+d)^{n(n-r)-k}c_k(Q^{\vee n}) \right) \left(\sum_{k=0}^{nr} d^{nr-k}c_k(S^{\vee n}) \right); \\
& Q^\wedge_{n,r}(d): =\\
& \left(\sum_{k=0}^{\binom{n-r}{2}} (1+d)^{\binom{n-r}{2}-k}c_k(\wedge^2 Q^\vee) \right)
\left(\sum_{k=0}^{\binom{r}{2}} d^{\binom{r}{2}-k} c_k(\wedge^2 S^\vee) \right)
\left(\sum_{k=0}^{r(n-r)} d^{r(n-r)-k} c_k(S^\vee\otimes Q^\vee) \right) ; \\
& Q^S_{n,r}(d) :=\\
&\left( \sum_{k=0}^{\binom{n-r+1}{2}} (1+d)^{\binom{n-r+1}{2}-k}c_k(Sym^2 Q^\vee) \right)
\left(\sum_{k=0}^{\binom{r+1}{2}} d^{\binom{r+1}{2}-k} c_k(Sym^2 S^\vee) \right)
\left(\sum_{k=0}^{r(n-r)} d^{r(n-r)-k} c_k(S^\vee\otimes Q^\vee) \right) \/.
\end{align*}
\end{tiny}
We have the following integration formulas :
\begin{small}
\begin{align*}
q_{n,r}(d)
=& \int_{G(r,n)} c(S^\vee\otimes Q)\cdot Q_{n,r}(d)\cap [G(r,n)] - d^{n^2} \binom{n}{r}; \\
q^\wedge_{n,r}(d)
=&
\int_{G(r,n)} c(S^\vee\otimes Q) \cdot Q^\wedge_{n,r}(d)\cap [G(r,n)]
- d^{\binom{n}{2}} \binom{n}{r} \/; \\
q^S_{n,r}(d) \/;
=&
\int_{G(r,n)} c(S^\vee\otimes Q) \cdot Q^S_{n,r}(d) \cap [G(r,n)]
-d^{\binom{n+1}{2}} \binom{n}{r} \/.
\end{align*}
\end{small}
\end{theo*}
Notice that the (affine cones of) generic skew-symmetric and symmetric determinantal varieties are orbits of the $GL_n(\mathbb{C})$ representations. When the base field is $\mathbb{C}$, in \cite{FR18} \cite{PR19} the authors used the method of axiomatic interpolation to
compute the $GL_n(\mathbb{C})$ equivariant Chern-Schwartz-MacPherson classes for the degeneracy loci. The equivariant Chern-Schwartz-MacPherson classes can be expressed as polynomials in the weights of the action, or polynomials in the symmetric functions in formal Chern roots. The coefficients are not only numbers given by
complicated integrals, but some standard symmetric functions.
Since the actions contain $\mathbb{C}^*$ scalar multiplication, one can specialize the $GL_n(\mathbb{C})$ equivariant Chern-Schwartz-MacPherson classes to the $\mathbb{C}^*$ equivariant Chern-Schwartz-MacPherson classes by identifying all the Chern roots to $t$. It was shown in \cite{Weber12} that, for any projective variety $X\subset \mathbb{P}(V)$, the $\mathbb{C}^*$ equivariant Chern-Schwartz-MacPherson class of the affine cone $\Sigma\subset V$ equals the ordinary Chern-Schwartz-MacPherson class of $X$, by changing $t$ to $H$. Thus despite the very different lookings, all the formulas in \cite{FR18} and \cite{PR19} evaluate to the ones in this paper. It should be interesting to explain this fact combinatorically.
For complex projective varieties the theory of Chern-Schwartz-MacPherson classes are the pushdown of the theory of (Lagrangian) characteristic and conormal cycles.
In \S\ref{S; charcycle} we briefly review the story and apply our results to obtain formulas for the characteristic cycle classes of EIDV, as Chow classes of $\mathbb{P}^{N} \times \mathbb{P}^{N}$ (Proposition~\ref{prop; charcycle}).
For generic determinantal varieties, bases on the local Euler obstruction formula proved in \cite{PR19} and \cite{Xiping3} we also compute their conormal cycle classes.
Since the coefficients of the conormal cycle class are the degrees of the polar classes, we also obtain explicit formulas for the polar degrees of generic determinantal varieties (Equation~\ref{eq; polar}). For EIDV the conormal cycles depend on the local Euler obstruction information, thus combining with \S\ref{S; charclass} we obtain an algorithm to compute the polar degrees of EIDV.
We finish this section by proving an interesting observation: the characteristic cycles of the closed orbits of all singular matrices are symmetric (Proposition~\ref{prop; charcyclesymmetry}). Such symmetry deserves a geometric explanation.
The Appendix \S\ref{S; Appendix} is devoted to explicit examples.
The computations in the examples are based on
our formulas and are carried out with the software Macaulay2~\cite{M2}.
We highlight the patterns proved in the previous sections by the examples. We observe
that all the nonzero coefficients
appearing in the Chern classes are positive. Moreover, all the polynomials and sequences presented in the examples are log concave.
These facts call for a conceptual, geometric explanation.
Thus we close this paper with the non-negative conjecture and the log concave conjecture (Cf \S\ref{conj}).
The situation appears to have similarities with the case of Schubert varieties in flag manifolds, which was recently proved in \cite{AMSS17}.
\section*{Acknowledgment}
The author is grateful to Paolo Aluffi, Richard Rim\'anyi, Terrence Gaffney and Matthias Zach for many useful discussions and suggestions. The author would like to thank Xia Liao for carefully reading the first draft.
The author also would like to thank the referees for all the comments. The author is supported by China Postdoctoral Science Foundation (Grant No.2019M661329).
\section{Preliminary}
\label{S; preliminary}
\subsection{Chern-Schwartz-MacPherson Class}
Let $X\subset \mathbb{P}^N$ be a projective variety. The group of constructible function is defined as the abelian group generated by indicator functions $\mathds{1}_V$ for all irreducible subvarieties $V\subset X$. We define the pushforward for a proper morphism $f\colon X\to Y$ as follows. For any closed subvariety $V\subset X$, the pushforward $F(f)(\mathds{1}_V)(y)$ evaluates $\chi(f^{-1}(y)\cap V)$ for any $y\in Y$.
This makes $F$ a functor from projective complex varieties to the abelian group category.
The group $F(X)$ has $\{\mathds{1}_V| V \text{ is a closed subvariety of } X \}$ as a natural base.
In 1974 MacPherson defined a local measurement for singularities and
names it the local Euler obstruction. He
proved that the local Euler obstruction functions $\{Eu_V|\text{V is a subvariety of X}\}$ also form a base for $F(X)$.
Based on this property he defined a natural transformation $c_*\colon F(X)\to H_*(X)$ that sends the local Euler obstruction function $Eu_V$ to Mather's Chern class $c_M^{V}$. He then proved the following theorem
\begin{theo}[\cite{MAC}]
The natural transformation $c_*$ is the unique natural transformation from $F$ to the homology functor $H_*$ satisfying the following normalization property: $c_*(\mathds{1}_X)=c(TX)\cap [X]$ when $X$ is smooth.
\end{theo}
In 1990 Kennedy modified Sabbah's Lagrangian intersections and proved the following generalization.
\begin{theo}[\cite{Kennedy}]
Replace the homology functor by the Chow functor,
MacPherson's natural transform extends to arbitrary algebraically closed field of characteristic $0$.
\end{theo}
Recall that the Chow group(ring) of $\mathbb{P}^N$ is $\mathbb{Z}[H]/H^{N+1}$, where $H$ here is the hyperplane class $c_1(\mathcal{O}(1))\cap [\mathbb{P}^N]$.
We make the following definitions
\begin{defi}
Let $X\subset \mathbb{P}^N$ be a projective subvariety. The Chern-Schwartz-MacPherson class and the Chern-Mather class of $X$, denoted by $c_{sm}^X(H)$ and $c_M^X(H)$, are defined as the pushforward of $c_*(\mathds{1}_X)$ and $c_*(Eu_X)$ in $A_*(\mathbb{P}^N)$.
\end{defi}
Notice that when $X$ is smooth, the Chern-Mather class and the Chern-Schwartz-MacPherson class all equal the total Chern class $i_*(c(TX)\cap [X])$.
\begin{rema}
Let $X\subset \mathbb{P}^N$ be a projective variety with constant map $k\colon X\to \{p\}$. Then for any subvariety $Y\subset X$, the covariance property of $c_*$
shows that
\begin{align*}
\int_X c_{sm}^Y
=&~ \int_{\{p\}} Afc_*(\mathds{1}_Y)=\int_{\{p\}} c_*Ff(\mathds{1}_Y)\\
=&~ \int_{\{p\}} \chi(Y)c_*(\mathds{1}_{\{p\}})=\chi(Y). \qedhere
\end{align*}
This observation gives a generalization of the classical
Poincar\'e-Hopf Theorem to possibly singular varieties.
\end{rema}
The theory of characteristic classes can also be generalized to motivic settings. For definitions, properties and examples we refer to \cite{BSY10}. In \cite{FRW18} the authors propose an axiomatic approach for such classes; recently in \cite{AC18} the authors applied such theory on pointed Brill-Noether problems. In this paper we only consider ordinary characteristic classes.
\subsection{Chern Classes and Sectional Euler Characteristics}
In this subsection we introduce involutions defined by Aluffi in \cite{Aluffi13} that connects the Chern-Schwartz-MacPherson class and sectional Euler characteristics.
Let $f(x)\in \mathbb{Z}[x]$ be a polynomial.
We define
$
\mathcal{J} \colon \mathbb{Z} [x]\to \mathbb{Z} [x]
$ by setting
\[
\mathcal{J} \colon f(x)\mapsto \frac{xf(-1-x)-f(0)}{1+x} \/.
\]
\begin{prop}
One can observe the following properties for $\mathcal{J}$ by direct computations:
\begin{enumerate}
\item For any polynomial $f$ with no constant term,
$\mathcal{J}(\mathcal{J}(f))=f$. Thus $\mathcal{J}$ is an involution on the set of polynomials with no constant term.
\item The involutions $\mathcal{J}$ is linear, i.e.,
$\mathcal{J} (af+bg)=a\mathcal{J} (f)+b\mathcal{J}(g)$.
\end{enumerate}
\end{prop}
Let $X\subset \mathbb{P}(V)$ be a projective variety of dimension $n$. For any $r\geq 0$ we define
\[
X_r=X\cap H_1\cap \cdots \cap H_r
\]
to be the intersection of $X$ with $r$ generic hyperplanes. Let $\chi(X_r)=\int_{X_r} c_{sm}(X_r)$ be its Euler characteristic, we define $\chi_X(t)=\sum_i \chi(X_r)\cdot (-t)^r$ to be the corresponding \textit{sectional Euler characteristic polynomial}. On the other hand,
write $c_{sm}^X=\sum_{i\geq 0} \gamma_{N-i} H^i$ we define the $\gamma$ polynomial $\gamma_X(t):=\sum_i \gamma_i t^i $ by switching the variable from $H^i$ to $[\mathbb{P}^i]$.
The polynomials $\chi_X(t)$ and $\gamma_X(t)$ are polynomials of degree $\leq n$.
\begin{theo}[\cite{Aluffi13}]
\label{theo; involution}
The involution $\mathcal{J}$ interchanges $\gamma_X(t)$ and $\chi_X(t)$:
$$
\mathcal{J}(\gamma_X(t))=\chi_X(t); \quad \mathcal{J}(\chi_X(t))=\gamma_X(t) \/.
$$
\end{theo}
This theorem shows that, the coefficients appeared in the Chern-Schwartz-MacPherson class of $X\subset \mathbb{P}(V)$ are equivalent to the sectional Euler characteristics $\chi(X\cap L_r)$. Thus we can use the Chern-Schwartz-MacPherson class to study the linear sections.
\subsection{Essentially Isolated Determinantal Varieties}
The Essentially Isolated Determinantal Singularities (EIDS) was introduced in \cite{G-E09}, as a generalization of determinantal type singularities. Let $K$ be a characteristic $0$ algebraically closed field.
Let $M_n$, $M^S_n$ and $M^\wedge_n$ be the space of $n\times n$ ordinary, symmetric and skew-symmetric matrices over $K$ respectively. When the matrix type is not specified, we use $*$ to denote the upper-script.
We consider maps $F=(f_{i,j})_{n\times n}\colon K^{N+1}\to M^*_n$ that intersect transversely along all the non-zero rank strata $\Sigma^{*\circ}_{n,k}$ of $M^*_n$. Here $\Sigma^{*\circ}_{n,k}$ denotes the stratum consisting matrices of rank $n-i$. The map $F$ may not be transversal to the origin in $M^*$.
However, in this paper we always assume that $F$ is homogeneous, i.e., $f_{i,j}'s$ are homogeneous polynomials of degree $d$. We consider the projectivization map $F\colon \mathbb{P}(K^{N+1})\to \mathbb{P}(M^*_n)$. Let $\tau^{* \circ}_{n,i}$ be the projectivization of $\Sigma^{*\circ}_{n,k}$, and let $\tau^*_{n,i}$ be its closure.
We define $X^*_{n,i}:=F^{-1}(\tau^*_{n,i})\subset \mathbb{P}^{N}$ as the preimage of $\tau^*_{n,i}$. We call these varieties the \textit{Essentially Isolated Determinantal varieties}, and throughout this paper we will use EIDV in short. We call the varieties $\tau_{n,i}^*$ \textit{generic determinantal varieties}.
\begin{prop} The following properties follow naturally from affine to projective setting.
\begin{enumerate}
\item The map $F$ intersect transversely to the strata $\tau_{n,i}^\circ$.
\item Let $X_{n,i}^{* \circ}$ be the preimage of $\tau_{n,i}^{* \circ}$ for $i\geq k$, then they form a stratification of $X^*_{n,k}$.
\item $X^*_{n,k}$ is smooth on the open stratum $X^{* \circ}_{n,k}$.
The singularities of the closure $X^{*}_{n,k}$ are contained in $X^{*}_{n,k+1}$.
\item The tautological line bundle of $\mathbb{P}(M^*_n)$ pulls back to the $d$-tensor tautological line bundle of $\mathbb{P}^{N}$, i.e., $F^*(\mathcal{O}_{\mathbb{P}(M^*_n)}(1))=\mathcal{O}_{\mathbb{P}^{N}}(d)$.
\end{enumerate}
\end{prop}
For detailed definitions and more properties we refer to \cite{G-E09}\cite{NG-TG}.
\begin{exam}
The following two maps
\[
F\colon \mathbb{C}^4\to M_{2,3};\quad
\begin{bmatrix}
x_1 \\
\cdots \\
x_4
\end{bmatrix}
\mapsto
\begin{bmatrix}
x_3 & x_2+x_4 & x_1\\
x_4 & x_1 & x_2
\end{bmatrix}
;
G\colon \mathbb{C}^4\to M_{2,3}:
\begin{bmatrix}
x_1 \\
\cdots \\
x_4
\end{bmatrix}
\mapsto
\begin{bmatrix}
x_1 & x_2 & x_3\\
x_2 & x_3 & x_4
\end{bmatrix}
\]
are both EIDS of degree $1$. The following map
\[
P\colon \mathbb{C}^5\to M_{2,3};\quad
\begin{bmatrix}
x_1 \\
\cdots \\
x_5
\end{bmatrix}
\mapsto
\begin{bmatrix}
x_1^2+x_2^2 & x_2x_1 & x_3^2+x_4^2\\
x_4x_3 & x_3^2+x_4^2 & x_5^2
\end{bmatrix}
\]
is an EIDS of degree $2$.
\end{exam}
\section{Characteristic Class of EIDV}
\label{S; charclass}
In this section we compute the Chern-Scwartz-MacPherson classes of the EIDV.
First we show that it's enough to compute the Chern classes for generic determinantal varieties.
\begin{theo}[\textbf{Reduction to Generic Rank Loci}]
\label{theo; csm}
For $*$ substituted by $\emptyset$, $S$ and $\wedge$, which correspond to ordinary, skew-symmetric and symmetric cases, we have the following formulas:
\[
c_{sm}^{X^*_{n,k}}(H)
= \frac{(1+dH)^{\dim M^*_n}}{(1+H)^{N+1}} \cdot c_{sm}^{\tau^*_{n,k}}(dH) \/.
\]
\end{theo}
\begin{proof}
We consider the pullback of characteristic classes from determinantal varieties to EIDV.
As shown in \cite{Yokura02}, the Chern-Schwartz-MacPherson classes don't behave very well under pull back, i.e., Verdier-Riemann-Roch for Chern-Schwartz-MacPherson classes fails in general. However, under our transversality assumption on $F$ the Verdier-Riemann-Roch holds for our case.
This is due to the pullback property of the Segre-MacPherson class defined by T. Ohmoto in \cite{Ohmoto}, which we now recall.
For any closed embedding $X\to M$ into smooth ambient space, the Segre-MacPherson class of $X$ is defined as
\[
s^{SM}(X, M):=Dual(c(TM)^{-1}\cap c_*(X))\in A^*(M)\/.
\]
Here $Dual$ denotes the Poincare dual of the ambient space $A^*(M)\sim A_*(M)$.
Let $f\colon M\to N$ be a morphism of Whitney stratified smooth compact complex varieties, and let $Y$ be a closed subvariety of $N$.
Assume that $f$ intersects transversely with any strata of $Y$. Ohmoto in \cite{Ohmoto} proved that
\[
f^*(s^{SM}(Y, N))=s^{SM}(f^{-1}(Y), M) \/.
\]
Since we require transversality in the definition of EIDV, we then have
\begin{align*}
c_{sm}^{X^*_{n,k}} \in A_*(\mathbb{P}^N)
=&\frac{c(F^*\mathcal{O}_{\mathbb{P}(M^*_n)}(1))^{\dim M^*_n}}{c(\mathcal{O}(1))^{N}} \cap F^* c_{sm}^{\tau^*_{n,k}}\\
=& \frac{(1+dH)^{\dim M^*_n}}{(1+H)^N} \cdot c_{sm}^{\tau^*_{n,k}}(dH)
\end{align*}
\end{proof}
This shows that the computation of the Chern classes of EIDV is equivalent to the computation of Chern classes of determinantal varieties, for which we have the following.
\begin{theo}[\textbf{Main Formula I}]
\label{theo; formulaI}
Denote $S$ and $Q$ to be the universal sub and quotient bundle over the Grassmanian $G(k,n)$. For $k\geq 1$, $i,p=0,1\cdots e^*$, we define the following Schubert integrations:
\begin{align*}
A_{i,p}(n,k) &:=\int_{G(k,n)} c(S^\vee\otimes Q)c_i(Q^{\vee n})c_{p-i}(S^{\vee n}) \cap [G(k,n)] \\
A^S_{l,i,p}(n,k) &:=\int_{G(k,n)} c(S^\vee\otimes Q)c_i(Sym^2 Q^\vee)
s_{\frac{k(2n-k+1)}{2}-l+p-i}(Sym^2 Q^\vee) \cap [G(k,n)] \\
A^\wedge_{l,i,p}(n,k) &:=\int_{G(k,n)} c(S^\vee\otimes Q)c_i(\wedge^2 Q^\vee)
s_{\frac{k(2n-k-1)}{2}-l+p-i}(\wedge^2 Q^\vee)
\cap [G(k,n)] \/;
\end{align*}
and the following binomials:
\[
B_{i,p}(n,k) :=\binom{n(n-k)-p}{i-p};\quad
B^S_{i,p}(n,k) :=\binom{\binom{n-k+1}{2}-p }{ i-p};\quad
B^\wedge_{i,p}(n,k) :=\binom{\binom{n-k}{2}-p }{ i-p} \/.
\]
Here $e=n(n-r)$, $e^S=\binom{n-r+1}{2}$ and $e^\wedge=\binom{n-r}{2}$ correspond to the ranks of the vector bundles. Let $H$ be the hyperplane class in $\mathbb{P}(M^*_n)$, we define the following $q$ polynomials for $k\geq 1$:
\begin{align*}
q_{n,k} & :=\sum_{l=0}^{n^2-1}
\left( \sum_{p=0}^{n(n-r)}\sum_{i=0}^{p} A^S_{l,i,p}(n,k)\cdot B^S_{p,i}(n,k) \right) H^{l} ; \\
q^S_{n,k}& :=
\sum_{l=0}^{\binom{n+1}{2}-1}
\left( \sum_{p=0}^{\binom{n-k+1}{2}}\sum_{i=0}^{p} A^S_{l,i,p}(n,k)\cdot B^S_{p,i}(n,k) \right) H^{l} ; \\
q^\wedge_{n,k} & :=
\sum_{l=0}^{\binom{n}{2}-1}
\left(
\sum_{p=0}^{\binom{n-k}{2}}\sum_{i=0}^{p} A^\wedge_{l,i,p}(n,k) \cdot B^\wedge_{p,i}(n,k)
\right) H^l \/.
\end{align*}
For ordinary rank loci, when $k\geq 1$ we have:
\begin{equation}
c_M^{\tau_{n,k}}= q_{n,k}; \quad
c_{sm}^{\tau_{n,k}^{\circ}}
= \sum_{r=k}^{n-1} (-1)^{r-k}\binom{r}{k} \cdot q_{n,r} \/.
\end{equation}
For symmetric rank loci, when $k\geq 1$ we have
\begin{equation}
c_{sm}^{\tau_{n,k}^{S \circ}}
= \sum_{r=k}^{n-1} (-1)^{r-k}\binom{r}{k} \cdot q^S_{n,r} \/.
\end{equation}
The Chern-Mather classes are given as follows. When $A=2k$ is even we have
\begin{equation}
c_M^{\tau^S_{A,B}}=\sum_{r=k}^{\lfloor \frac{B-1}{2} \rfloor} \binom{r}{k} \cdot \left( \sum_{i=2r}^{B-1} (-1)^{i-2r}\binom{i}{2r} \cdot q^S_{B,i} \right)
+ \sum_{r=k}^{\lfloor \frac{B-2}{2} \rfloor} \binom{r}{k} \cdot \left( \sum_{i=2r+1}^{B-1} (-1)^{i-2r-1}\binom{i}{2r+1} \cdot q^S_{B,i} \right) \/.
\end{equation}
When $A=2k+1$ is odd, we have
\begin{equation}
c_M^{\tau^S_{A,B}}=
\sum_{r=k}^{\lfloor \frac{B-2}{2} \rfloor} \binom{r}{k} \cdot \left( \sum_{i=2r+1}^{B-1} (-1)^{i-2r-1}\binom{i}{2r+1} \cdot q^S_{B,i} \right)
\/.
\end{equation}
For skew-symmetric rank loci, we define $E_i$ to be the Euler numbers appearing as the coefficients of the Taylor expansion
\[
\frac{1}{cosh(x)}=\sum_{n=0}^\infty \frac{E_n}{n!} x^n \/.
\]
For $k\geq 1$ we then have:
\begin{align}
c_{sm}^{\tau^{\wedge \circ}_{A,B}}
=&
\begin{cases}
\sum_{r=k}^{n-1} \binom{2r}{2k}E_{2r-2k} \cdot q^\wedge_{2n,2r} & A=2n, B=2k \\
\sum_{r=k}^{n-1} \binom{2r+1}{2k+1}E_{2r-2k} \cdot q^\wedge_{2n+1,2r+1} & A=2n+1, B=2k+1
\end{cases}
\\
c_{M}^{\tau^{\wedge}_{A,B}}
=&
\begin{cases}
\sum_{r=k}^{n-1} \sum_{i=r}^{n-1} \binom{r}{k} \binom{2i}{2r}E_{2i-2r}\cdot q^\wedge_{2n,2i} & A=2n, B=2k \\
\sum_{r=k}^{n-1} \sum_{i=r}^{n-1} \binom{r}{k} \binom{2i+1}{2r+1}E_{2i-2r}\cdot q^\wedge_{2n+1,2i+1} & A=2n+1, B=2k+1
\end{cases}
\end{align}
\end{theo}
\begin{proof}[Proof of the Theorem]
Recall that
for all three cases, set $*=\emptyset$, $*=\wedge$ and $*=S$, and set $\mathbb{P}^N$ by $\mathbb{P}(M_n)$, $\mathbb{P}(M^\wedge_n)$ and $\mathbb{P}(M^S_n)$
we have commutative diagrams of Tjurina transforms:
\[
\begin{tikzcd}
& \hat{\tau}^*_{n,k} \arrow{r}{} \arrow{d}{p} \arrow{dl}{q} & G(k,n) \times \mathbb{P}^{N} \arrow{d} \\
G(k,n) & \tau^*_{n,k} \arrow{r}{} & \mathbb{P}^{N}.
\end{tikzcd}
\]
The first projection $p$ is a resolution of singularity, and is isomorphic over $\tau^{* \circ}_{n,k}$. The second projections $q$ identifies
the Tjurina transforms with projectivized bundles:
\[
\hat{\tau}_{n,k}\cong \mathbb{P}(Q^{\vee n});\quad \hat{\tau}^\wedge_{n,k}\cong \mathbb{P}(\wedge^2 Q^\vee); \quad \hat{\tau}^S_{n,k}\cong \mathbb{P}(Sym^2 Q^\vee) \/.
\]
First we show that $q^*_{n,k}$ polynomials are exactly the pushforward of the classes $p_*(c_{sm}^{\hat{\tau}^*_{n,k}})$ in the projective spaces $\mathbb{P}(M^*_n)$.
Write $p_*(c_{sm}^{\hat{\tau^*_{n,k}}})=\sum_{l} \gamma^*_l H^l \in A_*(\mathbb{P}(M^*_n))$, and denote $N^*=\dim \mathbb{P}(M^*_n)$.
The coefficients $\gamma^*_l$ thus can be computed as
$\gamma^*_l = \int_{\mathbb{P}(M^*_n)} H^{N^*-l}\cap p_*(c_{sm}^{\hat{\tau^*_{n,k}}})$. Notice that the pull back of the hyperplane bundle
$\mathcal{O}_{\mathbb{P}(M^*_n)}(1)$ on $\mathbb{P}(M^*_n)$ to $\hat\tau^*_{n,k}$ agrees with the
tautological line bundle $\mathcal{O}_{\hat{\tau}^*_{n,k}}(1)$, thus we denote $\mathcal{O}(1)$ for both of them.
Since $\int_X \alpha =\int_Y f_*\alpha$ for any class $\alpha$ and any proper morphism
$f\colon X\to Y$, by the projection formula we have (omitting the obvious pullbacks):
\begin{align*}
\gamma^*_l
=& \int_{\mathbb{P}(M^*_n)} H^{N^*-l} \cap p_*(c_{sm}^{\hat{\tau}^*_{n,k}})
= \int_{\hat{\tau}^*_{n,k}} c_1(\mathcal{O}(1))^{N^*-l}\cap c_{sm}^{\hat{\tau}^*_{n,k}} \\
=& \int_{\hat{\tau}^*_{n,k}} c_1(\mathcal{O}(1))^{N^*-l}c(\mathcal{T}_{\hat{\tau}^*_{n,k}})\cap [\hat{\tau}^*_{n,k}] \\
=& \int_{\hat{\tau}^*_{n,k}} c(S^\vee\otimes Q) c(E_*\otimes\mathcal{O}(1)) c_1(\mathcal{O}(1))^{N^*-l}\cap [\hat{\tau}^*_{n,k}]
\end{align*}
Here $E_*$ denotes the vector bundles $Q^{\vee n}$, $Sym^2 Q^\vee$ and $\wedge^2 Q^\vee$ for three types of matrices respectively.
The last equation comes from the standard Euler sequence of projective bundle $\pi\colon \mathbb{P}(E_*)\to X$:
\[
0\rightarrow \mathcal{O}_{\mathbb{P}(E_*)}(-1)\rightarrow \pi^*(E_*)\rightarrow T_{\mathbb{P}(E_*)}\otimes\mathcal{O}_{\mathbb{P}(E_*)}(-1) \rightarrow 0 \/.
\]
Expand the tensor $c(E_*\otimes\mathcal{O}(1))$ using \cite[Example 3.2.2]{INT}, and then combine the definition of Segre classes we have
{\small
\begin{align*}
\gamma^*_l
=& \int_{\hat{\tau}^*_{n,k}} \sum_{p=0}^{e^*}\sum_{i=0}^{p}
\binom{e^*-i}{p-i}
c(S^\vee\otimes Q)c_i(E_*)c_1(\mathcal{O}(1))^{N^*-l+p-i} \cap [\hat{\tau}^*_{n,k}] \\
=&
\sum_{p=0}^{e^*}\sum_{i=0}^{p} \binom{e^*-i}{p-i}
\int_{G(k,n)}
c(S^\vee\otimes Q)c_i(E_*)s_{N^*-l+p-i+1-e^*}(E_*) \cap [G(k,n)]
\end{align*}
}
Here $e_*=\operatorname{rk} E_*$ are the ranks of the corresponding vector bundles.
The rest computation of the Chern-Schwartz-MacPherson classes follows from \cite[Theorem 4.5 and 4.7]{PR19} and \cite{Xiping1}. The computation of the Chern-Mather classes follows from the knowledge of local Euler obstructions computed in \cite[Theorem 6.2, 6.4 and 6.6]{Xiping3}.
\end{proof}
Notice that to describe a polynomial function, instead of listing all the coefficients appeared, one can also list all the function values at integers. Thus here we give another description for the polynomials $q^*_{n,k}$ for $*$ being $\emptyset$, $\wedge$ and $S$.
\begin{theo}[\textbf{Equivalent formula II}]
\label{theo; formulaII}
Let $S$ and $Q$ be the universal sub and quotient bundles over the Grassmannian $G(r,n)$.
We define $Q^\wedge(d)$ to be the following Chow (cohomology) classes $($we omit the obvious $\cap [G(r,n)]$ here$)$:
\begin{align*}
& Q_{n,r}(d)
:= \left(\sum_{k=0}^{n(n-r)} (1+d)^{n(n-r)-k}c_k(Q^{\vee n}) \right) \left(\sum_{k=0}^{nr} d^{nr-k}c_k(S^{\vee n}) \right); \\
& Q^\wedge_{n,r}(d): =\\
& \left(\sum_{k=0}^{\binom{n-r}{2}} (1+d)^{\binom{n-r}{2}-k}c_k(\wedge^2 Q^\vee) \right)
\left(\sum_{k=0}^{\binom{r}{2}} d^{\binom{r}{2}-k} c_k(\wedge^2 S^\vee) \right)
\left(\sum_{k=0}^{r(n-r)} d^{r(n-r)-k} c_k(S^\vee\otimes Q^\vee) \right) ; \\
& Q^S_{n,r}(d) :=\\
&\left( \sum_{k=0}^{\binom{n-r+1}{2}} (1+d)^{\binom{n-r+1}{2}-k}c_k(Sym^2 Q^\vee) \right)
\left(\sum_{k=0}^{\binom{r+1}{2}} d^{\binom{r+1}{2}-k} c_k(Sym^2 S^\vee) \right)
\left(\sum_{k=0}^{r(n-r)} d^{r(n-r)-k} c_k(S^\vee\otimes Q^\vee) \right) \/.
\end{align*}
We have the following integration formulas :
\begin{align*}
q_{n,r}(d)
=& \int_{G(r,n)} c(S^\vee\otimes Q)\cdot Q_{n,r}(d)\cap [G(r,n)] - d^{n^2} \binom{n}{r}; \\
q^\wedge_{n,r}(d)
=&
\int_{G(r,n)} c(S^\vee\otimes Q) \cdot Q^\wedge_{n,r}(d) \cap [G(r,n)]
- d^{\binom{n}{2}} \binom{n}{r} \\
q^S_{n,r}(d)
=&
\int_{G(r,n)} c(S^\vee\otimes Q) \cdot Q^S_{n,r}(d) \cap [G(r,n)]
-d^{\binom{n+1}{2}} \binom{n}{r} \/.
\end{align*}
\end{theo}
\begin{rema}
The polynomials $Q_{n,r}^*(d)$ can also be written in virtual forms
. Let $t$ be a `virtual variable' in the $K$ theory of $X$, i.e., a variable that can be substituted by any operation $t\colon K(X)\to K(X)$.
For any vector bundle $E$ of rank $e$ on $X$, we consider the `virtual tensor' $E\otimes t$, whose Chern class is expressed as
\[
c(E\otimes t):=\prod_{k=0}^e (1+t)^{e-k}\cdot c_k(E) \/.
\]
The same notation is also used in \cite{ACT21}, in their recursive formulas of motivic Chern classes.
This is equivalent to say that, the Chern roots of $E\otimes t$ are $$\{t+\alpha_1, t+\alpha_2, \cdots , t+\alpha_e\}\/,$$ providing that $\{\alpha_1,\alpha_2, \cdots , \alpha_e\}$ are the Chern roots of $E$. Then we can rewrite $Q^*_{n,r}(t)$ as
\begin{align*}
Q_{n,r}(t)
& := c(Q^{\vee n}\otimes t) c_{top}(S^{\vee n}) ; \\
Q^\wedge_{n,r}(t)& : =
c (\wedge^2 Q^\vee\otimes t) c_{top}(\wedge^2 S^\vee\otimes t)c_{top}(S^\vee\otimes Q^\vee\otimes t) ; \\
Q^S_{n,r}(t) & :=
c(Sym^2 Q^\vee\otimes t) c_{top}(Sym^2 S^\vee\otimes t) c_{top}(S^\vee\otimes Q^\vee\otimes t) \/.
\end{align*}
Here $c_{top}$ denotes the Chern classes of the top degrees.
\end{rema}
\begin{proof}[Proof of Theorem~\ref{theo; formulaII}]
Recall that
$q^*_{n,k}(H)=\sum_{l=0}^{N^*} \gamma^*_l H^l$ are defined as the pushforward $p_* c_{sm}^{\hat{\tau}^*_{n,k}}$. Here $N^*=\dim \mathbb{P}(M^*_n)$ are the dimensions of the projective spaces.
One then has $\gamma_l^*=\int_{\hat{\tau}^*_{n,k}} c_{sm}^{\hat{\tau}^*_{n,k}}H^{N^*-l}$. This shows that
\begin{align*}
q^*_{n,k}(\frac{1}{d})=& \sum_{l=0}^{N^*} \gamma^*_l d^{-l} = \sum_{l=0}^{N^*} \int_{\hat{\tau}^*_{n,k}} c_{sm}^{\hat{\tau}^*_{n,k}}\cdot d^{-l}H^{N^*-l}
= \sum_{l=0}^{N^*} \int_{\hat{\tau}^*_{n,k}} c_{sm}^{\hat{\tau}^*_{n,k}}\cdot d^{l-N^*}H^l\\
=& d^{-N^*}\cdot \sum_{l=0}^{N^*} \int_{\hat{\tau}^*_{n,k}} c_{sm}^{\hat{\tau}^*_{n,k}}\cdot d^{l}H^l
= d^{-N^*}\cdot \int_{\hat{\tau}^*_{n,k}} \frac{c_{sm}^{\hat{\tau}^*_{n,k}}}{1-dH} \\
=& d^{-N^*}\cdot \int_{\mathbb{P}(E^*)} \frac{c(S^\vee\otimes Q)c(E^*\otimes \mathcal{L})}{1-dH} \/.
\end{align*}
Here $E^*$ stands for $Q^{\vee n}$, $\wedge^2 Q^\vee$ and $Sym^2 Q^\vee$ when $*=\emptyset$, $*=\wedge$ and $*=S$ respectively. The vector bundles $S$ and $Q$ denote the universal sub and quotient bundles over the Grassmannian $G(k,n)$. To compute above integration we will need the following Lemma.
\begin{lemm}
\label{lemm; SegreTensor}
Let $E$ be a rank $e$ vector bundle over $X$, let $p\colon \mathbb{P}(E)\to X$ be the projective bundle.
Let $\mathcal{L}=\mathcal{O}_{\mathbb{P}(E)}(1)$ be the tautological bundle. We denote its Chern class $c_1(\mathcal{L})$ by $H$. Then for any integer $d$ we have:
\[
d\cdot p_*\left(\frac{c(E\otimes \mathcal{L})}{1-d\cdot c_1(\mathcal{L})} \right)
=
\left(\sum_{k=0}^e d^k(1+d)^{e-k}c_k(E) \right) \left(\sum_{k=0}^\infty d^ks_k(E) \right) -1 \/.
\]
\end{lemm}
\begin{proof}
\begin{align*}
c(E\otimes \mathcal{L})=&
\sum_{k=0}^e \left(\sum_{i=0}^k \binom{e-i}{k-i} c_i(E)\cdot c_1(\mathcal{L})^{k-i}\right)\\
=&
\sum_{k=0}^e \left(\sum_{j=k}^e \binom{e-j+k}{k} c_{j-k}(E) \right) H^k \\
=&
\sum_{k=0}^e \left(\sum_{j=0}^{e-k} \binom{e-j}{k} c_{j}(E) \right) H^k
\end{align*}
Thus for $ \frac{c(E\otimes \mathcal{L})}{1-d\cdot c_1(\mathcal{L})} $ we have
\begin{align*}
\frac{c(E\otimes \mathcal{L})}{1-d\cdot c_1(\mathcal{L})}
=& \sum_{l=0}^\infty c(E\otimes \mathcal{L})\cdot d^lH^l= \sum_{l=0}^\infty \sum_{k=0}^e \left(\sum_{j=0}^{e-k} \binom{e-j}{k} c_{j}(E) \right) d^l H^{k+l} \/.
\end{align*}
Since we are pushing forward the Chern classes to the base $X$, by the definition of Segre class we only concern with $H^{\geq e-1}$ part. The coefficient for $H^{e-1}$ is
\[
\sum_{k=0}^{e-1} \left(\sum_{j=0}^{e-k}\binom{e-j}{k}c_j(E)\right) d^{e-1-k}=\frac{1}{d}\left( \sum_{k=0}^{e} d^{k}(1+d)^{e-k} c_k(E)-c_0(E)\right) ;
\]
and the coefficient for $H^{e+l}$, $l\geq 0$ is
\[
\sum_{k=0}^e \left(\sum_{j=0}^{e-k}\binom{e-j}{k}c_j(E)\right) d^{e+l-k}=\sum_{k=0}^{e} d^{k+l}(1+d)^{e-k} c_k(E)
\]
Thus we have
\begin{align*}
d\cdot p_*\left(\frac{c(E\otimes \mathcal{L})}{1-d\cdot c_1(\mathcal{L})} \right)
=& \sum_{k=0}^{e} d^{k}(1+d)^{e-k} c_k(E)s_0(E)-c_0(E)s_0(E) \\
+& \sum_{l\geq 0} \left( \sum_{k=0}^{e} d^{k+l+1}(1+d)^{e-k} c_k(E)s_{l+1}(E) \right) \\
=& \left(\sum_{k=0}^e d^k(1+d)^{e-k}c_k(E) \right) \left(\sum_{k=0}^\infty d^ks_k(E) \right) -1
\end{align*}
Notice that
although in the expression we have $\sum_{k=0}^\infty d^ks_k(E)$, this is actually a finite sum. When the degree of the Segre class exceeds the dimension of $X$, it then equals $0$.
\end{proof}
Back to our case: the base space $X=G(r,n)$ is the Grassmannian.
For the ordinary rank loci $*=\emptyset$, the vector bundle $E_*=Q^{\vee n}$ has rank $n(n-r)$, and the ambient space $\mathbb{P}(M_n)$ has dimension $N=n^2-1$. Thus we have
\begin{align*}
d^{n^2}\cdot q_{n,r}(\frac{1}{d})
=& d\cdot d^{n^2-1}\cdot q_{n,r}(\frac{1}{d})
=d\cdot \int_{\mathbb{P}(Q^{\vee n})} \frac{c(S^\vee\otimes Q)c(Q^{\vee n}\otimes \mathcal{L})}{1-d\cdot c_1(\mathcal{L})} \\
=& \int_{G(r,n)} c(S^\vee\otimes Q) \left(\sum_{k=0}^{n(n-r)} d^k(1+d)^{n(n-r)-k}c_k(Q^{\vee n}) \right) \left(\sum_{k=0}^\infty d^ks_k(Q^{\vee n}) \right) - \binom{n}{r} \\
=& \int_{G(r,n)} c(S^\vee\otimes Q) \left(\sum_{k=0}^{n(n-r)} d^k(1+d)^{n(n-r)-k}c_k(Q^{\vee n}) \right) \left(\sum_{k=0}^{nr} d^kc_k(S^{\vee n}) \right) - \binom{n}{r}
\end{align*}
Substitute $d$ by $d^{-1}$ we have
\[
q_{n,r}(d)= \int_{G(r,n)} c(S^\vee\otimes Q) \left(\sum_{k=0}^{n(n-r)} (1+d)^{n(n-r)-k}c_k(Q^{\vee n}) \right) \left(\sum_{k=0}^{nr} d^{nr-k}c_k(S^{\vee n}) \right) - d^{n^2} \binom{n}{r} \/.
\]
For the skew-symmetric rank loci $*=\wedge$, the bundle $E^*=\wedge^2 Q^\vee$ is of rank $\binom{n-r}{2}$ and we have $N^\wedge=\binom{n}{2}-1$. Thus one obtains
\begin{align*}
d^{\binom{n}{2}}\cdot q^\wedge_{n,r}(\frac{1}{d})
=& d\cdot d^{\binom{n}{2}-1} q^\wedge_{n,r}(d)
= d\cdot \int_{\mathbb{P}(\wedge^2 Q^\vee)} \frac{c(S^\vee\otimes Q)c(\wedge^2 Q^\vee\otimes \mathcal{L})}{1-d\cdot c_1(\mathcal{L})} \\
=& \int_{G(r,n)} c(S^\vee\otimes Q) \left(\sum_{k=0}^{\binom{n-r}{2}} d^k(1+d)^{\binom{n-r}{2}-k}c_k(\wedge^2 Q^\vee) \right) \left(\sum_{k=0}^\infty d^ks_k(\wedge^2 Q^\vee) \right) -\binom{n}{r}
\end{align*}
Substitute $d$ by $d^{-1}$ we then have
\[
q^\wedge_{n,r}(d)= \int_{G(r,n)} c(S^\vee\otimes Q)
\left(\sum_{k=0}^{\binom{n-r}{2}} (1+d)^{\binom{n-r}{2}-k}c_k(\wedge^2 Q^\vee) \right) \left(\sum_{k=0}^{\infty} d^{A_r-k} s_k(\wedge^2 Q^\vee) \right)
- d^{\binom{n}{2}} \binom{n}{r} \/.
\]
Here we take $A_r=\binom{n}{2}-\binom{n-r}{2}=\binom{r}{2}+r(n-r)$. Notice that we have
\[
c(\wedge^2 Q^\vee)c(S^\vee\otimes Q^\vee)c(\wedge^2 S^\vee))=1;\quad A+r=\binom{r}{2}+r(n-r) \/.
\]
Define $Q^\wedge_{n,r}(d)$ to be the following Chow (cohomology) class
\[
\left(\sum_{k=0}^{\binom{n-r}{2}} (1+d)^{\binom{n-r}{2}-k}c_k(\wedge^2 Q^\vee) \right)
\left(\sum_{k=0}^{\binom{r}{2}} d^{\binom{r}{2}-k} c_k(\wedge^2 S^\vee) \right)
\left(\sum_{k=0}^{r(n-r)} d^{r(n-r)-k} c_k(S^\vee\otimes Q^\vee) \right) \/,
\]
then the formula can be written as
\[
q^\wedge_{n,r}(d) =
\int_{G(r,n)} c(S^\vee\otimes Q)\cdot Q^\wedge_{n,r}(d)- d^{\binom{n }{2}} \binom{n}{r}
\/.
\]
For the symmetric rank loci $*=S$, $E^*=Sym^2 Q^\vee$ is of rank $\binom{n-r+1}{2}$ and $N^S=\binom{n+1}{2}-1$. Thus we have
\begin{align*}
&d^{\binom{n+1}{2}}\cdot q^S_{n,r}(\frac{1}{d})
= d\cdot d^{\binom{n+1}{2}-1} q^S_{n,r}(d)
= d\cdot \int_{\mathbb{P}(Sym^2 Q^\vee)} \frac{c(S^\vee\otimes Q)c(Sym^2 Q^\vee\otimes \mathcal{L})}{1-d\cdot c_1(\mathcal{L})} \\
=& \int_{G(r,n)} c(S^\vee\otimes Q) \left(\sum_{k=0}^{\binom{n-r+1}{2}} d^k(1+d)^{\binom{n-r+1}{2}-k}c_k(Sym^2 Q^\vee) \right) \left(\sum_{k=0}^\infty d^ks_k(Sym^2 Q^\vee) \right) -\binom{n}{r}
\end{align*}
Substitute $d$ by $d^{-1}$ we then have
\begin{align*}
&q^S_{n,r}(d)+ d^{\binom{n+1}{2}} \binom{n}{r} \\
=& \int_{G(r,n)} c(S^\vee\otimes Q)
\left(\sum_{k=0}^{\binom{n-r+1}{2}} (1+d)^{\binom{n-r+1}{2}-k}c_k(Sym^2 Q^\vee) \right) \left(\sum_{k=0}^{\infty} d^{B_r-k} s_k(Sym^2 Q^\vee) \right)
\/.
\end{align*}
Here we take $B_r=\binom{n+1}{2}-\binom{n-r+1}{2}$.
Notice that we have
\[
c(Sym^2 Q^\vee)c(S^\vee\otimes Q^\vee)c(Sym^2 S^\vee))=1; \quad B_r=\binom{r+1}{2}+r(n-r)\/.
\]
Define $Q^S_{n,r}(d)$ to be the following Chow (cohomology) class
\[
\left(\sum_{k=0}^{\binom{n-r+1}{2}} (1+d)^{\binom{n-r+1}{2}-k}c_k(Sym^2 Q^\vee) \right)
\left(\sum_{k=0}^{\binom{r+1}{2}} d^{\binom{r+1}{2}-k} c_k(Sym^2 S^\vee) \right)
\left(\sum_{k=0}^{r(n-r)} d^{r(n-r)-k} c_k(S^\vee\otimes Q^\vee) \right) \/,
\]
then the formula can be written as
\[
q^S_{n,r}(d) =
\int_{G(r,n)} c(S^\vee\otimes Q)\cdot Q^S_{n,r}(d)- d^{\binom{n+1}{2}} \binom{n}{r}
\/.
\]
This complete the proof of the Theorem.
\end{proof}
Recall that for a projective variety, Aluffi's $\mathcal{J}$ involution interchanges the Chern-Schwartz-MacPherson $\gamma$ polynomial and the sectional Euler characteristics polynomial. Here the sectional Euler characteristic polynomial $\chi_X(t)$ is defined as follows: $\chi_X(t):=\sum_{k\geq 0} \chi(X\cap L^k)\cdot (-t)^k$ for $L^k$ being a generic codimension $k$ linear subspace.
For generic determinantal varieties
We define the $\Gamma$ polynomials as follows.
\begin{align*}
d\cdot \Gamma_{n,r}(d)=&
\int_{G(r,n)} c(S^\vee\otimes Q) \left(\sum_{k=0}^{n(n-r)} d^k(1+d)^{n(n-r)-k}c_k(Q^{\vee n}) \right)\left(\sum_{k=0}^\infty d^k s_k(Q^{\vee n}) \right)-\binom{n}{r} \\
d\cdot \Gamma^\wedge_{n,r}(d)=&
\int_{G(r,n)}c(S^\vee\otimes Q) \left(\sum_{k=0}^{\binom{n-r}{2}} d^k(1+d)^{\binom{n-r}{2}-k}c_k(\wedge^2 Q^\vee) \right)\left(\sum_{k=0}^\infty d^k s_k(\wedge^2 Q^\vee) \right) -\binom{n}{r}\\
d\cdot \Gamma^S_{n,r}(d)=&
\int_{G(r,n)} c(S^\vee\otimes Q) \left(\sum_{k=0}^{\binom{n-r+1}{2}} d^k(1+d)^{\binom{n-r+1}{2}-k}c_k(Sym^2 Q^\vee) \right)\left(\sum_{k=0}^\infty d^k s_k(Sym^2 Q^\vee) \right) -\binom{n}{r} \/.
\end{align*}
The $\Gamma$ polynomials are related to $q$ polynomials by $d\mapsto d^{-1}$, since the Chern-Schwartz-MacPherson $\gamma$ polynomials are related to Chern-Schwartz-MacPherson classes by $H\to H^{-1}$. We have the following result.
\begin{coro}
For any integer $d$, following the proof in Formula II we have:
\begin{align*}
\chi_{\tau_{n,k}^{\circ}}(d)
=& \sum_{r=k}^{n-1} (-1)^{r-k}\binom{r}{k} \cdot \frac{d\cdot \Gamma_{n,r}(-1-d)+\Gamma_{n,r}(0)}{1+d} \\
\chi_{\tau_{n,k}^{S \circ}}(d)
=& \sum_{r=k}^{n-1} (-1)^{r-k}\binom{r}{k} \cdot \frac{d\cdot \Gamma^S_{n,r}(-1-d)+\Gamma^S_{n,r}(0)}{1+d} \\
\chi_{\tau^{\wedge \circ}_{A,B}}(d)
=&
\begin{cases}
\sum_{r=k}^{n-1} \binom{2r}{2k}E_{2r-2k} \cdot \frac{d\cdot \Gamma_{2n,2r}(-1-d)+\Gamma^\wedge_{2n,2r}(0)}{1+d} & A=2n, B=2k \\
\sum_{r=k}^{n-1} \binom{2r+1}{2k+1}E_{2r-2k} \cdot \frac{d\cdot \Gamma_{2n+1,2r+1}(-1-d)+\Gamma^\wedge_{2n+1,2r+1}(0)}{1+d} & A=2n+1, B=2k+1
\end{cases}
\end{align*}
\end{coro}
\begin{proof}
The proof is a direct application of Aluffi's involution formula. The evaluations here is valid due to the fact that $\frac{t\cdot f(-1-t)+f(0)}{1+t}$ is actually a polynomial for any $f(t)$, instead of the truncation of the first $N$ terms from an infinite power series.
\end{proof}
\section{Characteristic Cycles and Polar Degrees}
\label{S; charcycle}
In this section we take $K=\mathbb{C}$. In complex category, the
theory of Chern classes can be thought of the pushdown of the theory of characteristic cycles of constructible sheaves.
Consider the embedding $i\colon X\subset M$ of a $d$-dimensional variety into a $m$-dimensional complex manifold. The \textit{conormal space} of $X$ is defined as the dimension $m$ subvariety of $T^*M$:
\[
T^*_X M:=\overline{\{(x,\lambda)|x\in X_{sm};\lambda(T_xX)=0\}}\subset T^*M
\]
This is a conical Lagrangian subvariety of $T^*M$. In fact, the conical Lagrangian subvarieties of $T^*M$ supporting inside $X$ are exactly the conormal spaces of closed subvarieties $V\subset X$. For a proof we refer to \cite[Lemma 3]{Kennedy}.
Let $L(X)$ be the free abelian group generated by the conormal spaces $T_V^*M$ for subvarieties $V\subset X$, and we call an element of $L(M)$ a \textit{(conical) Lagrangian cycle} of $X$. We say a Lagrangian cycle is \textit{irreducible} if it equals the conormal space of some subvariety $V$.
The group $L(X)$ is independent of the embedding: the group $L(X)$ is isomorphic to the group of constructible functions $F(X)$ by the group morphism $Eu$ that sends $(-1)^{\dim V} T^*_V M$ to $Eu_V$.
However, the fundamental classes $[T^*_X M]$ depend on the Chow ring of the ambient space. When the embedding $M$ is specified, we call
$[T^*_X M]\in A_*(T^*M)$ the \textit{Conormal cycle class of $X$} in $M$.
We define the \textit{projectivized conormal cycle class} of $X$ to be $Con(X):=[\mathbb{P}(T^*_X M)]$, which is a $m-1$-dimensional cycle in the total space $\mathbb{P}(T^*M)$.
Composing the two operations we obtain a group homomorphism
$$
Ch\colon F(X)\to A_{m-1}(\mathbb{P}(T^*M))
$$
sending $Eu_V$ to $(-1)^{\dim V} Con(V)$. The cycle class $Ch(\mathds{1}_X)$ is called the \textit{Characteristic Cycle class of $X$}, and denoted by $Ch(X)$. The `casting the shadow ' process discussed in \cite{Aluffi04} relates the $Ch(\mathds{1}_X)$ with $c_{sm}^X$, and $Ch(Eu_X)$ with $c_{M}^X$.
\begin{prop}
\label{prop; charcycle}
Let $X^*_{n,k}\subset \mathbb{P}^N$ be an EIDV of type $*$, for $*$ being $\emptyset$, $S$ or $\wedge$. Let \[
c_M^{X^*_{n,k}}=\sum_{l=0}^{N} \beta_l H^{N-l}; \quad
c_{sm}^{X^*_{n,k}}=\sum_{l=0}^{N} \gamma_l H^{N-l}
\]
be the Chern-Mather class and Chern-MacPherson-Schwartz class in $A_*(\mathbb{P}^{N})$ respectively, as computed in \S\ref{S; charclass}.
Let $d^*_{n,k}$ be the dimension of $X^*_{n,k}$,
then the projectivized conormal cycle $Con(X^*_{n,k})$ equals:
\[
Con(X^*_{n,k})= (-1)^{d^*_{n,k}}\sum_{j=1}^{N-1} \sum_{l=j-1}^{N-1} (-1)^l\beta_l\binom{l+1}{j} h_1^{N+1-j}h_2^{j}\cap [\mathbb{P}^{N} \times \mathbb{P}^{N}] \/.
\]
The characteristic cycle of $X^*_{n,k}$ are given by
\[
Ch(X^*_{n,k})=(-1)^{d^*_{n,k}}\sum_{j=1}^{N-1} \sum_{l=j-1}^{N-1} (-1)^l\gamma_l\binom{l+1}{j} h_1^{N+1-j}h_2^{j}\cap [\mathbb{P}^{N} \times \mathbb{P}^{N}] ;
\]
\end{prop}
\begin{proof}
Firstly, note that when $M=\mathbb{P}^N$ we have the following diagram
\[
\begin{tikzcd}
P=\mathbb{P}(T^* M) \arrow{r}{j} \arrow{d}{\pi} & \mathbb{P}^{N}\times\mathbb{P}^{N} \arrow{dl}{pr_1}\arrow{d}{pr_2} \\
M=\mathbb{P}^{N} & (\mathbb{P}^{N})^\vee=M^*
\end{tikzcd} .
\]
Here $P$ is embedded as the incidence variety.
Let $L_1,L_2$ are the pull backs of the line bundle $\mathcal{O}_{\mathbb{P}^{N}}(1)$ of $\mathbb{P}^N$ from projections $pr_1$ and $pr_2$. Then we have
$\mathcal{O}_P(1)=j^*(L_1\otimes L_2)$, and $j_*[\mathbb{P}(T^* M)]=c_1(L_1\otimes L_2) \cap [\mathbb{P}^{N}\times\mathbb{P}^{N}]$ is a divisor in $\mathbb{P}^{N}\times\mathbb{P}^{N}$. Thus both the characteristic cycle and the conormal cycles can be realized as polynomials in $h_1=c_1(L_1)$ and $h_2=c_1(L_2)$, as
classes in $A_*(\mathbb{P}^{N}\times\mathbb{P}^{N})$.
For any constructible function $\varphi\in F(X)$, we define the signed class $\breve{c}_*(\varphi)\in A_*(\mathbb{P}^{N})$ as
$\{\breve{c}_*(\varphi)\}_r = (-1)^r\{c_*(\varphi)\}_r $. Here for any class $C\in A_*(M)$, $C_r$ denotes the $r$-dimensional piece of $C$.
As proved in \cite[Lemma 4.3]{Aluffi04}, this class is exactly the shadow of the characteristic cycle $Ch(\varphi)$.
For $i=1,2$, let $h_i=c_1(L_i)\cap [\mathbb{P}^{N}\times\mathbb{P}^{N}] $ be the pull backs of hyperplane classes.
Write $c_*(\varphi)=\sum_{l=0}^{N} \gamma_lH^{N-l}$ as a polynomial of $H$, then by the structure theorem for projective bundles we have inversely:
\[
Ch(\varphi)=\sum_{j=1}^{N}\sum_{k=j-1}^{N-1} (-1)^k\gamma_k\binom{k+1}{j} h_1^{N+1-j}h_2^j
\]
as a class in $\mathbb{P}^{N}\times\mathbb{P}^{N}$. Set $\varphi$ to be $\mathds{1}_X$ and $Eu_X$ one obtains the proposition.
\end{proof}
Proved in \cite{Piene15}\cite[Remark 2.7]{Aluffi04}, the multiplicities appeared in the expression of the projectivized conormal cycle $Con(X)$ are exactly the polar degrees of $X$. Write $c_M^{X^*_{n,k}}=\sum_{l=0}^{N} \beta_l H^{N-l}$, then we obtain a formula for the polar degrees of $X^*_{n,k}$:
\begin{equation}
\label{eq; polar}
P_j=(-1)^{d^*_{n,k}} \sum_{l=j-1}^{N-1} (-1)^l\beta_l\binom{l+1}{j} \/.
\end{equation}
The sum of the polar degrees is also a very interesting invariant. It is called the generic Euclidean distance degree of $X$, and denoted by $gED(X)$. We refer to \cite{AC18} for more details. The generic Euclidean distance degree of $X^*_{n,k}$ is given by
\[
gED(X^*_{n,k})=\sum_{l=0}^{d^*_{n,k}}\sum_{i=0}^{l} (-1)^{i}\binom{d^*+1-i}{d^*+1-l}\beta_{d^*-i} \/.
\]
We define the following `flip' operation in $A_{n-1}(\mathbb{P}^N\times \mathbb{P}^N)$. For any class
$\alpha=\sum_{i=0}^n \delta_i h_1^ih_2^{n-i}$, its flip
$\alpha^\dagger$ is defined as $\alpha^\dagger:=\sum_{i=0}^n \delta_i h_1^{n-i}h_2^i$. In other word, we just switch the powers of $h_1$ to $h_2$.
This `flip' process is compatible with addition: $(\alpha+\beta)^\dagger=\alpha^\dagger + \beta^\dagger$. Aluffi's projective duality involution shows that
\begin{prop}
For any projective subvariety $X\subset \mathbb{P}^N$ with dual variety $X^\vee$
we have $Con(X^\vee)=Con(X)^\dagger$.
Moreover, one can see that the $l$-th polar degree of $X$ equals the $(\dim X-l)$-th polar degree of $X^\vee$, and hence $gED(X)=gED(X^\vee)$.
\end{prop}
In particular, for generic determinantal varieties we have the following symmetry proposition.
\begin{prop}
\label{prop; charcyclesymmetry}
The characteristic cycles of $\tau^S_{n,1}$, $\tau^\wedge_{2n,2}$ and $\tau^\wedge_{2n+1,3}$ are symmetric:
\[
Ch(\tau^S_{n,1})=Ch(\tau^S_{n,1})^\dagger; \quad Ch(\tau^\wedge_{2n,2})=Ch(\tau^\wedge_{2n,2})^\dagger; \quad Ch(\tau^\wedge_{2n+1,3})=Ch(\tau^\wedge_{2n+1,3})^\dagger \/.
\]
\end{prop}
\begin{proof}
First we prove for skew-symmetric case.
Recall that $
Ch\colon F(X)\to A_{m-1}(\mathbb{P}(T^*M))
$
sends $Eu_V$ to $(-1)^{\dim V} Con(V)$.
Thus from Theorem~\ref{theo; formulaI} have
\[
Ch(\tau^\wedge_{2n,2})=\sum_{i=1}^{n-1} (-1)^{i+1}\cdot (-1)^{2i(2n-2i)+\binom{2n-2i}{2}-1} Con(\tau^\wedge_{2n,2i})
=\sum_{i=1}^{n-1} (-1)^{n-1} Con(\tau^\wedge_{2n,2i}).
\]
We have shown that $Con(\tau_{m,n,i})=Con(\tau_{m,n,n-i})^\dagger$, thus
\begin{align*}
\left(Con(\tau^\wedge_{2n,2i})+Con(\tau^\wedge_{2n,2n-2i})\right)^{\dagger}=Con(\tau^\wedge_{2n,2i})^\dagger +Con(\tau^\wedge_{2n,2n-2i})^\dagger =Con(\tau_{m,n,n-i})+Con(\tau_{m,n,i}).
\end{align*}
is symmetric. Thus we have
\begin{align*}
&Ch(\tau^\wedge_{2n,2})
=\sum_{i=1}^{n-1} (-1)^{n-1} Con(\tau_{m,n,i}) \\
=&(-1)^{n-1} \left(Con(\tau_{m,n,1})+Con(\tau_{m,n,n-1}) + Con(\tau_{m,n,2})+Con(\tau_{m,n,n-2})+\cdots \right).
\end{align*}
is a sum of symmetric terms, and hence is symmetric.
The proof for $Ch(\tau^\wedge_{2n+1,3})$ and $Ch(\tau^S_{n,1})$ follows from the same argument, by computing the base change between indicator functions and Euler obstruction functions using
Equation $(1)(2)$ and $(5)(6)$ in
Theorem~\ref{theo; formulaI}.
\end{proof}
\section{Conjecture}
\label{conj}
We close this paper with the following conjectures:
\begin{conj}[Positivity]
All the coefficients appeared in $c_{sm}^{\tau_{n,k}^{\circ}}$, $c_{sm}^{\tau_{n,k}^{\wedge \circ}}$ and $c_{sm}^{\tau_{n,k}^{S \circ}}$ are non-negative.
\end{conj}
This was proved for Schubert cells in flag manifold in \cite{AMSS17}. We don't know a proof for the determinantal varieties.
\begin{conj}[Log Concave]
For $*$ being $\emptyset$, $\wedge$ and $S$, the coefficients appeared in $c_{sm}^{\tau_{n,k}^{* \circ}}$, $Con(\tau^*_{n,k})$ and $Ch(\tau^*_{n,k})$ are log concave.
\end{conj}
\section{Appendix: Examples of Chern Classes}
\label{S; Appendix}
\subsection{Skew-Symmetric Matrix}
\subsubsection{$n=6$}
The total space is $\mathbb{P}(M_6^\wedge)=\mathbb{P}^{14}$.
\begin{align*}
q^\wedge_{6,2}
=& 90H^{14} + 405H^{13} + 1290H^{12} + 2925H^{11} + 4878H^{10} + 6225H^{9} + 6318H^{8} + 5217H^7 \\
& + 3504H^6 + 1863H^5 + 744H^4 + 207H^3 + 36H^2+3H \\
q^\wedge_{6,4}
=& 15H^{14} + 60H^{13} + 170H^{12} + 330H^{11} + 438H^{10} + 394H^9 + 234H^8 + 84H^7 + 14H^6
\end{align*}
Thus
\begin{align*}
c_{sm}^{\tau^{\wedge \circ}_{6,0}}
=& q^\wedge_{6,2}-6q^\wedge_{6,4}\\
=& 15H^{12}+90H^{11}+315H^{10}+750H^9+1287H^8+1638H^7+1571H^6+1140H^5+621H^4\\
&+248H^3+69H^2+12H+1\\
c_{sm}^{\tau^{\wedge \circ}_{6,2}}
=& 45H^{13} + 270H^{12} + 945H^{11} + 2250H^{10} + 3861 H^{9} + 4914H^{8} + 4713H^7 \\
& + 3420H^6 + 1863H^5 + 744H^4 + 207H^3 + 36H^2+3H \\
c_{sm}^{\tau^{\wedge }_{6,4}}
=& 15H^{14} + 60H^{13} + 170H^{12} + 330H^{11} + 438H^{10} + 394H^9 + 234H^8 + 84H^7 + 14H^6
\end{align*}
One can observe that
\[
3H c_{sm}^{\tau^{\wedge \circ}_{6,0}}=c_{sm}^{\tau^{\wedge \circ}_{6,2}} \/.
\]
The characteristic cycles and conormal cycles are computed as:
\vskip .05in
\begin{tabular}{c | *{8}{c}}
Table & $h_1^{14}h_2$ & $h_1^{13}h_2^2$ & $h_1^{12}h_2^3$ & $h_1^{11}h_2^4$ & $h_1^{10}h_2^5$ & $ h_1^{9}h_2^6 $ & $h_1^8h_2^7$&$ h_1^7h_2^8$ \\
\hline
$Ch(\tau^\wedge_{6,2})$ & -3 & -6 & -12 & -24 & -48 & -82 & -108 & -108 \\
$Ch(\tau^\wedge_{6,4})=Con(\tau^\wedge_{6,4})$ & 3 & 6 & 12 & 24 & 48 & 68 & 66 & 42 \\
$Con(\tau^\wedge_{6,2})$ & 0 & 0 & 0 & 0 & 0 & -14 & -42 & -66 \\
\end{tabular}
\vskip .05in
\begin{tabular}{c | *{6}{c}}
Table & $h_1^6h_2^9$ & $h_1^5h_2^{10}$ & $h_1^4h_2^{11}$ & $h_1^3h_2^{12}$ & $h_1^2h_2^{13} $ & $h_1h_2^{14}$ \\
\hline
$Ch(\tau^\wedge_{6,2})$ & -82 & -48 & -24 & -12 & -6 & -3 \\
$Ch(\tau^\wedge_{6,4})=Con(\tau^\wedge_{6,4})$ & 14 & 0 & 0 & 0 & 0 & 0 \\
$Con(\tau^\wedge_{6,2})$ & -68 & -48 & -24 & -12 & -6 & -3 \\
\end{tabular}\\
One can observe the duality in $Con(\tau^\wedge_{6,2})$ and $Con(\tau^\wedge_{6,4})$, since they are projective dual to each other. One can also observe the symmetry of $Ch(\tau^\wedge_{6,2})$, as proved in Proposition~\ref{prop; charcyclesymmetry}.
\subsubsection{n=7}
The total space is $\mathbb{P}(M_7^\wedge)=\mathbb{P}^{20}$.
\begin{align*}
q^\wedge_{7,3}
=& 210H^{20} + 1155H^{19} + 4690H^{18} + 14175H^{17} + 32970H^{16} + 61299H^{15} + 94698H^{14} \\
+& 125139H^{13} +142898H^{12} + 139839H^{11}+ 115038H^{10} + 77777H^9 + 42238H^8 \\
+& 17965H^7 + 5782H^6 + 1330H^5 +196H^4 + 14H^3\\
q^\wedge_{7,5}
=& 21H^{20} + 105H^{19} + 385H^{18} + 1015H^{17} + 1939H^{16} + 2695H^{15} + 2719H^{14} + 1960H^{13} \\
+& 966H^{12} + 294H^{11} + 42H^{10}
\end{align*}
Thus we have
\begin{align*}
c_{sm}^{\tau^{\wedge \circ}_{7,1}}
=& 105H^{18}+ 945H^{17}+ 4830H^{16}+ 17220H^{15}+ 46053H^{14}+ 95991H^{13}+ 159726H^{12}\\
+& 215523H^{11}+ 238056H^{10}+ 216153H^9+ 161252H^8+ 98315H^7+ 48482H^6+ 19019H^5\\
+& 5789H^4+ 1327H^3+ 210H^2+21H+1
\\
c_{sm}^{\tau^{\wedge \circ}_{7,3}}
=& q^\wedge_{7,3}-10q^\wedge_{7,5} \\
=& 105H^{19}+ 840H^{18}+ 4025H^{17}+ 13580H^{16}+ 34349H^{15}+ 67508H^{14}+ 105539H^{13}\\
+& 133238H^{12}+ 136899H^{11}+ 114618H^{10}+77777H^9 + 42238H^8 + 17965H^7+ 5782H^6 \\
+& 1330H^5 + 196H^4 + 14H^3 \\
c_{sm}^{\tau^{\wedge }_{7,5}}
=& 21H^{20} + 105H^{19} + 385H^{18} + 1015H^{17} + 1939H^{16} + 2695H^{15} + 2719H^{14} + 1960H^{13} \\
+& 966H^{12} + 294H^{11} + 42H^{10}
\end{align*}
The characteristic cycles and conormal cycles are computed as:
\vskip .05in
\begin{tabular}{c | *{10}{c}}
Table & $h_1^{20}h_2$ & $h_1^{19}h_2^2$ & $h_1^{18}h_2^3$ & $h_1^{17}h_2^4$ & $h_1^{16}h_2^5$ & $ h_1^{15}h_2^6 $ & $h_1^8{14}h_2^7$&$ h_1^{13}h_2^8$ & $ h_1^{12}h_2^9$ & $ h_1^{11}h_2^{10}$ \\
\hline
$Ch(\tau^\wedge_{7,3})$ & 0 & 0 & -14 & -56 & -140 & -266 & -395 & -434 & -336 & -210 \\
$Ch(\tau^\wedge_{7,5})=Con(\tau^\wedge_{7,5})$ & 0 & 0 & 14 & 56 & 140 & 266 & 395 & 434 & 336 & 168\\
$Con(\tau^\wedge_{7,3})$ & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & -42 \\
\end{tabular}
\vskip .05in
\begin{tabular}{c | *{10}{c}}
Table & $h_1^8h_2^{13}$ & $h_1^7h_2^{14}$ & $h_1^6h_2^{15}$ & $h_1^5h_2^{16}$ & $h_1^4h_2^{17} $ & $h_1^3h_2^{18}$ & $h_1^2h_2^{19}$ & $h_1h_2^{20}$ & $ h_1^{10}h_2^{11}$ &
$ h_1^{9}h_2^{12}$ \\
\hline
$Ch(\tau^\wedge_{6,2})$ & -210 & -336 & -434 & -395 & -266 & -140 & -56 & -14 & 0 & 0 \\
$Ch(\tau^\wedge_{6,4})=Con(\tau^\wedge_{6,4})$ & 42 & 0 & 0 & 0 & 0 & 0 & 0 & 0& 0 & 0\\
$Con(\tau^\wedge_{6,2})$ & -168 & -336 & -434 & -395 & -266 & -140 & -56 & -14 & 0 & 0 \\
\end{tabular}\\
One can observe the duality in $Con(\tau^\wedge_{7,3})$ and $Con(\tau^\wedge_{7,5})$, since they are projective dual to each other. One can also observe the symmetry of $Ch(\tau^\wedge_{7,3})$ proved in Proposition~\ref{prop; charcyclesymmetry}.
\subsection{Symmetric Matrices}
\subsubsection{$n=3$}
The total space is $\mathbb{P}^{5}$.
\begin{align*}
q^S_{3,1}
=& 9H^5 + 18H^4 + 18H^3 + 9H^2 + 3H \\
q^S_{3,2}
=& 3H^5 + 6H^4 + 4H^3
\end{align*}
Thus we have
\begin{align*}
c_{sm}^{\tau^{S \circ}_{3,0}}
=& 3H^4+6H^3+6H^2+3H+1 \\
c_{sm}^{\tau^{S \circ}_{3,1}}
=& q^S_{3,1}-2q^S_{3,2}\\
=& 3H^5+6H^4+10H^3+9H^2 + 3H\\
c_{sm}^{\tau^{S}_{3,2}}
=& 3H^5 + 6H^4 + 4H^3
\end{align*}
One can observe that
\[
3H\cdot c_{sm}^{\tau^{S \circ}_{3,0}}=c_{sm}^{\tau^{S \circ}_{3,1}}+2\cdot c_{sm}^{\tau^{S \circ}_{3,2}} \/.
\]
The characteristic cycles and conormal cycles are computed as:
\vskip .05in
\begin{tabular}{c | *{5}{c}}
Table & $h_1^{5}h_2$ & $h_1^{4}h_2^2$ & $h_1^{3}h_2^3$ & $h_1^{2}h_2^4$ & $h_1h_2^5$ \\
\hline
$Ch(\tau^S_{3,1})$ & 3 & 6 & 8 & 6 & 3 \\
$Ch(\tau^S_{3,2})=Con(\tau^S_{3,2})$ & 3 & 6 & 4 & 0 & 0 \\
$Con(\tau^S_{3,1})$ & 0 & 0 & 4 & 6 & 3 \\
\end{tabular} \\
The symmetry of $Ch(\tau^S_{3,1})$ is proved in Proposition~\ref{prop; charcyclesymmetry}, and the duality of $Con(\tau^S_{3,1})$ and $Con(\tau^S_{3,2})$ come from projective duality.
\subsubsection{$n=4$}
The total space is $\mathbb{P}(M_4^S)=\mathbb{P}^9$.
\begin{align*}
q^S_{4,1}
=& 24H^9 + 84H^8 + 184H^7 + 264H^6 + 264H^5 + 184H^4 + 84H^3 + 24H^2 + 4H
\\
q^S_{4,2}
=&18H^9 + 54H^8 + 92H^7 + 96H^6 + 72H^5 + 40H^4 + 10H^3
\\
q^S_{4,3}
=& 4H^9 + 12H^8 + 16H^7 + 8H^6
\end{align*}
Thus we have
\begin{align*}
c_{sm}^{\tau^{S \circ}_{4,0}}
=&
3H^8+12H^7+34H^6+60H^5 +66H^4+46H^3+21H^2+6H+1 \\
c_{sm}^{\tau^{S \circ}_{4,1}}
=& q^S_{4,1}-2q^S_{4,2}+3q^S_{4,3} \\
=&
12H^8+48H^7+96H^6+120H^5+104H^4+64H^3+24H^2 + 4H \\
c_{sm}^{\tau^{S \circ}_{4,2}}
=& q^S_{4,2}-3q^S_{4,3} \\
=& 6H^9+18H^8+44H^7+72H^6+72H^5 + 40H^4 + 10H^3 \\
c_{sm}^{\tau^{S }_{4,3}}
=& 4H^9 + 12H^8 + 16H^7 + 8H^6
\end{align*}
One can observe that
\[
4H\cdot c_{sm}^{\tau^{S \circ}_{4,0}}=c_{sm}^{\tau^{S \circ}_{4,1}}+2\cdot c_{sm}^{\tau^{S \circ}_{4,2}}\/.
\]
The characteristic cycles and conormal cycles are computed as:
\vskip .05in
\begin{tabular}{c | *{9}{c}}
Table & $h_1^{9}h_2$ & $h_1^{8}h_2^2$ & $h_1^{7}h_2^3$ & $h_1^{6}h_2^4$ & $h_1^{5}h_2^5$ & $ h_1^{4}h_2^6 $ & $h_1^3h_2^7$&$ h_1^2h_2^8$ & $h_1h_2^9$ \\
\hline
$Ch(\tau^S_{4,1})$ & 4 & 12 & 26 & 38 & 42 & 38 & 26 & 12 & 4 \\
$Ch(\tau^S_{4,2})=Con(\tau^S_{4,2})$ & 0 & 0 & 10 & 30 & 42 & 30 & 10 & 0 & 0 \\
$Ch(\tau^S_{4,3})=Con(\tau^S_{4,3})$ & -4 & -12 & -16 & -8 & 0 & 0 & 0 & 0 & 0\\
$Con(\tau^S_{4,1})$ & 0 & 0 & 0 & 0 & 0 & 8 & 16 & 12 & 4 \\
\end{tabular} \\
In fact this gives another example that $Eu_{\tau^S_{4,2}}(\tau^{S\circ}_{4,3})=1$, but $\tau^S_{4,2}$ is singular at $\tau^S_{4,3}$.
\begin{obse}
All the sequences appeared above are log concave.
\end{obse}
\bibliographystyle{plain}
|
\section*{Introduction}
A well-known result in symplectic geometry states that symplectic manifolds $(M,\omega)$ are rigid around submanifolds $X\subset M$, in the sense that the restriction of $\omega$ to $TM|_{X}$ determines the symplectic form $\omega$ on a neighborhood of $X$ \cite{lagrangians}.
By contrast, given a Poisson manifold $(M,\pi)$ and any submanifold $X\subset M$, one should not expect $\pi$ to be determined, up to neighborhood equivalence, by its restriction $\pi|_{X}$. For instance, the origin in $\RR^{2}$ is a fixed point for both the zero Poisson structure and the Poisson structure $\pi=(x^{2}+y^{2})\partial_{x}\wedge\partial_{y}$, which are clearly not diffeomorphic around $(0,0)$.
In order for the restriction $\pi|_{X}$ to determine $\pi$ around $X$, the ambient Poisson manifold needs to satisfy a minimality condition with respect to $X$. Since $\pi|_{X}$ only contains information in the leafwise direction along $X$, we are led to consider the \emph{saturation} of $X\subset(M,\pi)$, i.e. the union of the symplectic leaves that intersect $X$. Clearly, the saturation of $X$ fails to be a submanifold in general; the purpose of this note is to single out a class of submanifolds $X\subset(M,\pi)$ whose saturation is smooth near $X$, in a sense that will be made precise later. Since the saturation $Sat(X)$ of $X\subset(M,\pi)$ is traced out by following Hamiltonian flows starting at points of $X$ in directions normal to $X\subset M$, it is natural to impose the following regularity condition on $X$.
\vspace{0.15cm}
\textbf{Definition} We call an embedded submanifold $X$ of a Poisson manifold $(M,\pi)$ \emph{regular} if the map $pr\circ\pi^{\sharp}:T^{*}M|_{X}\rightarrow TM|_{X}/TX$ has constant rank.
\vspace{0.15cm}
It is equivalent to require that the $\pi$-orthogonal $TX^{\perp_{\pi}}:=\pi^{\sharp}(TX^{0})$ has constant rank. Extreme examples are transversals and Poisson submanifolds of $(M,\pi)$, and we show that any regular submanifold $X\subset(M,\pi)$ is obtained by intersecting such submanifolds.
\vspace{0.15cm}
The main result of Section 1 is the fact that the saturation of a regular submanifold $X\subset(M,\pi)$ is smooth around $X$, in the following sense.
\vspace{0.15cm}
\textbf{Theorem A} \emph{If $X\subset(M,\pi)$ is a regular submanifold, then there exists a neighborhood $V$ of $X$ such that the saturation of $X$ inside $(V,\pi|_{V})$ is an embedded Poisson submanifold.}
\vspace{0.15cm}
We will refer to this Poisson submanifol as the \emph{local Poisson saturation} of $X$. The proof of Theorem A relies on some contravariant geometry and some results concerning dual pairs in Poisson geometry.
\vspace{0.15cm}
Sections 2 and 3 are devoted to the construction of a normal form for the local Poisson saturation of a regular submanifold. In Section 2, we introduce the local model; it is defined on the total space of the vector bundle $(TX^{\perp_{\pi}})^{*}$, and it depends on two additional choices:
\begin{enumerate}
\item A choice of complement $W$ to $TX^{\perp_{\pi}}$ inside $TM|_{X}$. Such a choice yields an inclusion $j:(TX^{\perp_{\pi}})^{*}\hookrightarrow T^{*}M|_{X}$.
\item A choice of closed two-form $\eta$ on a neighborhood of $X$ in $(TX^{\perp_{\pi}})^{*}$, with prescribed restriction $\eta|_{X}=-\sigma-\tau$ along the zero section $X\subset(TX^{\perp_{\pi}})^{*}$. Here $\sigma\in\Gamma(\wedge^{2}TX^{\perp_{\pi}})$ and $\tau\in\Gamma(T^{*}X\otimes TX^{\perp_{\pi}})$ are bilinear forms defined by
\begin{align*}
&\sigma(\xi_{1},\xi_{2})=\pi\big(j(\xi_{1}),j(\xi_{2})\big),\nonumber\\
&\tau\big((v_{1},\xi_{1}),(v_{2},\xi_{2})\big)=\langle v_{1},j(\xi_{2})\rangle - \langle v_{2},j(\xi_{1})\rangle,
\end{align*}
for $\xi_{1},\xi_{2}\in\big(T_{x}X^{\perp_{\pi}}\big)^{*}$ and $v_{1},v_{2}\in T_{x}X$.
\end{enumerate}
To such a complement $W$ and closed extension $\eta$, we associate a Poisson structure $\big(U,\pi(W,\eta)\big)$ on a neighborhood $U$ of $X\subset(TX^{\perp_{\pi}})^{*}$. It is defined as follows: pull back the Dirac structure $L_{\pi}$ defined by the Poisson structure $\pi$ under $i:X\hookrightarrow (M,L_{\pi})$, then pull back once more by the bundle projection $pr:(TX^{\perp_{\pi}})^{*}\rightarrow (X,i^{*}L_{\pi})$ and gauge transform by the closed extension $\eta$. The obtained Dirac structure $\big(pr^{*}(i^{*}L_{\pi})\big)^{\eta}$ is Poisson on a neighborhood $U$ of $X\subset(TX^{\perp_{\pi}})^{*}$. This Poisson structure, denoted by $\big(U,\pi(W,\eta)\big)$, is the local model for the local Poisson saturation of $X\subset(M,\pi)$, as we prove in Section 3.
\vspace{0.15cm}
\textbf{Theorem B}
\emph{Let $X\subset(M,\pi)$ be a regular submanifold. A neighborhood of $X$ in its local Poisson saturation is Poisson diffeomorphic with the local model $\big(U,\pi(W,\eta)\big)$.}
\vspace{0.15cm}
The proof of this result goes along the same lines as the proof of the normal form around Poisson transversals \cite{transversals}, using dual pairs in Dirac instead of Poisson geometry. The statement shows that the pullback Dirac structure $i^{*}L_{\pi}$ determines the local Poisson saturation in a neighborhood of $X$, up to diffeomorphisms and exact gauge transformations. Since $X$ is a transversal in its local Poisson saturation, this result is consistent with the normal form around Dirac transversals, which was proved in \cite{eulerlike} and \cite{dirac}. Our argument has the advantage that it proves Theorem A and Theorem B at the same time.
\vspace{0.15cm}
In Section 4, we specialize our normal form result to some particular classes of regular submanifolds $X\subset(M,\pi)$. These allow for a good choice of complement $W$ and/or closed extension $\eta$, and as such our normal form becomes more explicit. Most notably, we obtain statements concerning the following types of submanifolds:
\begin{enumerate}[i)]
\item \underline{Poisson transversals}: We recover the normal form theorem around Poisson transversals, which was established in \cite{transversals}, \cite{eulerlike}.
\item \underline{Regular coisotropic submanifolds:} We obtain a Poisson version of Gotay's theorem from symplectic geometry \cite{gotay}, which shows that the local Poisson saturation of a regular coisotropic submanifold $i:X\hookrightarrow(M,\pi)$ is determined around $X$ by the pullback Dirac structure $i^{*}L_{\pi}$.
\item \underline{Regular pre-Poisson submanifolds:} We obtain a Poisson version of Marle's constant rank theorem from symplectic geometry \cite{marle}, which shows that the local Poisson saturation of a regular pre-Poisson submanifold $i:X\hookrightarrow(M,\pi)$ is determined around $X$ by
the pullback Dirac structure $i^{*}L_{\pi}$ and the restriction of $\pi$ to $(TX^{\perp_{\pi}})^{*}/(TX^{\perp_{\pi}}\cap TX)^{*}$.
\end{enumerate}
\vspace{0.15cm}
In Section 5, we present an application of our normal form specialized to the case of regular coisotropic submanifolds. We address the problem of embedding a Dirac manifold $(X,L)$ coisotropically into a Poisson manifold $(M,\pi)$, which was considered before in \cite{marco} and \cite{wade}. Existence of coisotropic embeddings is settled in \cite{marco}, where one shows that such an embedding exists exactly when $L\cap TX$ has constant rank. An explicit construction of the Poisson manifold $(M,\pi)$ is given in that case; another construction appears in \cite{wade}.
The uniqueness of such embeddings has not been established yet in full generality. A partial uniqueness result appears in \cite{marco}, under additional regularity assumptions on the Dirac manifold $(X,L)$. As a consequence of our normal form result, we obtain that any coisotropic embedding of $(X,L)$ factors through the model $(M,\pi)$
constructed in \cite{marco}, which settles the uniqueness of coisotropic embeddings.
\vspace{0.15cm}
In Section 6, we discuss how our results can be generalized to the setting of regular submanifolds in Dirac geometry. The Appendix contains a result in differential topology for which we could not find a proof in the literature.
\begin{ack}
I acknowledge support from EOS project G0H4518N, funded by the Research Foundation - Flanders (FWO). I would like to thank my supervisor Ioan M\u{a}rcu\c{t} for very useful suggestions and comments.
\end{ack}
\section{The saturation of a regular submanifold}
In this section, we discuss the saturation of submanifolds $X$ in a Poisson manifold $(M,\pi)$. Our aim is to give sufficient conditions on $X$ that ensure smoothness of its saturation locally around $X$. We introduce a class of submanifolds $X\subset (M,\pi)$, which we call \emph{regular}, and we show that such a submanifold $X$ has a neighborhood $U$ in $M$ such that the saturation of $X$ in $(U,\pi|_{U})$ is an embedded Poisson submanifold.
\begin{defi}
The \textbf{saturation} of a submanifold $X$ of a Poisson manifold $(M,\pi)$ is the union of all the leaves of $(M,\pi)$ that intersect $X$. We denote the saturation of $X$ by $Sat(X)$.
\end{defi}
The saturation $Sat(X)$ is the smallest complete Poisson submanifold of $(M,\pi)$ containing $X$, provided it is smooth. Indeed, a complete Poisson submanifold $P\subset (M,\pi)$ is saturated \cite[Prop. 6.1]{models}, so if $X\subset P$ then $Sat(X)\subset Sat(P)=P$.
The saturation of a submanifold can be very wild; in general it does not have a submanifold structure. For instance, consider the $x$-axis in the log-symplectic manifold $(\RR^{2},x\partial_{x}\wedge\partial_{y})$; its saturation is $\{x<0\}\cup\{(0,0)\}\cup\{x>0\}$. Clearly, this saturation doesn't even contain a Poisson submanifold around the $x$-axis.
We now single out a classes of submanifolds $X\subset(M,\pi)$ that do satisfy this property, i.e. whose saturation contains a Poisson submanifold around $X$. Trivial examples of such submanifolds are transversals (whose saturation is open, and therefore a Poisson submanifold) and Poisson submanifolds. These are extreme cases of what we call \emph{regular} submanifolds.
\begin{defi}
Given a Poisson manifold $(M,\pi)$, we call an embedded submanifold $X\subset M$ \textbf{regular} if the map $pr\circ\pi^{\sharp}:T^{*}M|_{X}\rightarrow TM|_{X}/TX$ has constant rank.
\end{defi}
Note indeed that transversals and Poisson submanifolds are exactly those submanifolds $X\subset (M,\pi)$ for which the map $pr\circ\pi^{\sharp}$ is of full rank resp. identically zero.
We will now list some more observations about regular submanifolds. For any submanifold $X\subset(M,\pi)$, we denote its $\pi$-orthogonal by $TX^{\perp_{\pi}}:=\pi^{\sharp}(TX^{0})$. If $x\in X$ and $L$ is the symplectic leaf through $x$, then $T_{x}X^{\perp_{\pi}}$ is the symplectic orthogonal of $T_{x}X\cap T_{x}L$ in the symplectic vector space $\left(T_{x}L,(\pi|_{L})^{-1}_{x}\right)$. Various types of submanifolds in Poisson geometry are defined in terms of their $\pi$-orthogonal; see \cite{bookpoiss} and \cite{Zambonsubmanifolds} for a systematic overview.
\begin{enumerate}[a)]
\item Given a submanifold $X\subset(M,\pi)$, we get an exact sequence at points $x\in X$:
\begin{equation}\label{sequence}
\begin{tikzcd}[row sep=scriptsize, column sep=scriptsize]
&0\arrow{r} &\big(T_{x}X^{\perp_{\pi}}\big)^{0}\arrow[r,hook] &T_{x}^{*}M\arrow[r,"pr\circ\pi^{\sharp}"] &T_{x}M/T_{x}X.
\end{tikzcd}
\end{equation}
In particular, $X\subset(M,\pi)$ is regular exactly when $TX^{\perp_{\pi}}$ has constant rank.
\item We give an alternative characterization of regular submanifolds $X\subset (M,\pi)$ in Dirac geometric terms. Denote by $L_{\pi}$ the Dirac structure $L_{\pi}=\{\pi^{\sharp}(\alpha)+\alpha:\alpha\in T^{*}M\}$ defined by $\pi$, and let $i:X\hookrightarrow (M,\pi)$ be any submanifold. Then $X$ is regular exactly when $L_{\pi}\cap\text{Ker}(i^{*})$ has constant rank. Indeed, $L_{\pi}\cap\text{Ker}(i^{*})=\text{Ker}(\pi^{\sharp})\cap TX^{0}$, so for any $x\in X$ we have
\[
\dim\left(L_{\pi}\cap\text{Ker}(i^{*})\right)_{x}=\dim\big(T_{x}X^{0}\big)-\dim\big(T_{x}X^{\perp_{\pi}}\big).
\]
In particular, if $X\subset (M,\pi)$ is regular, then the Dirac structure $L_{\pi}$ pulls back to a smooth Dirac structure on $X$ \cite[Prop. 5.6]{bursztyn}.
\end{enumerate}
We mention here that $X$ being regular is not a necessary condition for $Sat(X)$ to contain a Poisson submanifold around $X$, as demonstrated by the following examples.
\begin{exs}
\begin{enumerate}[i)]
\item Take the Lie-Poisson structure $\big(\mathfrak{so(3)}^{*}, z\partial_{x}\wedge\partial_{y}+x\partial_{y}\wedge\partial_{z}+y\partial_{z}\wedge\partial_{x}\big)$ and let $X$ be the plane defined by $z=0$. The symplectic foliation of $\mathfrak{so(3)}^{*}$ consists of concentric spheres of radius $r\geq 0$ centered at the origin, so that $Sat(X)=\mathfrak{so(3)}^{*}$. However, $TX^{\perp_{\pi}}=\text{Span}\{y\partial_{x}-x\partial_{y}\}$ vanishes at the origin, so $X$ is not regular.
\item Consider the regular Poisson manifold $(\RR^{3},\partial_{x}\wedge\partial_{y})$ and let $X$ be defined by the equation $z=x^{3}$. Then the saturation $Sat(X)$ is all of $\mathbb{R}^{3}$, but $X$ is not regular. Indeed,
we have $TX^{\perp_{\pi}}=\text{Span}\{-3x^{2}\partial_{y}\}$, which drops rank at points of the form $(0,y,0)\in X$.
\end{enumerate}
\end{exs}
To construct a Poisson submanifold around the regular submanifold $X\subset (M,\pi)$, we use some notions from contravariant geometry and the theory of dual pairs \cite{realizations},\cite{transversals}.
\begin{defi}\label{spray}
A \textbf{Poisson spray} on a Poisson manifold $(M,\pi)$ is a vector field $\chi$ on the cotangent bundle $T^{*}M$ satisfying:
\begin{enumerate}[i)]
\item $dpr(\chi(\xi))=\pi^{\sharp}(\xi)$ for all $\xi\in T^{*}M$,
\item $m_{t}^{*}\chi=t\chi$ for all $t>0$,
\end{enumerate}
where $pr:T^{*}M\rightarrow M$ is the projection and $m_{t}:T^{*}M\rightarrow T^{*}M$ is multiplication by $t$.
\end{defi}
Poisson sprays $\chi\in\mathfrak{X}(T^{*}M)$ exist on any Poisson manifold. Since $\chi$ vanishes along the zero section $M\subset T^{*}M$, there exists a neighborhood $\Sigma\subset T^{*}M$ of $M$ on which the flow $\phi_{\chi}^{t}$ is defined for all times $t\in[0,1]$. One can then define the \textbf{contravariant exponential map} $\exp_{\chi}$ of $\chi$ by
\[
\exp_{\chi}:\Sigma\subset T^{*}M\rightarrow M:\xi\mapsto pr(\phi_{\chi}^{1}(\xi)).
\]
This neighborhood $\Sigma\subset T^{*}M$ also supports a closed two-form $\Omega_{\chi}$, which is defined by averaging the canonical symplectic form $\omega_{can}$ with respect to the flow $\phi_{\chi}^{t}$ of the Poisson spray $\chi\in\mathfrak{X}(T^{*}M)$:
\[
\Omega_{\chi}:=\int_{0}^{1}\big(\phi_{\chi}^{t}\big)^{*}\omega_{can}dt.
\]
It was proved in \cite{realizations} that $\Omega_{\chi}$ is non-degenerate along the zero zection $M\subset T^{*}M$, so shrinking $\Sigma\subset T^{*}M$ if necessary, we can assume that $\Omega_{\chi}$ is symplectic on $\Sigma$. By \cite[Lemma 9] {transversals}, the symplectic manifold $(\Sigma,\Omega_{\chi})$ fits in a \textbf{full dual pair}
\begin{equation}\label{pair}
\begin{tikzcd}
(M,\pi)&(\Sigma,\Omega_{\chi})\arrow{r}{\exp_{\chi}}\arrow[l,"pr",swap]&(M,-\pi).
\end{tikzcd}
\end{equation}
That is, denoting by $\pi_{\chi}:=\Omega_{\chi}^{-1}$ the Poisson structure corresponding with $\Omega_{\chi}$, the maps $pr:\big(\Sigma,\pi_{\chi}\big)\rightarrow(M,\pi)$ and $\exp_{\chi}:\big(\Sigma,\pi_{\chi}\big)\rightarrow (M,-\pi)$ are surjective Poisson submersions with symplectically orthogonal fibers: $(\ker dpr)^{\perp_{\Omega_{\chi}}}=\ker{d\exp_{\chi}}$.
Both legs in the diagram \eqref{pair} are symplectic realizations. We will need the following lemma, which concerns the interplay between symplectic realizations and regular submanifolds of a Poisson manifold.
\begin{lemma}\label{realization}
Let $(M,\pi)$ be a Poisson manifold, $X\subset (M,\pi)$ a regular submanifold and $\mu:(\Sigma,\Omega)\rightarrow (M,\pi)$ a symplectic realization. Then $(\ker d\mu)^{\perp_{\Omega}}\cap T(\mu^{-1}(X))$ has constant rank, equal to the corank of $TX^{\perp_{\pi}}\subset TM|_{X}$.
\end{lemma}
\begin{proof}
Denote by $\pi_{\Omega}:=\Omega^{-1}$ the Poisson structure corresponding with $\Omega$. For $\xi\in\mu^{-1}(X)$, we have
\[
(\ker d\mu)_{\xi}^{\perp_{\Omega}}=(\Omega^{\flat})^{-1}\big((\ker d\mu)_{\xi}^{0}\big)=\pi_{\Omega}^{\sharp}\big((d\mu)_{\xi}^{*}T_{\mu(\xi)}^{*}M\big).
\]
Since for any $\beta\in T_{\mu(\xi)}^{*}M$, we have
\begin{align*}
(d\mu)_{\xi}\pi_{\Omega}^{\sharp}\big((d\mu)_{\xi}^{*}\beta\big)\in T_{\mu(\xi)}X&\Leftrightarrow \pi^{\sharp}(\beta)\in T_{\mu(\xi)}X\\
&\Leftrightarrow \beta\in \big(T_{\mu(\xi)}X^{\perp_{\pi}}\big)^{0},
\end{align*}
we obtain
\begin{align}\label{T}
(\ker d\mu)_{\xi}^{\perp_{\Omega}}\cap T_{\xi}(\mu^{-1}(X))&=(\ker d\mu)_{\xi}^{\perp_{\Omega}}\cap(d\mu)_{\xi}^{-1}(T_{\mu(\xi)}X)\nonumber\\
&=\pi_{\Omega}^{\sharp}\left((d\mu)_{\xi}^{*}\big(T_{\mu(\xi)}X^{\perp_{\pi}}\big)^{0}\right).
\end{align}
This proves that the rank of $(\ker d\mu)_{\xi}^{\perp_{\Omega}}\cap T_{\xi}(\mu^{-1}(X))$ is equal to $\dim M - rk(TX^{\perp_{\pi}})$.
\end{proof}
We now prove that for a regular submanifold $X\subset (M,\pi)$, there exists an embedded Poisson submanifold of $(M,\pi)$ containing $X$ that lies in the saturation $Sat(X)$. This Poisson submanifold is in fact the saturation of $X$ in a neighborhood $(U,\pi|_{U})$ of $X$.
\begin{thm}\label{satsmooth}
Let $X\subset (M,\pi)$ be a regular submanifold.
\begin{enumerate}
\item There exists an embedded Poisson submanifold $(P,\pi_{P})\subset(M,\pi)$ containing $X$ that lies inside the saturation $Sat(X)$.
\item Shrinking $P$ if necessary, there exists a neighborhood $U$ of $X$ in $M$ such that $(P,\pi_{P})$ is the saturation of $X$ in $(U,\pi|_{U})$.
\end{enumerate}
\end{thm}
\begin{proof}
We divide the proof into four steps.
\vspace{0.2cm}
\noindent
\underline{Step 1:} Construction of the embedded submanifold $P\subset M$.
\vspace{0.1cm}
\noindent
Choose a Poisson spray $\chi\in\mathfrak{X}(T^{*}M)$ and denote by $\exp_{\chi}:\Sigma\subset T^{*}M\rightarrow M$ the corresponding contravariant exponential map. Note that the restriction $\exp_{\chi}:\Sigma|_{X}\rightarrow M$ takes values in $Sat(X)$. To prove this, it is enough to show that $pr(\xi)$ and $\exp_{\chi}(\xi)$ lie in the same symplectic leaf of $(M,\pi)$, for each $\xi\in\Sigma|_{X}$. This in turn follows if we prove that $pr(\xi)\in X$ and $\exp_{\chi}(\xi)$ are connected by a cotangent path \cite[Section 1]{Apaths}. To this end, consider the curve $\gamma(t):= pr(\phi_{\chi}^{t}(\xi))$, which satisfies $\gamma(0)=pr(\xi)$ and $\gamma(1)=\exp_{\chi}(\xi)$. Using property i) in Definition \ref{spray}, we have
\begin{align*}
\gamma'(t)&=(dpr)_{\phi_{\chi}^{t}(\xi)}\left(\frac{d}{dt}\phi_{\chi}^{t}(\xi)\right)
=(dpr)_{\phi_{\chi}^{t}(\xi)}\left(\chi(\phi_{\chi}^{t}(\xi))\right)
=\pi^{\sharp}_{\gamma(t)}(\phi_{\chi}^{t}(\xi)),
\end{align*}
which shows that $t\mapsto(\phi_{\chi}^{t}(\xi),\gamma(t))$ is a cotangent path. Hence, $\exp_{\chi}(\Sigma|_{X})\subset Sat(X)$.
Choosing a complement to $TX^{\perp_{\pi}}$ in $TM|_{X}$, we get an inclusion $(TX^{\perp_{\pi}})^{*}\subset T^{*}M|_{X}$. The restriction of the contravariant exponential map $\exp_{\chi}:(TX^{\perp_{\pi}})^{*}\cap\Sigma|_{X}\rightarrow M$ fixes points of $X$, and its differential along $X$ reads \cite[Lemma 8]{transversals}:
\[
(d\exp_{\chi})_{x}:T_{x}X\oplus(T_{x}X^{\perp_{\pi}})^{*}\rightarrow T_{x}M:(v,\xi)\mapsto v+\pi_{x}^{\sharp}(\xi).
\]
This map is injective, for if $\pi_{x}^{\sharp}(\xi)=-v\in T_{x}X$, then $\xi\in\big(\pi_{x}^{\sharp}\big)^{-1}(T_{x}X)=(T_{x}X^{\perp_{\pi}})^{0}$ and therefore $\xi\in (T_{x}X^{\perp_{\pi}})^{*}\cap(T_{x}X^{\perp_{\pi}})^{0}=\{0\}$. Theorem \ref{embedding} and Remark \ref{nbhd} in the Appendix imply that, shrinking $\Sigma$ if necessary, the map $\exp_{\chi}:(TX^{\perp_{\pi}})^{*}\cap\Sigma|_{X}\rightarrow M$ is an embedding.
Setting
\[
P:=\exp_{\chi}\big((TX^{\perp_{\pi}})^{*}\cap\Sigma|_{X}\big),
\]
this is an embedded submanifold of $M$ containing $X$ that lies inside the saturation $Sat(X)$.
\vspace{0.2cm}
\noindent
\underline{Step 2:} Shrinking $\Sigma$ if necessary, we have $P=\exp_{\chi}(\Sigma|_{X})$.
\vspace{0.1cm}
\noindent
Let us denote for short $\Sigma_{X}:=\Sigma|_{X}\subset T^{*}M|_{X}$ and $\widetilde{\Sigma_{X}}:=(TX^{\perp_{\pi}})^{*}\cap\Sigma|_{X}$.
First, we claim that the restriction $\left.\exp_{\chi}\right|_{\Sigma_{X}}$ has constant rank, equal to the rank of $\left.\exp_{\chi}\right|_{\widetilde{\Sigma_{X}}}$. Indeed, using the self-dual pair \eqref{pair} and Lemma \ref{realization}, we have that
\[
\ker\left(d\left(\exp_{\chi}|_{\Sigma_{X}}\right)\right)=\ker(d\exp_{\chi})\cap T(pr^{-1}(X))=\ker(dpr)^{\perp_{\Omega_{\chi}}}\cap T(pr^{-1}(X))
\]
has constant rank equal to $\dim M- rk(TX^{\perp_{\pi}})$. Consequently, the rank of $\left.\exp_{\chi}\right|_{\Sigma_{X}}$ is equal to $\dim X + rk(TX^{\perp_{\pi}})$, which is the rank of $\left.\exp_{\chi}\right|_{\widetilde{\Sigma_{X}}}$.
Using the previous claim, we now assert that $\exp_{\chi}(\widetilde{\Sigma_{X}})=\exp_{\chi}(\Sigma_{X})$, shrinking $\Sigma$ if necessary. It is enough to prove that every point $\xi\in\widetilde{\Sigma_{X}}$ has a neighborhood $V^{\xi}\subset\Sigma_{X}$ such that $\exp_{\chi}(V^{\xi})\subset\exp_{\chi}(\widetilde{\Sigma_{X}})$. We keep in mind the diagram
\[
\begin{tikzcd}[column sep=large, row sep=large]
\widetilde{\Sigma_{X}}\subset\big(TX^{\perp_{\pi}}\big)^{*}\arrow[r,hookrightarrow]\arrow[d,"\exp_{\chi}|_{\widetilde{\Sigma_{X}}}",swap,"\simeq"'{rotate=90,yshift=-5pt,xshift=-6pt}] & \Sigma_{X}\subset T^{*}M|_{X}\arrow[d,"\exp_{\chi}|_{\Sigma_{X}}"]\\
\exp_{\chi}(\widetilde{\Sigma_{X}})\arrow[r,hookrightarrow] & M
\end{tikzcd}.
\]
Pick $\xi\in\widetilde{\Sigma_{X}}\subset\Sigma_{X}$. Since $\exp_{\chi}|_{\Sigma_{X}}$ has constant rank, there is an open neighborhood $U^{\xi}\subset\Sigma_{X}$ of $\xi$ such that $\exp_{\chi}(U^{\xi})\subset M$ is embedded. Since $\exp_{\chi}$ is an embedding on $\widetilde{\Sigma_{X}}$, also $\exp_{\chi}(U^{\xi}\cap\widetilde{\Sigma_{X}})\subset M$ is embedded. Since $\dim\exp_{\chi}(U^{\xi}\cap\widetilde{\Sigma_{X}})=\dim\exp_{\chi}(U^{\xi})$ by the previous claim, the inverse function theorem implies that $\exp_{\chi}(U^{\xi}\cap\widetilde{\Sigma_{X}})$ is open in $\exp_{\chi}(U^{\xi})$. Since $\exp_{\chi}|_{U^{\xi}}:U^{\xi}\rightarrow\exp_{\chi}(U^{\xi})$ is continuous, we get that $\exp_{\chi}|_{U^{\xi}}^{-1}\big(\exp_{\chi}(U^{\xi}\cap\widetilde{\Sigma_{X}})\big)$ is open in $U^{\xi}$, and therefore in $\Sigma_{X}$. Setting $V^{\xi}:=\exp_{\chi}|_{U^{\xi}}^{-1}\big(\exp_{\chi}(U^{\xi}\cap\widetilde{\Sigma_{X}})\big)$ proves the assertion.
\vspace{0.2cm}
\noindent
\underline{Step 3:} $P$ is a Poisson submanifold of $(M,\pi)$.
\vspace{0.1cm}
\noindent
We use the previous step, which states that $P=\exp_{\chi}(\Sigma_{X})$. Pick a point $x\in P$ and let $\xi\in\Sigma_{X}$ be such that $\exp_{\chi}(\xi)=x$. We have to show that $\pi^{\sharp}(T_{x}P^{0})=\{0\}$. Making use of the dual pair \eqref{pair}, we have
\[
\pi^{\sharp}(T_{x}P^{0})=\left[(d\exp_{\chi})_{\xi}\circ\big(\pi_{\chi}^{\sharp}\big)_{\xi}\circ(d\exp_{\chi})_{\xi}^{*}\right]\big(T_{x}P^{0}\big),
\]
so it is enough to show that
\[
\big(\pi_{\chi}^{\sharp}\big)_{\xi}\left((d\exp_{\chi})_{\xi}^{*}(T_{x}P^{0})\right)\subset \ker(d\exp_{\chi})_{\xi}=\big(\pi_{\chi}^{\sharp}\big)_{\xi}(\ker dpr)_{\xi}^{0}.
\]
To see that this inclusion holds, note that $(\ker dpr)_{\xi}\subset T_{\xi}\Sigma_{X}$ and $(d\exp_{\chi})_{\xi}(T_{\xi}\Sigma_{X})\subset T_{x}P$, which implies that
\[
(d\exp_{\chi})_{\xi}^{*}(T_{x}P^{0})\subset T_{\xi}\Sigma_{X}^{0}\subset(\ker dpr)_{\xi}^{0}.
\]
We now showed that $P\subset(M,\pi)$ is a Poisson submanifold, which finishes Step 3.
\vspace{0.2cm}
\noindent
\underline{Step 4:} Construction of the neighborhood $U$ of $X$.
\vspace{0.1cm}
\noindent
The idea is to extend $\exp_{\chi}:(TX^{\perp_{\pi}})^{*}\cap\Sigma|_{X}\rightarrow M$ to a local diffeomorphism, using the same reasoning as in the proof of Proposition \ref{embedding} in the Appendix. Choosing a complement
\[
TM|_{X}=TX\oplus\pi^{\sharp}\big(TX^{\perp_{\pi}}\big)^{*}\oplus C,
\]
and a linear connection $\nabla$ on $TM$, we obtain a map
\[
\psi:V\subset \big((TX^{\perp_{\pi}})^{*}\oplus C\big)\rightarrow M:(\xi,c)\mapsto\exp_{\nabla}\big(Tr_{\exp_{\chi}(t\xi)}c\big),
\]
which is a diffeomorphism onto an open neighborhood of $X$.
Here $V$ is a suitable convex neighborhood of the zero section, and $Tr_{\exp_{\chi}(t\xi)}$ denotes parallel transport along the curve $t\mapsto\exp_{\chi}(t\xi)$ for $t\in[0,1]$. Note that $\psi$ satisfies $\psi(\xi,0)=\exp_{\chi}(\xi)$. Consequently, shrinking $P$ if necessary, we can assume that
\[
P=\psi\left(V\cap\left(\big(TX^{\perp_{\pi}}\big)^{*}\oplus\{0\}\right)\right).
\]
We now set $U:=\psi(V)$, and we check that $P$ is the Poisson saturation of $X$ in $(U,\pi|_{U})$.
On one hand, since $(TX^{\perp_{\pi}})^{*}$ is closed in $(TX^{\perp_{\pi}})^{*}\oplus C$, also $P$ is closed in $U$. Since properly embedded Poisson submanifolds are saturated, it follows that the saturation of $X$ in $(U,\pi|_{U})$ is contained in $P$. On the other hand, if $\exp_{\chi}(\xi)=\psi(\xi,0)\in P\subset U$, then also $\exp_{\chi}(t\xi)\in U$ for $t\in[0,1]$ since $V$ is convex. Consequently, the path $t\mapsto(\phi^{t}_{\chi}(\xi),\exp_{\chi}(t\xi))$ is a cotangent path covering a path in $U$ that connects $\exp_{\chi}(\xi)$ with a point in $X$. This shows that $\exp_{\chi}(\xi)$ is contained in the Poisson saturation of $X$ in $(U,\pi|_{U})$.
\end{proof}
The theorem above shows that the saturation of a regular submanifold $X\subset(M,\pi)$ in some neighborhood $(U,\pi|_{U})$ of $X$ is an embedded Poisson submanifold. Clearly, one cannot take $U$ to be all of $M$ in general, see for instance Example \ref{fail} below. In this respect, we have the following sufficient condition.
\begin{cor}\label{open}
Let $X\subset(M,\pi)$ be a regular submanifold. If the submanifold $P$ constructed in Theorem \ref{satsmooth} is open in $Sat(X)$ for the induced topology, then $Sat(X)$ is an embedded submanifold of $M$.
\end{cor}
\begin{proof}
Recall the following general fact \cite{bookpoiss}: if $\{N_i\}_{i\in\mathcal{I}}$ is a collection of embedded submanifolds of $M$, all of the same dimension, such that $N_i\cap N_j$ is open in $N_i$ for all $i,j\in\mathcal{I}$, then $N:=\cup_{i\in\mathcal{I}}N_i$ has a natural smooth structure for which the inclusion $N\hookrightarrow M$ is an immersion. The smooth structure is uniquely determined by the condition that the maps $N_i\hookrightarrow N$ are smooth open embeddings.
We want to apply this fact to the collection $\{\phi^{1}_{X_{f}}(P): f\in C^{\infty}_{c}([0,1]\times M)\}$, where $\phi^{1}_{X_{f}}$ denotes the time $1$-flow of the Hamiltonian vector field associated with the compactly supported function $f\in C^{\infty}_{c}([0,1]\times M)$. We have to check that $\phi^{1}_{X_{f}}(P)\cap\phi^{1}_{X_{g}}(P)$ is open in $\phi^{1}_{X_{f}}(P)$. To this end, note that both $\phi^{1}_{X_{f}}(P)$ and $\phi^{1}_{X_{g}}(P)$ are open in $Sat(X)$, since $P$ is open in $Sat(X)$ and $\phi^{1}_{X_{f}},\phi^{1}_{X_{g}}$ are diffeomorphisms preserving $Sat(X)$. Hence, also $\phi^{1}_{X_{f}}(P)\cap\phi^{1}_{X_{g}}(P)$ is open in $Sat(X)$, so there exists an open $V\subset M$ such that
\[
\phi^{1}_{X_{f}}(P)\cap\phi^{1}_{X_{g}}(P)=V\cap Sat(X).
\]
Since also $\phi^{1}_{X_{f}}(P)=U\cap Sat(X)$ for some open $U\subset M$, we obtain
\[
\phi^{1}_{X_{f}}(P)\cap\phi^{1}_{X_{g}}(P)=\phi^{1}_{X_{f}}(P)\cap\phi^{1}_{X_{g}}(P)\cap U=V\cap(U\cap Sat(X))=V\cap\phi^{1}_{X_{f}}(P),
\]
which shows that $\phi^{1}_{X_{f}}(P)\cap\phi^{1}_{X_{g}}(P)$ is open in $\phi^{1}_{X_{f}}(P)$.
So we can apply the fact mentioned above, which gives $Sat(X)$ a smooth structure for which $Sat(X)\hookrightarrow M$ is an immersion. But since the topology of this smooth structure is generated by open subsets of the submanifolds $\phi^{1}_{X_{f}}(P)$, it coincides with the induced topology on $Sat(X)$. Consequently, $Sat(X)$ is an embedded submanifold of $M$.
\end{proof}
In general, one cannot apply the argument in the proof of Corollary \ref{open} to obtain a smooth structure on $Sat(X)$. See for instance Example \ref{fail} below.
\begin{remark}\label{rem:fail}
We comment on the condition in Corollary \ref{open} that $P=\exp_{\chi}(\Sigma|_{X})$ needs to be open in $Sat(X)$ for the induced topology.
This occurs exactly when we are able to find a small transversal $\tau\subset(M,\pi)$ to the leaves such that $\tau\cap Sat(X)=X$.
To see that then $\exp_{\chi}(\Sigma|_{X})$ is indeed open in $Sat(X)$ with respect to the induced topology, we note that $\exp_{\chi}:\Sigma|_{\tau}\rightarrow M$ is a submersion, shrinking $\Sigma$ if necessary. Indeed, at points $p\in\tau$, the differential
\[
(d\exp_{\chi})_{p}:T_{p}\tau\oplus T_{p}^{*}M\rightarrow T_{p}M:(v,\xi)\mapsto v+\pi^{\sharp}_{p}(\xi)
\]
is surjective since $\tau\subset(M,\pi)$ is a transversal. Hence $\exp_{\chi}$ is of maximal rank in a neighborhood of $\tau\subset\Sigma|_{\tau}$. In particular, shrinking $\Sigma$ if needed, we have that $\exp_{\chi}\big(\Sigma|_{\tau}\big)\subset M$ is open. It now suffices to remark that $\exp_{\chi}(\Sigma|_{X})=\exp_{\chi}(\Sigma|_{\tau})\cap Sat(X)$. The forward inclusion is clear, since $X\subset\tau$ and $\exp_{\chi}(\Sigma|_{X})\subset Sat(X)$. For the backward inclusion, assume that $(p,\xi)\in\Sigma|_{\tau}$ is such that $\exp_{\chi}(\xi)\in Sat(X)$. Since $p$ lies in the same leaf as $\exp_{\chi}(\xi)\in Sat(X)$ and $Sat(X)$ is saturated, it follows that $p\in Sat(X)$. Consequently, $p\in \tau\cap Sat(X)=X$. This shows that $\exp_{\chi}(\Sigma|_{X})=\exp_{\chi}(\Sigma|_{\tau})\cap Sat(X)$ is open in $Sat(X)$ for the induced topology.
\end{remark}
In the particular case where $X$ is a point, then $Sat(X)$ is just the leaf through $X$, which is well-known to possess a natural smooth structure. Indeed, each leaf of a Poisson manifold is an initial submanifold, so in particular it possesses a unique smooth structure that turns it into an immersed submanifold. For an arbitrary regular submanifold $X$, its saturation does not have a natural smooth structure, as illustrated in the following example.
\begin{ex}\label{fail}
We look at the manifold $(\mathbb{R}^{3}\times S^{1},x,y,z,\theta)$ with Poisson structure $\pi=\partial_{z}\wedge\partial_{\theta}$. Consider the curve $\beta:\mathbb{R}\rightarrow\mathbb{R}^{3}:t\mapsto(\sin(2t),\sin(t),t)$, which is a ``figure eight'' coming out of the $xy$-plane. Denote its image by $\mathcal{C}\subset\mathbb{R}^{3}$, and let $\mathcal{C}_{base}$ be the projection of $\mathcal{C}$ onto the $xy$-plane. The submanifold $X:=\mathcal{C}\times S^{1}\subset\mathbb{R}^{3}\times S^{1}$ is embedded, and we claim that it is regular.
To see this, we only have to check that $\dim(T_{p}X\cap T_{p}L)$ is constant for $p\in X$, where $L$ denotes the leaf through $p$. Since at a point $p=(\beta(t_0),\theta_0)$ we have
\[
T_{p}X=\text{Span}\{\left.\partial_{\theta}\right|_{p},2\cos(2t_0)\left.\partial_{x}\right|_{p}+\cos(t_0)\left.\partial_{y}\right|_{p}+\left.\partial_{z}\right|_{p}\},
\]
it is clear that $T_{p}X\cap T_{p}L=\text{Span}\{\left.\partial_{\theta}\right|_{p}\}$, since $\cos(t_0)$ and $\cos(2t_0)$ cannot be zero simultaneously. This confirms that $X\subset(\mathbb{R}^{3}\times S^{1},\pi)$ is regular. Its saturation is given by $Sat(X)=\mathcal{C}_{base}\times\mathbb{R}\times S^{1}$, and this doensn't have a natural smooth structure for which the inclusion $X\hookrightarrow Sat(X)$ is smooth. Indeed, for the two obvious smooth structures on $Sat(X)$ induced by those on the ``figure eight'', the inclusion $X\hookrightarrow Sat(X)$ is not even continuous.
Coming back to the proof of Corollary \ref{open}, let's look at the figure below. We removed the $S^{1}$-factor, which is not essential to the spirit of the example. The embedded submanifold $P$ in this case is obtained by slightly thickening the curve in vertical direction. One can take a Hamiltonian flow $\phi^{1}_{X_f}$ such that $\phi^{1}_{X_f}(P)\cap P$ consists of vertical segments of the line in which the surface intersects itself, which is not an open subset of $P$. So we cannot apply the general fact mentioned in the proof of Corollary \ref{open}.
\begin{figure}[H]
\includegraphics[height=5cm,width=3cm, trim=4cm 2cm 4cm 0.8cm]{fig1}
\caption{The regular submanifold $X$ and its saturation $Sat(X)$. This is the picture in $\mathbb{R}^{3}$; the $S^{1}$-factor is omitted for the sake of depiction.}
\end{figure}
\end{ex}
As a consequence of Theorem \ref{satsmooth}, we obtain an alternative characterization of regular submanifolds. It turns out that the two extreme examples -- Poisson submanifolds and transversals -- are the building blocks of any regular submanifold.
\begin{prop}\label{intersection}
A submanifold $X\subset(M,\pi)$ is regular if and only if $X$ is the intersection of a Poisson submanifold $P\subset(M,\pi)$ with a transversal $\tau\subset(M,\pi)$.
\end{prop}
A transversal $\tau\subset(M,\pi)$ is also transverse to any Poisson submanifold $P\subset (M,\pi)$, since the intersection of $P$ with any leaf of $(M,\pi)$ is open in the leaf. Indeed, if $p\in P$ and $L$ is the leaf through $P$, then
\[
T_{p}M=T_{p}\tau+T_{p}L=T_{p}\tau+T_{p}(P\cap L)\subset T_{p}\tau + T_{p}P,
\]
which shows that $\tau\pitchfork P$. In particular, the intersection $\tau\cap P$ is smooth.
\begin{proof}[Proof of Prop. \ref{intersection}]
First assume that $X\subset (M,\pi)$ is a regular submanifold. Theorem \ref{satsmooth} then gives a Poisson submanifold $P\subset(M,\pi)$ containing $X$, and the proof shows that
\begin{equation}\label{normal}
TP|_{X}=TX\oplus\pi^{\sharp}\big(TX^{\perp_{\pi}}\big)^{*}.
\end{equation}
Choose a complement $E$ to this subbundle of $TM|_{X}$, i.e. $TM|_{X}=TX\oplus\pi^{\sharp}\big(TX^{\perp_{\pi}}\big)^{*}\oplus E$. We now define a transversal $\tau\subset (M,\pi)$ by thickening $X$ in direction of $E$; using an exponential map for instance, we can define $\tau\subset M$ to be a submanifold containing $X$, such that $T\tau|_{X}=TX\oplus E$. For small enough $\tau$, we have $\tau\cap P=X$. Moreover, we have
\[
TM|_{X}=TX\oplus\pi^{\sharp}\big(TX^{\perp_{\pi}}\big)^{*}\oplus E=\big(TX+\text{Im}(\pi^{\sharp}|_{X})\big)\oplus E=\text{Im}(\pi^{\sharp}|_{X})\big)+T\tau|_{X},
\]
which shows that $\tau$ is a transversal along $X$. Shrinking $\tau$ if necessary, this implies that $\tau$ is a transversal in $(M,\pi)$. This proves the forward implication.
For the converse, assume that $X=\tau\cap P$ is a submanifold of $M$, where $P\subset (M,\pi)$ is a Poisson submanifold and $\tau\subset(M,\pi)$ is a transversal. Then $TX=T\tau|_{X}\cap TP|_{X}$, so that $TX^{0}=T\tau|_{X}^{0}+TP|_{X}^{0}$. Using that $P$ is a Poisson submanifold, we get $TX^{\perp_{\pi}}=\pi^{\sharp}(T\tau|_{X}^{0})$. Since $\tau$ is a transversal, the restriction $\pi^{\sharp}|_{T\tau^{0}}$ is injective, which shows that $X$ is regular.
\end{proof}
In what follows, we denote by $(P,\pi_P)$ the Poisson submanifold containing $X$ that was constructed in Theorem \ref{satsmooth}. We refer to $(P,\pi_P)$ as the \textbf{local Poisson saturation} of $X$. Since $X$ is transverse to the leaves of $(P,\pi_P)$, the work of Bursztyn-Lima-Meinrenken \cite{eulerlike} gives a normal form for $(P,\pi_P)$ around $X$. We will recover this normal form by continuing our argument from Theorem \ref{satsmooth}.
\section{The local model}
This section introduces the local model for the local Poisson saturation $(P,\pi_P)$ of a regular submanifold $X\subset (M,\pi)$. The local model is defined on the vector bundle $(TX^{\perp_{\pi}})^{*}$, which is indeed isomorphic with the normal bundle of $X$ in $P$. An explicit isomorphism is obtained by choosing an embedding $(TX^{\perp_{\pi}})^{*}\hookrightarrow T^{*}M|_{X}$ and then applying the bundle map $\pi^{\sharp}$, see equation \eqref{normal}. The local model involves some extra choices, which we now explain.
Let $X\subset (M,\pi)$ be a regular submanifold, and choose a \textbf{complement} $W$ to $TX^{\perp_{\pi}}$ inside $TM|_{X}$. We obtain correspondingly an inclusion map $j:\big(TX^{\perp_{\pi}}\big)^{*}\hookrightarrow T^{*}M|_{X}$. Define skew-symmetric bilinear forms $\sigma\in\Gamma(\wedge^{2}TX^{\perp_{\pi}})$ and $\tau\in\Gamma(T^{*}X\otimes TX^{\perp_{\pi}})$ on the restricted tangent bundle $T\big((TX^{\perp_{\pi}})^{*}\big)|_{X}=TX\oplus(TX^{\perp_{\pi}})^{*}$ by the formulas
\begin{align}\label{st}
&\sigma(\xi_{1},\xi_{2})=\pi\big(j(\xi_{1}),j(\xi_{2})\big),\nonumber\\
&\tau\big((v_{1},\xi_{1}),(v_{2},\xi_{2})\big)=\langle v_{1},j(\xi_{2})\rangle - \langle v_{2},j(\xi_{1})\rangle,
\end{align}
for $\xi_{1},\xi_{2}\in\big(T_{x}X^{\perp_{\pi}}\big)^{*}$ and $v_{1},v_{2}\in T_{x}X$. Denote by $\mathcal{E}_{W}(-\sigma-\tau)$ the set of all closed one-forms $\eta$, defined on a neighborhood of $X\subset(TX^{\perp_{\pi}})^{*}$, whose restriction to the zero section $X\subset(TX^{\perp_{\pi}})^{*}$ equals
\begin{equation}\label{restr}
\eta|_{X}=-\sigma\oplus -\tau\oplus 0 \in\Gamma(\wedge^{2}TX^{\perp_{\pi}})\oplus\Gamma(T^{*}X\otimes TX^{\perp_{\pi}})\oplus\Gamma(\wedge^{2}T^{*}X).
\end{equation}
We refer to a one-form $\eta\in\mathcal{E}_{W}(-\sigma-\tau)$ as a \textbf{closed extension} of $-\sigma-\tau$. Closed extensions of $-\sigma-\tau$ exist, see for instance \cite[Extension Theorem]{weinstein}.
The local model for the local Poisson saturation of the regular submanifold $X\overset{i}{\hookrightarrow}(M,\pi)$ is now defined as follows: pull back the Dirac structure $i^{*}L_{\pi}$ on $X$ to $(TX^{\perp_{\pi}})^{*}$ under the submersion $pr:(TX^{\perp_{\pi}})^{*}\rightarrow X$ and gauge transform by a closed extension $\eta\in\mathcal{E}_{W}(-\sigma-\tau)$. The obtained Dirac structure $\left(pr^{*}(i^{*}L_{\pi})\right)^{\eta}$ indeed defines a Poisson stucture in a neighborhood of $X\subset(TX^{\perp_{\pi}})^{*}$, as we now show.
\begin{prop}\label{model}
Let $X\subset(M,\pi)$ be a regular submanifold. Fix a complement $W$ to $TX^{\perp_{\pi}}$ in $TM|_{X}$, define $\sigma\in\Gamma(\wedge^{2}TX^{\perp_{\pi}})$ and $\tau\in\Gamma(T^{*}X\otimes TX^{\perp_{\pi}})$ by the formulas \eqref{st} and
let $\eta\in\mathcal{E}_{W}(-\sigma-\tau)$ be any closed extension. The Dirac structure $\left(pr^{*}(i^{*}L_{\pi})\right)^{\eta}$ is Poisson on a neighborhood $U$ of $X\subset\big(TX^{\perp_{\pi}}\big)^{*}$.
\end{prop}
\begin{proof}
It suffices to show that $\left(pr^{*}(i^{*}L_{\pi})\right)^{\eta}$ is transverse to $T\big(TX^{\perp_{\pi}}\big)^{*}$ along $X$. By the sequence \eqref{sequence}, we have $i^{*}L_{\pi}=\big\{\pi^{\sharp}(\alpha)+i^{*}\alpha:\ \alpha\in(TX^{\perp_{\pi}})^{0}\big\}$, and therefore
\[
\left.\left(pr^{*}(i^{*}L_{\pi})\right)^{\eta}\right|_{X}=\big\{\pi^{\sharp}(\alpha)+\xi+pr^{*}(i^{*}\alpha)+\iota_{\pi^{\sharp}(\alpha)+\xi}\eta:\ \alpha\in(TX^{\perp_{\pi}})^{0}, \xi\in(TX^{\perp_{\pi}})^{*} \big\}.
\]
Assume that $\pi^{\sharp}(\alpha)+\xi\in T(TX^{\perp_{\pi}})^{*}|_{X}\cap\left(pr^{*}(i^{*}L_{\pi})\right)^{\eta}|_{X}$ for $\alpha\in(TX^{\perp_{\pi}})^{0}, \xi\in(TX^{\perp_{\pi}})^{*}$. Then $pr^{*}(i^{*}\alpha)+\iota_{\pi^{\sharp}(\alpha)+\xi}\eta=0$, which implies the following:
\begin{itemize}
\item For all $v\in TX$, we get
\[
\alpha(v)+\eta\big(\pi^{\sharp}(\alpha)+\xi,v\big)=0\Rightarrow \alpha(v)+\langle j(\xi),v\rangle=0.
\]
So $\alpha+j(\xi)\in TX^{0}$, and therefore $\pi^{\sharp}(\alpha+j(\xi))\in TX^{\perp_{\pi}}$.
\item For all $\beta\in(TX^{\perp_{\pi}})^{*}$, we get
\begin{align*}
\eta\big(\pi^{\sharp}(\alpha)+\xi,\beta\big)=0&\Rightarrow \pi\big(j(\xi),j(\beta)\big)+\langle \pi^{\sharp}(\alpha),j(\beta)\rangle=0\\
&\Rightarrow \big\langle \pi^{\sharp}(\alpha+j(\xi)),j(\beta)\big\rangle=0.
\end{align*}
Since $j\big((TX^{\perp})^{*}\big)=W^{0}$, this shows that $\pi^{\sharp}(\alpha+j(\xi))$ lies in $W$.
\end{itemize}
We now proved that $\pi^{\sharp}(\alpha+j(\xi))\in TX^{\perp_{\pi}}\cap W=\{0\}$. So $\pi^{\sharp}\big(j(\xi)\big)=-\pi^{\sharp}(\alpha)\in TX$, which implies that $j(\xi)\in(TX^{\perp_{\pi}})^{0}$, again using exactness of the sequence \eqref{sequence}. But then $j(\xi)\in W^{0}\cap(TX^{\perp_{\pi}})^{0}=\{0\}$, so that $\xi=0$, which in turn implies that also $\pi^{\sharp}(\alpha)=0$.
\end{proof}
We denote the Poisson manifold from Proposition \ref{model} by $\big(U,\pi(W,\eta)\big)$, and we refer to it as the \textbf{local model corresponding with} $\mathbf{W}$ \textbf{and} $\boldsymbol{\eta}$. A priori, the construction depends on a choice of complement $W$ and a choice of closed extension $\eta$. We now show that different choices produce isomorphic local models.
\begin{prop}\label{independent}
Any two local models $\big(U,\pi(W_{0},\eta_{0})\big)$ and $\big(V,\pi(W_{1},\eta_{1})\big)$ for the local Poisson saturation of a regular submanifold $X\subset (M,\pi)$ are isomorphic around $X$, through a diffeomorphism that restricts to the identity along $X$.
\end{prop}
\begin{proof}
The idea of the proof is to construct this diffeomorphism in two stages, where each stage relies on a Moser argument. We first map the local model $\big(U,\pi(W_{0},\eta_{0})\big)$ to an intermediate local model $\big(V',\pi(W_{1},\eta'_{1})\big)$, which is defined in terms of the complement $W_{1}$. Then we pull $\big(V',\pi(W_{1},\eta'_{1})\big)$ to the second local model $\big(V,\pi(W_{1},\eta_{1})\big)$. Throughout, we shrink the neighorhoods on which the models are defined, whenever necessary.
We interpolate smoothly between the complements $W_{0},W_{1}$ to $TX^{\perp_{\pi}}$ in $TM|_{X}$, as follows.
Decomposing $W_{1}$ in the direct sum $TM|_{X}=TX^{\perp_{\pi}}\oplus W_{0}$, we find $A\in\Gamma\big(\text{Hom}(W_{0},TX^{\perp_{\pi}})\big)$ such that $W_{1}=\text{Graph}(A)$. If we define $W_{t}:=\text{Graph}(tA)$ for $t\in[0,1]$, then the family $\{W_{t}\}_{t\in[0,1]}$ consists of complements to $TX^{\perp_{\pi}}$, i.e. $TM|_{X}=TX^{\perp_{\pi}}\oplus W_{t}$, and it interpolates between $W_{0}$ and $W_{1}$. Denote by $q_{t}:TM|_{X}\twoheadrightarrow TX^{\perp_{\pi}}$ and $j_{t}:\big(TX^{\perp_{\pi}}\big)^{*}\hookrightarrow T^{*}M|_{X}$ the projection and inclusion, respectively, induced by the complement $W_{t}$. We first determine the bilinear forms $\sigma_{t}\in\Gamma(\wedge^{2}TX^{\perp_{\pi}})$ and $\tau_{t}\in\Gamma(T^{*}X\otimes TX^{\perp_{\pi}})$, which are defined by the formulas \eqref{st} using the inclusion $j_{t}$, in terms of $\sigma_{0}$ and $\tau_{0}$.
\vspace{0.2cm}
\noindent
\underline{Step 1:} We compute $\sigma_{t}$ and $\tau_{t}$.
\vspace{0.1cm}
\noindent
For $e+w\in TX^{\perp_{\pi}}\oplus W_{0}=TM|_{X}$, we have
\begin{align*}
q_{t}(e+w)&=q_{t}\big(e-tA(w)+w+tA(w)\big)\\
&=e-tA(w)\\
&=q_{0}(e+w)-tA(Id-q_{0})(e+w).
\end{align*}
This shows that $q_{t}=q_{0}-tA(Id-q_{0})$ and therefore $j_{t}=j_{0}-t(Id-j_{0})A^{*}$. We now compute for $v_{1},v_{2}\in T_{x}X$ and $\xi_{1},\xi_{2}\in (T_{x}X^{\perp_{\pi}})^{*}$:
\begin{align}\label{tau}
\tau_{t}\big((v_{1},\xi_{1}),(v_{2},\xi_{2})\big)&=\langle v_{1},j_{t}(\xi_{2})\rangle - \langle v_{2},j_{t}(\xi_{1})\rangle\nonumber\\
&=\langle v_{1},j_{0}(\xi_{2})\rangle -t\langle v_{1},(Id-j_{0})A^{*}\xi_{2}\rangle\nonumber\\
&\hspace{1cm} - \langle v_{2},j_{0}(\xi_{1})\rangle +t\langle v_{2},(Id-j_{0})A^{*}\xi_{1}\rangle\nonumber\\
&=\tau_{0}\big((v_{1},\xi_{1}),(v_{2},\xi_{2})\big)+t\langle A(Id-q_{0})v_{2},\xi_{1}\rangle-t\langle A(Id-q_{0})v_{1},\xi_{2}\rangle.
\end{align}
Similarly, we obtain
\begin{align}\label{sigma}
\sigma_{t}(\xi_{1},\xi_{2})&=\langle q_{t}(\pi^{\sharp}(j_{t}(\xi_{1}))),\xi_{2}\rangle\nonumber\\
&=\left\langle \left[\big(q_{0}-tA(Id-q_{0})\big)\pi^{\sharp}\big(j_{0}-t(Id-j_{0})A^{*}\big)\right](\xi_{1}),\xi_{2}\right\rangle\nonumber\\
&=\sigma_{0}(\xi_{1},\xi_{2})-t\left\langle \big(q_{0}\pi^{\sharp}(Id-j_{0})A^{*}\big)(\xi_{1}),\xi_{2}\right\rangle\nonumber\\
&\hspace{0.5cm}-t\left\langle \big(A(Id-q_{0})\pi^{\sharp}j_{0}\big)(\xi_{1}),\xi_{2}\right\rangle+t^{2}\left\langle \big(A(Id-q_{0})\pi^{\sharp}(Id-j_{0})A^{*}\big)(\xi_{1}),\xi_{2} \right\rangle.
\end{align}
\vspace{0.2cm}
\noindent
\underline{Step 2:} Get closed extensions of $-\sigma_{t}\oplus -\tau_{t}\oplus 0\in\Gamma(\wedge^{2}TX^{\perp_{\pi}})\oplus\Gamma(T^{*}X\otimes TX^{\perp_{\pi}})\oplus\Gamma(\wedge^{2}T^{*}X)$,
\newline
\hspace*{1.2cm} that vary smoothly in $t\in[0,1]$.
\vspace{0.1cm}
\noindent
Thanks to \cite[Extension Theorem]{weinstein} and \cite[Relative Poincar\'e Lemma]{weinstein}, we find a one-form $\beta_{1}$, defined on a neighborhood of $X\subset(TX^{\perp_{\pi}})^{*}$, such that
\[
\begin{cases}
\beta_{1}|_{X}=0,\\
d\beta_{1}|_{X}\in \Gamma(T^{*}X\otimes TX^{\perp_{\pi}}),\\
d\beta_{1}|_{X}\left((v_{1},\xi_{1}),(v_{2},\xi_{2})\right)=\langle A(Id-q_{0})v_{1},\xi_{2}\rangle-\langle A(Id-q_{0})v_{2},\xi_{1}\rangle,
\end{cases}
\]
for $(v_{1},\xi_{1}),(v_{2},\xi_{2})\in T_{x}X\oplus \big(T_{x}X^{\perp_{\pi}}\big)^{*}$.
Similarly, we find one-forms $\beta_{2},\beta_{3}$ defined around $X\subset(TX^{\perp_{\pi}})^{*}$ satisfying
\[
\begin{cases}
\beta_{2}|_{X}=0,\\
d\beta_{2}|_{X}\in\Gamma(\wedge^{2}TX^{\perp_{\pi}}),\\
d\beta_{2}|_{X}(\xi_{1},\xi_{2})=\left\langle \big(q_{0}\pi^{\sharp}(Id-j_{0})A^{*}\big)(\xi_{1}),\xi_{2}\right\rangle+\left\langle \big(A(Id-q_{0})\pi^{\sharp}j_{0}\big)(\xi_{1}),\xi_{2}\right\rangle,
\end{cases}
\]
and
\[
\begin{cases}
\beta_{3}|_{X}=0,\\
d\beta_{3}|_{X}\in\Gamma(\wedge^{2}TX^{\perp_{\pi}}),\\
d\beta_{3}|_{X}(\xi_{1},\xi_{2})=\left\langle \big(A(Id-q_{0})\pi^{\sharp}(Id-j_{0})A^{*}\big)(\xi_{1}),\xi_{2} \right\rangle,
\end{cases}
\]
for $\xi_{1},\xi_{2}\in\big(T_{x}X^{\perp_{\pi}}\big)^{*}$. Using \eqref{tau} and \eqref{sigma}, we see that
\begin{equation}\label{extension}
\big(\eta_{0}+td\beta_{1}+td\beta_{2}-t^{2}d\beta_{3}\big)|_{X}=-\sigma_{t}\oplus -\tau_{t}\oplus 0.
\end{equation}
\vspace{0.2cm}
\noindent
\underline{Step 3:} A Moser argument pulls $\big(U,\pi(W_{0},\eta_{0})\big)$ to $\big(V',\pi(W_{1},\eta_{0}+d\beta_{1}+d\beta_{2}-d\beta_{3})\big)$.
\vspace{0.1cm}
\noindent
By Proposition \ref{model}, we get a path of Dirac structures
\[
\pi_{t}:=\big(pr^{*}(i^{*}L_{\pi})\big)^{\eta_{0}+td\beta_{1}+td\beta_{2}-t^{2}d\beta_{3}}
\]
for $t\in[0,1]$, where $\pi_{t}$ is Poisson on a neighborhood $U_{t}$ of $X$ in $\big(TX^{\perp_{\pi}}\big)^{*}$. Note that the set $\bigcup_{t\in[0,1]}\{t\}\times U_{t}$ is open, since it consists of the points $(t,x)$ for which $(\pi_{t})_{x}$ is Poisson. The Tube Lemma implies that $U':=\bigcap_{t\in[0,1]}U_{t}$ is an open neighborhood of $X$ on which $\pi_{t}$ is Poisson for all $t\in[0,1]$. Now, these Poisson structures are related by gauge transformations:
\[
\pi_{t}=\pi_{0}^{td\beta_{1}+td\beta_{2}-t^{2}d\beta_{3}},
\]
where
\[
\frac{d}{dt}(td\beta_{1}+td\beta_{2}-t^{2}d\beta_{3})=-d(2t\beta_{3}-\beta_{2}-\beta_{1}).
\]
A Poisson version of Moser's theorem (e.g. \cite[Theorem 2.11]{meinrenken}) shows that the flow $\Phi_{t}$ of the time-dependent vector field $\pi_{t}^{\sharp}(2t\beta_{3}-\beta_{2}-\beta_{1})$ satisfies $(\Phi_{t})_{*}\pi_{t}=\pi_{0}$, whenever it is defined. Moreover, since the primitive $2t\beta_{3}-\beta_{2}-\beta_{1}$ vanishes along $X$, the flow $\Phi_{t}$ fixes all points in $X$. Now set $\phi:=\Phi_{1}^{-1}$. Shrinking $U$ if necessary, we can assume that $\phi:U\rightarrow V'$ where $V':=\phi(U)$. We then have
\[
\phi:\big(U,\pi(W_{0},\eta_{0})\big)\overset{\sim}{\rightarrow}\big(V',\pi(W_{1},\eta_{0}+d\beta_{1}+d\beta_{2}-d\beta_{3})\big),\hspace{1cm}\phi|_{X}=\text{Id}.
\]
\vspace{0.2cm}
\noindent
\underline{Step 4:} Another Moser argument pulls $\big(V',\pi(W_{1},\eta_{0}+d\beta_{1}+d\beta_{2}-d\beta_{3})\big)$ to $\big(V,\pi(W_{1},\eta_{1})\big)$.
\vspace{0.1cm}
\noindent
Both $\eta_{1}$ and $\eta_{0}+d\beta_{1}+d\beta_{2}-d\beta_{3}$ are closed extensions of
\[
-\sigma_{1}\oplus -\tau_{1}\oplus 0\in\Gamma(\wedge^{2}TX^{\perp_{\pi}})\oplus\Gamma(T^{*}X\otimes TX^{\perp_{\pi}})\oplus\Gamma(\wedge^{2}T^{*}X),
\]
see equation \eqref{extension}. So their difference $\eta_{1}-(\eta_{0}+d\beta_{1}+d\beta_{2}-d\beta_{3})$ is exact around $X$ with a primitive $\gamma$ that vanishes along $X$, by the Relative Poincar\'e Lemma. Denote
\[
\pi_{0}':=\left(pr^{*}(i^{*}L_{\pi})\right)^{\eta_{0}+d\beta_{1}+d\beta_{2}-d\beta_{3}},\hspace{1cm}\pi_{t}':=\left(\pi_{0}'\right)^{td\gamma},
\]
for $t\in[0,1]$. Since $\pi_{0}'$ is Poisson on $V'$ and $d\gamma|_{X}=0$, we see that $\pi_{t}'$ is Poisson on a neighborhood $V'_{t}$ of $X$ in $(TX^{\perp_{\pi}})^{*}$. Using the Tube Lemma as in Step 3, we find a neighborhood $O$ of $X$ in $(TX^{\perp_{\pi}})^{*}$ such that $\pi_{t}'$ is Poisson on $O$ for all $t\in[0,1]$. The Moser Theorem \cite[Theorem 2.11]{meinrenken} implies that the flow $\Psi_{t}$ of the time-dependent vector field $-(\pi_{t}')^{\sharp}(\gamma)$ satisfies $(\Psi_{t})_{*}\pi_{t}'=\pi_{0}'$, whenever it is defined. Moreover, since $\gamma|_{X}=0$, the flow $\Psi_{t}$ fixes all points of $X$. Now set $\psi:=\Psi_{1}^{-1}$. Shrinking both $V'$ and $V$ if necessary, we can assume that $\psi:V'\rightarrow V$. We then have
\[
\psi:\big(V',\pi(W_{1},\eta_{0}+d\beta_{1}+d\beta_{2}-d\beta_{3})\big)\overset{\sim}{\rightarrow}\big(V,\pi(W_{1},\eta_{1})\big),\hspace{1cm}\phi|_{X}=\text{Id}.
\]
The diffeomorphism $\psi\circ\phi$ now satisfies the criteria: it fixes points in $X$ and
\[
\psi\circ\phi:\big(U,\pi(W_{0},\eta_{0})\big)\overset{\sim}{\rightarrow}\big(V,\pi(W_{1},\eta_{1})\big). \qedhere
\]
\end{proof}
It is now justified to call $\big(U,\pi(W,\eta)\big)$ \textbf{the local model} for the local Poisson saturation of the regular submanifold $X\subset (M,\pi)$.
\section{The normal form}
We now show that the local Poisson saturation of a regular submanifold $X\subset (M,\pi)$ is isomorphic around $X$ to the local model $\big(U,\pi(W,\eta)\big)$ constructed in Proposition \ref{model}.
We will use the theory of dual pairs in Dirac geometry, as developed in \cite{dirac}. We first need a lemma, which describes how to obtain a weak Dirac dual pair out of the self-dual pair \eqref{pair}
\[
\begin{tikzcd}
(M,\pi)&(\Sigma,\Omega_{\chi})\arrow{r}{\exp_{\chi}}\arrow[l,"pr",swap]&(M,-\pi)
\end{tikzcd}
\]
whenever a regular submanifold $X\subset (M,\pi)$ is given. Recall from the proof of Theorem \ref{satsmooth} that the local Poisson saturation $(P,\pi_{P})$ of $X\subset (M,\pi)$ is given by $\exp_{\chi}(\Sigma|_{X})$.
\begin{lemma}\label{diracpair}
Let $i:X\hookrightarrow(M,\pi)$ be a regular submanifold with local Poisson saturation $(P,\pi_{P})$. Then the following is a weak Dirac dual pair, in the sense of \cite{dirac}:
\[
\begin{tikzcd}
(X,i^{*}L_{\pi})&\big(\Sigma|_{X},\text{Gr}(\Omega_{\chi}|_{X})\big)\arrow{r}{\exp_{\chi}}\arrow[l,"pr",swap]&(P,-L_{\pi_{P}}).
\end{tikzcd}
\]
That is, $pr$ and $\exp_{\chi}$ are surjective forward Dirac submersions and
\begin{align}
&\big(\Omega_{\chi}|_{X}\big)(S_{1},S_{2})=0,\label{property1}\\
&rk(S_{1}\cap K\cap S_{2})=\dim \Sigma|_{X}-\dim X-\dim P,\label{property2}
\end{align}
where $S_{1}:=\ker dpr,S_{2}:=\ker d\exp_{\chi}$ and $K:=\ker\big(\Omega_{\chi}|_{X}\big)$.
\end{lemma}
\begin{proof}
It is clear that $pr$ is a surjective submersion. The fact that $\exp_{\chi}$ is a surjective submersion follows from the proof of Theorem \ref{satsmooth}. Also the property \eqref{property1} is automatic, since \eqref{pair} is a dual pair. To see that $pr:\big(\Sigma|_{X},\text{Gr}(\Omega_{\chi}|_{X})\big)\rightarrow(X,i^{*}L_{\pi})$ is forward Dirac, consider the following commutative diagram of Dirac manifolds and smooth maps:
\[
\begin{tikzcd}[column sep=large, row sep=large]
\big(\Sigma|_{X},\text{Gr}(\Omega_{\chi}|_{X})\big)\arrow[r,"pr"]\arrow[d,hookrightarrow,"i'"] & (X,i^{*}L_{\pi})\arrow[d,hookrightarrow,"i"]\\
(\Sigma,\text{Gr}(\Omega_{\chi}))\arrow[r,"pr"] & (M,L_{\pi})
\end{tikzcd}.
\]
The maps $i'$ on the left and $i$ on the right are backward Dirac by definition, and the bottom map $pr$ is forward Dirac because of the dual pair \eqref{pair}. Since the bottom map $pr$ is a submersion, we can apply \cite[Lemma 3]{maps} to obtain that also the map at the top $pr:\big(\Sigma|_{X},\text{Gr}(\Omega_{\chi}|_{X})\big)\rightarrow(X,i^{*}L_{\pi})$ is forward Dirac.
Similarly, we get that $\exp_{\chi}:\big(\Sigma|_{X},\text{Gr}(\Omega_{\chi}|_{X})\big)\rightarrow(P,-L_{\pi_{P}})$ is forward Dirac considering the diagram
\[
\begin{tikzcd}[column sep=large, row sep=large]
\big(\Sigma|_{X},\text{Gr}(\Omega_{\chi}|_{X})\big)\arrow[r,"\exp_{\chi}"]\arrow[d,hookrightarrow,"i'"] & (P,-L_{\pi_{P}})\arrow[d,hookrightarrow,"i"]\\
(\Sigma,\text{Gr}(\Omega_{\chi}))\arrow[r,"\exp_{\chi}"] & (M,-L_{\pi})
\end{tikzcd}.
\]
Here the map $i'$ is backward Dirac, the map $i$ is backward (and forward) Dirac, and the bottom map $\exp_{\chi}$ is forward Dirac because of the dual pair \eqref{pair}. Again, the map $\exp_{\chi}$ on the bottom is a submersion, so we can apply \cite[Lemma 3]{maps} to obtain that also the map $\exp_{\chi}:\big(\Sigma|_{X},\text{Gr}(\Omega_{\chi}|_{X})\big)\rightarrow(P,-L_{\pi_{P}})$ at the top is forward Dirac.
It remains to check that the property \eqref{property2} holds. For $(x,\xi)\in \Sigma|_{X}$, we have
\begin{align*}
K_{(x,\xi)}&=\big(\Omega_{\chi}^{\flat}\big)^{-1}\left(T_{(x,\xi)}(T^{*}M|_{X})\right)^{0}\cap T_{(x,\xi)}(T^{*}M|_{X})\\
&=\pi_{\chi}^{\sharp}\left((dpr)^{*}_{(x,\xi)}T_{x}X^{0}\right)\cap T_{(x,\xi)}(T^{*}M|_{X}).
\end{align*}
Consequently, we obtain
\begin{equation*}
(S_{1})_{(x,\xi)}\cap K_{(x,\xi)}
=\pi_{\chi}^{\sharp}\left((dpr)^{*}_{(x,\xi)}\left(T_{x}X^{0}\cap\ker\pi_{x}^{\sharp}\right)\right),
\end{equation*}
using that the left leg of the dual pair \eqref{pair} is a Poisson map.
The equality \eqref{T} in the proof of Lemma \ref{realization} shows that
\[
(S_{2})_{(x,\xi)}=\pi_{\chi}^{\sharp}\left((dpr)_{(x,\xi)}^{*}\big(T_{x}X^{\perp_{\pi}}\big)^{0}\right),
\]
so we obtain
\[
(S_{1})_{(x,\xi)}\cap K_{(x,\xi)}\cap(S_{2})_{(x,\xi)}=\pi_{\chi}^{\sharp}\left((dpr)^{*}_{(x,\xi)}\left(T_{x}X^{0}\cap\ker\pi_{x}^{\sharp}\right)\right).
\]
Consequently,
\begin{align*}
rk(S_{1}\cap K\cap S_{2})_{(x,\xi)}&=\dim\big(T_{x}X^{0}\cap\ker\pi_{x}^{\sharp}\big)\\
&=\dim(T_{x}X^{0})-\dim(T_{x}X^{\perp_{\pi}})\\
&=(\dim M-\dim X)-(\dim P-\dim X)\\
&=\dim \Sigma|_{X}-\dim X-\dim P.
\end{align*}
So also the property \eqref{property2} holds, and this finishes the proof.
\end{proof}
We are now ready to state the main result of this section.
\begin{thm}\label{normalform}
Let $X\subset (M,\pi)$ be a regular submanifold with local Poisson saturation $(P,\pi_{P})$. Choose a complement $W$ to $TX^{\perp_{\pi}}$ in $TM|_{X}$ and denote by $j:(TX^{\perp_{\pi}})^{*}\hookrightarrow T^{*}M|_{X}$ the corresponding inclusion. Then $-j^{*}(\Omega_{\chi}|_{X})\in\mathcal{E}_{W}(-\sigma-\tau)$, and the corresponding local model $\left(U,\pi\big(W,-j^{*}(\Omega_{\chi}|_{X})\big)\right)$ is isomorphic with $(P,\pi_{P})$ around $X$. Explicitly, a Poisson diffeomorphism onto an open neighborhood of $X$ is given by
\[
\exp_{\chi}\circ j:\left(U,\pi\big(W,-j^{*}(\Omega_{\chi}|_{X})\big)\right)\overset{\sim}{\rightarrow}(P,\pi_{P}).
\]
\end{thm}
We will denote by $pr_{M}$ and $pr_{X}$ the bundle projections $T^{*}M|_{X}\rightarrow X$ and $\big(TX^{\perp_{\pi}}\big)^{*}\rightarrow X$, respectively. So $pr_{M}\circ j = pr_{X}$.
\begin{proof}
We first check that $-j^{*}(\Omega_{\chi}|_{X})\in\mathcal{E}_{W}(-\sigma-\tau)$. The fact that $-j^{*}(\Omega_{\chi}|_{X})$ restricts along $X\subset(TX^{\perp_{\pi}})^{*}$ as required in \eqref{restr} is an immediate consequence of the following equality \cite[Lemma 8]{transversals}:
\[
\Omega_{\chi}\big((v_{1},\xi_{1}),(v_{2},\xi_{2})\big)=\langle v_{1},\xi_{2}\rangle - \langle v_{2},\xi_{1}\rangle+\pi(\xi_{1},\xi_{2}),
\]
where $(v_{1},\xi_{1}),(v_{2},\xi_{2})\in T_{x}(T^{*}M)=T_{x}M\oplus T_{x}^{*}M$ for $x\in M$.
To prove the second statement, we apply \cite[Proposition 6]{dirac} to the weak dual pair constructed in Lemma \ref{diracpair}:
\[
\begin{tikzcd}
(X,i^{*}L_{\pi})&\big(\Sigma|_{X},\text{Gr}(\Omega_{\chi}|_{X})\big)\arrow{r}{\exp_{\chi}}\arrow[l,"pr_{M}",swap]&(P,-L_{\pi_{P}}),
\end{tikzcd}
\]
and we get the following equality of Dirac structures on $\Sigma|_{X}$:
\[
(pr_{M}^{*}(i^{*}L_{\pi}))^{-\Omega_{\chi}|_{X}}=\exp_{\chi}^{*}L_{\pi_{P}}.
\]
Since $j:(TX^{\perp_{\pi}})^{*}\hookrightarrow T^{*}M|_{X}$ is transverse to the leaves of this Dirac structure, we can pull it back to $j^{-1}(\Sigma|_{X})\cong j(TX^{\perp_{\pi}})^{*}\cap\Sigma|_{X}$, and we obtain
\begin{align}\label{comp}
(\exp_{\chi}\circ j)^{*}L_{\pi_{P}}&=j^{*}\big[(pr_{M}^{*}(i^{*}L_{\pi}))^{-\Omega_{\chi}|_{X}}\big]\nonumber\\
&=\big[(pr_{M}\circ j)^{*}(i^{*}L_{\pi})\big]^{-j^{*}(\Omega_{\chi}|_{X})}\nonumber\\
&=(pr_{X}^{*}(i^{*}L_{\pi}))^{-j^{*}(\Omega_{\chi}|_{X})},
\end{align}
The Dirac structure \eqref{comp} is Poisson on a neighborhood $U\subset j^{-1}(\Sigma|_{X})\subset(TX^{\perp_{\pi}})^{*}$, where it defines the local model $\left(U,\pi\big(W,-j^{*}(\Omega_{\chi}|_{X})\big)\right)$. Moreover, by the proof of Theorem \ref{satsmooth}, we know that $\exp_{\chi}\circ j$ takes $j^{-1}(\Sigma|_{X})$ diffeomorphically onto $P$. So we obtain that
\[
\exp_{\chi}\circ j:\left(U,\pi\big(W,-j^{*}(\Omega_{\chi}|_{X})\big)\right)\rightarrow(P,\pi_{P})
\]
is a Poisson diffeomorphism onto an open neighborhood of $X\subset (P,\pi_{P})$, as desired.
\end{proof}
\begin{remark}
As we mentioned before, our normal form is consistent with another normal form result that already appeared in the literature. In \cite{eulerlike}, \cite{dirac} one proves that, given a Dirac manifold $(M,L)$ and a transversal $\tau\subset M$, the pullback Dirac structure on $\tau$ determines $L$ in a neighborhood of $\tau$, up to diffeomorphisms and exact gauge transformations.
In our case, a regular submanifold $X\subset (M,\pi)$ is a transversal in its local Poisson saturation, and our normal form for $(P,\pi_{P})$ around $X$ agrees with the above result.
\end{remark}
\section{Some particular cases}
We proved that the local model $\big(U,\pi(W,\eta)\big)$ described in Proposition \ref{model} does not depend on the choice of complement $W$ to $TX^{\perp_{\pi}}$ in $TM|_{X}$, nor on the choice of closed extension $\eta$. We now show that, for certain classes of regular submanifolds $X\subset (M,\pi)$, a good choice of complement and/or closed extension simplifies the normal form considerably. Some of our results recover well-known normal form and rigidity statements around distinguished submanifolds in symplectic and Poisson geometry.
\subsection{Submanifolds in symplectic geometry}
\leavevmode
\vspace{0.1cm}
Recall that, if $(M,\omega)$ is a symplectic manifold and $N\subset M$ is any submanifold, then the restriction of $\omega$ to $TM|_{N}$ determines the symplectic form $\omega$ on a neighborhood of $N$ (see \cite[Theorem 4.1]{lagrangians}). We can recover this result from our normal form, as follows.
First note that, in case $\pi=\omega^{-1}$ is symplectic, any submanifold $X\subset(M,\pi)$ is regular, since $TX^{\perp_{\pi}}=TX^{\perp_{\omega}}$, where $TX^{\perp_{\omega}}=\{v\in TM|_{X}:\omega(v,w)=0\ \forall w\in TX\}$ denotes the symplectic orthogonal of $X$. Next, the local Poisson saturation $(P,\pi_{P})$ of $X$ is an embedded submanifold of $M$ of dimension $\dim X + rk\big(\pi^{\sharp}(TX^{\perp_{\pi}})^{*}\big)$, by the equality \eqref{normal}.
So if $\pi$ is symplectic, then $P\subset M$ is an open neighborhood of $X$. At last, the Poisson structure $\pi(W,\eta)=\big(pr^{*}(i^{*}L_{\pi})\big)^{\eta}$ from the local model is determined by the restriction $\pi|_{X}$, as the pullback $i^{*}L_{\pi}$ and $\eta|_{X}$ only depend on $\pi^{\sharp}|_{(TX^{\perp_{\pi}})^{0}}$ and $\pi^{\sharp}|_{(TX^{\perp_{\pi}})^{*}}$, respectively.
In conclusion, our normal form shows that, for any submanifold $X$ of the symplectic manifold $(M,\pi)$, the restriction $\pi|_{X}$ determines $\pi$ on a neighborhood of $X\subset M$, which recovers the aforementioned rigidity result in symplectic geometry.
\subsection{Poisson transversals}
\leavevmode
\vspace{0.1cm}
A submanifold $X$ of a Poisson manifold $(M,\pi)$ is called a Poisson transversal if it meets each symplectic leaf transversally and symplectically, that is
\[
TX\oplus TX^{\perp_{\pi}}=TM|_{X}.
\]
In the local model of Proposition \eqref{model}, we can take $TX$ as a canonical complement to $TX^{\perp_{\pi}}$ in $TM|_{X}$. Then the associated embedding $j:(TX^{\perp_{\pi}})^{*}\hookrightarrow T^{*}M|_{X}$ identifies $(TX^{\perp_{\pi}})^{*}$ with $TX^{0}$. The following simplifications occur in the local model:
\begin{itemize}
\item The pullback $i^{*}L_{\pi}$ of the Dirac structure $L_{\pi}$ to $X$ defines a Poisson structure on $X$ \cite[Lemma 1]{transversals}, which we denote by $\pi_{X}\in\Gamma(\wedge^{2}TX)$.
\item Consider $\sigma\in\Gamma(\wedge^{2}TX^{\perp_{\pi}})$ and $\tau\in\Gamma(T^{*}X\otimes TX^{\perp_{\pi}})$ defined in \eqref{st}:
\begin{align*}
&\sigma(\xi_{1},\xi_{2})=\pi\big(j(\xi_{1}),j(\xi_{2})\big),\nonumber\\
&\tau\big((v_{1},\xi_{1}),(v_{2},\xi_{2})\big)=\langle v_{1},j(\xi_{2})\rangle - \langle v_{2},j(\xi_{1})\rangle,
\end{align*}
for $\xi_{1},\xi_{2}\in(T_{x}X^{\perp_{\pi}})^{*}$ and $v_{1},v_{2}\in T_{x}X$. Since $j\left((TX^{\perp_{\pi}})^{*}\right)=TX^{0}$, we get that $\tau\equiv 0$, and
since the restriction of $\pi$ to the conormal bundle $TX^{0}$ is fiberwise non-degenerate, we get a symplectic vector bundle $\left((TX^{\perp_{\pi}})^{*},\sigma\right)$.
\end{itemize}
Moreover, since $X$ is a transversal, its local Poisson saturation $(P,\pi_{P})$ is in fact an open neighborhood of $X$ in $M$. In conclusion, our normal form shows that an open neighborhood of $X$ in $(M,\pi)$ is Poisson diffeomorphic with a neighborhood of $X$ in $(TX^{\perp_{\pi}})^{*}$, endowed with the Poisson structure
\[
\big(pr^{*}(L_{\pi_{X}})\big)^{\eta},
\]
where $\eta$ is a closed extension of $-\sigma$. This is exactly the normal form established in \cite{transversals}.
\subsection{Regular coisotropic submanifolds}
\leavevmode
\vspace{0.1cm}
Recall that a submanifold $N$ of a symplectic manifold $(M,\omega)$ is called coisotropic if its symplectic orthogonal $TN^{\perp_{\omega}}$ is contained in $TN$. Gotay's theorem \cite{gotay} provides a normal form for $\omega$ around $N$, which is obtained as follows. Choose a complement to $TN^{\perp_{\omega}}$ inside $TN$, and denote by $j:(TN^{\perp_{\omega}})^{*}\hookrightarrow T^{*}N$ the induced inclusion. On the total space of the vector bundle $pr:(TN^{\perp_{\omega}})^{*}\rightarrow N$, one gets a closed two-form
\[
pr^{*}(i^{*}\omega)+j^{*}\omega_{can},
\]
where $i^{*}\omega$ is the pullback of $\omega$ to $N$ and $\omega_{can}$ is the canonical symplectic form on $T^{*}N$. This two-form is non-degenerate on a neighborhood of the zero section $N\subset(TN^{\perp_{\omega}})^{*}$, and $(M,\omega)$ is isomorphic with $\big((TN^{\perp_{\omega}})^{*},pr^{*}(i^{*}\omega)+j^{*}\omega_{can}\big)$ around $N$. In particular, the pullback $i^{*}\omega\in\Gamma(\wedge^{2}T^{*}N)$ determines $\omega$ on a neighborhood of $N\subset M$.
More generally, recall that a submanifold $X$ of a Poisson manifold $(M,\pi)$ is coisotropic if
$TX^{\perp_{\pi}}\subset TX$. In this subsection, we prove a Poisson version of Gotay's theorem by specializing our normal form to regular submanifolds $X\subset (M,\pi)$ that are coisotropic. First, we want to find a convenient complement to $TX^{\perp_{\pi}}$ in $TM|_{X}$.
\begin{lemma}\label{complement}
Let $X\subset (M,\pi)$ be a regular coisotropic submanifold. Then for any choice of splitting $TX=TX^{\perp_{\pi}}\oplus G$, there exists a splitting $TM|_{X}=TX^{\perp_{\pi}}\oplus W_{G}$ such that
\[
\pi^{\sharp}(W_{G}^{0})\subset W_{G}\hspace{0.5cm}\text{and}\hspace{0.5cm}W_{G}\cap TX=G.
\]
\end{lemma}
\begin{proof}
We divide the proof into four steps.
\vspace{0.1cm}
\noindent
\underline{Step 1:} $\pi^{\sharp}(G^{0})$ has constant rank, equal to twice the rank of $TX^{\perp_{\pi}}$.
\vspace{0.1cm}
\noindent
Note that $\ker\pi^{\sharp}\subset(TX^{\perp_{\pi}})^{0}$ and therefore
\[
\ker\pi^{\sharp}\cap G^{0}=\ker\pi^{\sharp}\cap(TX^{\perp_{\pi}})^{0}\cap G^{0}=\ker\pi^{\sharp}\cap(TX^{\perp_{\pi}}+G)^{0}=\ker\pi^{\sharp}\cap TX^{0}.
\]
Since $X$ is regular, the latter has constant rank, which shows that also $\pi^{\sharp}(G^{0})$ has constant rank. Explicitly,
\begin{align*}
rk(\pi^{\sharp}(G^{0}))&=\dim M - rk (G)-rk(\ker\pi^{\sharp}\cap G^{0})\\
&=\dim M - rk (G)-rk(\ker\pi^{\sharp}\cap TX^{0})\\
&=\dim M - rk (G)-\big(\dim M-\dim X-rk(TX^{\perp_{\pi}})\big)\\
&=2 rk(TX^{\perp_{\pi}}).
\end{align*}
\noindent
\underline{Step 2:} $\big(\pi^{\sharp}(G^{0}),\omega\big)$ is a symplectic vector bundle, where
\[
\omega(\pi^{\sharp}(\alpha),\pi^{\sharp}(\beta)):=\pi(\alpha,\beta).
\]
\noindent
We first check that $\pi^{\sharp}(G^{0})\cap G=\{0\}$. If $\alpha\in G^{0}$ and $\pi^{\sharp}(\alpha)\in G\subset TX$, then $\alpha\in(TX^{\perp_{\pi}})^{0}$ because of the exact sequence \eqref{sequence}. But then $\alpha\in G^{0}\cap(TX^{\perp_{\pi}})^{0}=(G+TX^{\perp_{\pi}})^{0}=TX^{0}$, so that $\pi^{\sharp}(\alpha)\in TX^{\perp_{\pi}}$. Consequently, $\pi^{\sharp}(\alpha)\in G\cap TX^{\perp_{\pi}}=\{0\}$.
It now follows that $\omega$ is non-degenerate: if $\pi^{\sharp}(\alpha)\in\ker\omega$ for $\alpha\in G^{0}$, then for all $\beta\in G^{0}$, we get $\langle \pi^{\sharp}(\alpha),\beta\rangle=0$, which implies that $\pi^{\sharp}(\alpha)\in G$. So we obtain $\pi^{\sharp}(\alpha)\in\pi^{\sharp}(G^{0})\cap G=\{0\}$, which shows that $\omega$ is non-degenerate.
\vspace{0.1cm}
\noindent
\underline{Step 3:} $TX^{\perp_{\pi}}\subset\big(\pi^{\sharp}(G^{0}),\omega\big)$ is a Lagrangian subbundle.
\vspace{0.1cm}
\noindent
Since $G\subset TX$, we have $TX^{0}\subset G^{0}$ and therefore $TX^{\perp_{\pi}}\subset\pi^{\sharp}(G^{0})$. By Step 1, the rank of $TX^{\perp_{\pi}}$ is half the rank of $\pi^{\sharp}(G^{0})$, so we only have to show that $TX^{\perp_{\pi}}\subset\big(\pi^{\sharp}(G^{0}),\omega\big)$ is an isotropic subbundle. This is clearly the case, since for $\alpha,\beta\in TX^{0}$ we have
\[
\omega(\pi^{\sharp}(\alpha),\pi^{\sharp}(\beta))=\langle\pi^{\sharp}(\alpha),\beta\rangle=0,
\]
using that $\pi^{\sharp}(\alpha)\in TX^{\perp_{\pi}}\subset TX$.
\vspace{0.1cm}
\noindent
\underline{Step 4:} Let $V\subset\big(\pi^{\sharp}(G^{0}),\omega\big)$ be a Lagrangian complement of $TX^{\perp_{\pi}}$, and choose a subbundle
\hspace*{1.25cm}$H\subset TM|_{X}$ such that
$
TM|_{X}=TX^{\perp_{\pi}}\oplus\left(V\oplus G\oplus H\right).
$
Then $W_{G}:=V\oplus G\oplus H$ \hspace*{1.25cm}satisfies the criteria.
\vspace{0.1cm}
\noindent
We check that $\pi^{\sharp}(W_{G}^{0})\subset W_{G}$. If $\alpha\in W_{G}^{0}$, then in particular $\alpha\in V^{0}\cap G^{0}$, so for all $v\in V$ we get
\[
0=\langle \alpha,v\rangle=\omega(v,\pi^{\sharp}(\alpha)).
\]
This shows that $\pi^{\sharp}(\alpha)$ lies in the symplectic orthogonal $V^{\perp_{\omega}}$, which is equal to $V$ because $V$ is Lagrangian. So $\pi^{\sharp}(\alpha)\in V\subset W_{G}$. At last, the fact that $W_{G}\cap TX=G$ follows immediately from the decomposition
\[
TM|_{X}=TX^{\perp_{\pi}}\oplus (V\oplus G\oplus H) = TX\oplus V\oplus H.\qedhere
\]
\end{proof}
\begin{cor}[Poisson version of Gotay's Theorem]\label{coiso}
Let $i:X\hookrightarrow(M,\pi)$ be a regular coisotropic submanifold. Pick a complement $TX=TX^{\perp_{\pi}}\oplus G$, and let $j:(TX^{\perp_{\pi}})^{*}\hookrightarrow T^{*}X$ be the induced inclusion. The local Poisson saturation of $X$ is Poisson diffeomorphic around $X$ with the model
\begin{equation}\label{coisomodel}
\left(U,\big(pr^{*}(i^{*}L_{\pi})\big)^{j^{*}\omega_{can}}\right),
\end{equation}
where $U\subset(TX^{\perp_{\pi}})^{*}$ is an open neighborhood of $X$ and $\omega_{can}$ denotes the canonical symplectic form on $T^{*}X$.
\end{cor}
\begin{proof}
It suffices to show that the expression \eqref{coisomodel} is a local model for the local Poisson saturation of $X$. By Lemma \ref{complement}, we know that the splitting $TX=TX^{\perp_{\pi}}\oplus G$ induces a splitting $TM|_{X}=TX^{\perp_{\pi}}\oplus W_{G}$, where
\[
\pi^{\sharp}(W_{G}^{0})\subset W_{G}\hspace{0.5cm}\text{and}\hspace{0.5cm}W_{G}\cap TX=G.
\]
Denote by $\tilde{j}:(TX^{\perp_{\pi}})^{*}\hookrightarrow T^{*}M|_{X}$ the inclusion induced by the complement $W_{G}$; it embeds $(TX^{\perp_{\pi}})^{*}$ into $T^{*}M|_{X}$ as $(W_{G})^{0}$. Consider $\sigma\in\Gamma(\wedge^{2}TX^{\perp_{\pi}})$ and $\tau\in\Gamma(T^{*}X\otimes TX^{\perp_{\pi}})$ as defined in \eqref{st}:
\begin{align*}
&\sigma(\xi_{1},\xi_{2})=\pi\big(\tilde{j}(\xi_{1}),\tilde{j}(\xi_{2})\big),\nonumber\\
&\tau\big((v_{1},\xi_{1}),(v_{2},\xi_{2})\big)=\langle v_{1},\tilde{j}(\xi_{2})\rangle - \langle v_{2},\tilde{j}(\xi_{1})\rangle,
\end{align*}
for $\xi_{1},\xi_{2}\in\big(T_{x}X^{\perp_{\pi}}\big)^{*}$ and $v_{1},v_{2}\in T_{x}X$. Since $\pi^{\sharp}(W_{G}^{0})\subset W_{G}$, we have $\sigma\equiv 0$, and since $W_{G}\cap TX=G$, we have
\begin{align*}
\tau\big((v_{1},\xi_{1}),(v_{2},\xi_{2})\big)&=\langle v_{1},\tilde{j}(\xi_{2})\rangle - \langle v_{2},\tilde{j}(\xi_{1})\rangle\\
&=\langle v_{1},j(\xi_{2})\rangle - \langle v_{2},j(\xi_{1})\rangle\\
&=\left.(j^{*}\omega_{can})\right|_{X}\big((v_{1},\xi_{1}),(v_{2},\xi_{2})\big)
\end{align*}
for $\xi_{1},\xi_{2}\in(T_{x}X^{\perp_{\pi}})^{*}$ and $v_{1},v_{2}\in T_{x}X$.
This shows that $\big(U,\pi(W_{G},-j^{*}\omega_{can})\big)$ is a local model for the local Poisson saturation of $X$, where $U\subset(TX^{\perp_{\pi}})^{*}$ is a suitable neighborhood of $X$. Note that the Poisson structure \eqref{coisomodel} still differs by a sign from this model; we now show that changing the sign produces an isomorphic Poisson structure. Shrinking $U$ if necessary, we can assume that $U$ is invariant under fiberwise multiplication by $-1$. Denoting this map by $m_{-1}$, we have
\[
m_{-1}^{*}\left((pr^{*}(i^{*}L_{\pi}))^{j^{*}\omega_{can}}\right)=\big((pr\circ m_{-1})^{*}i^{*}L_{\pi}\big)^{(j\circ m_{-1})^{*}\omega_{can}}=(pr^{*}(i^{*}L_{\pi}))^{-j^{*}\omega_{can}}.
\]
Since the latter is the Poisson structure $\big(U,\pi(W_{G},-j^{*}\omega_{can})\big)$, this finishes the proof.
\end{proof}
In particular, the pullback Dirac structure $i^{*}L_{\pi}$ determines a neighborhood of $X$ in its local Poisson saturation. If $(M,\pi)$ is symplectic, then the above corollary indeed recovers Gotay's theorem.
\subsection{Regular pre-Poisson submanifolds}
\leavevmode
\vspace{0.1cm}
Recall that, given a symplectic manifold $(M,\omega)$, a submanifold $i:N\hookrightarrow (M,\omega)$ is said to be of constant rank if the pullback $i^{*}\omega$ has constant rank. Marle's constant rank theorem \cite{marle} states that a neighborhood of a constant rank submanifold $i:N\hookrightarrow (M,\omega)$ is determined by the pullback $i^{*}\omega$ together with the restriction of $\omega$ to the symplectic normal bundle $TN^{\perp_{\omega}}/\big(TN^{\perp_{\omega}}\cap TN\big)$.
Generalizing this notion to Poisson geometry, a submanifold $X$ of a Poisson manifold $(M,\pi)$ is called pre-Poisson if $TX+TX^{\perp_{\pi}}$ has constant rank \cite{pre-poisson}. It is equivalent to ask that the bundle map $pr\circ\pi^{\sharp}:TX^{0}\rightarrow TX^{\perp_{\pi}}\rightarrow TM|_{X}/TX$ has constant rank. Examples include Poisson transversals (in which case $pr\circ\pi^{\sharp}$ is an isomorphism) and coisotropic submanifolds (in which case $pr\circ\pi^{\sharp}$ is the zero map). If $X$ is regular pre-Poisson, i.e. $TX^{\perp_{\pi}}$ has constant rank, then its characteristic distribution $TX^{\perp_{\pi}}\cap TX$ also has constant rank.
In this subsection, we prove a Poisson version of Marle's theorem by specializing our normal form to regular pre-Poisson submanifolds $X\subset (M,\pi)$. We will need the following result, which generalizes Lemma \ref{complement}.
\begin{lemma}\label{compprep}
Let $X\subset (M,\pi)$ be a regular pre-Poisson submanifold. For any choice of splittings $TX=(TX^{\perp_{\pi}}\cap TX)\oplus G$ and $TX^{\perp_{\pi}}=(TX^{\perp_{\pi}}\cap TX)\oplus H$, there exists a complement $TM|_{X}=(TX^{\perp_{\pi}}\cap TX)\oplus H\oplus W_{G,H}$ such that
\[
W_{G,H}\cap TX=G \hspace{0.5cm}\text{and}\hspace{0.5cm}\pi^{\sharp}\left(\big(H+W_{G,H}\big)^{0}\right)\subset W_{G,H}.
\]
\end{lemma}
\begin{proof}
We have in particular
\begin{equation}\label{prep}
TX+TX^{\perp_{\pi}}=(TX^{\perp_{\pi}}\cap TX)\oplus G\oplus H.
\end{equation}
The proof is divided into four steps, which generalize those in the proof of Lemma \ref{complement}.
\vspace{0.1cm}
\noindent
\underline{Step 1:} $\pi^{\sharp}\big((G+H)^{0}\big)$ has constant rank, equal to twice the rank of $TX^{\perp_{\pi}}\cap TX$.
\vspace{0.1cm}
\noindent
Since $\ker\pi^{\sharp}\subset (TX^{\perp_{\pi}})^{0}\subset (TX^{\perp_{\pi}}\cap TX)^{0}$, we have
\begin{align*}
\ker\pi^{\sharp}\cap (G+H)^{0}&=\ker\pi^{\sharp}\cap (TX^{\perp_{\pi}}\cap TX)^{0}\cap (G+H)^{0}\\
&=\ker\pi^{\sharp}\cap\big((TX^{\perp_{\pi}}\cap TX)+G+H\big)^{0}\\
&=\ker\pi^{\sharp}\cap(TX+TX^{\perp_{\pi}})^{0}\\
&=\ker\pi^{\sharp}\cap TX^{0}\cap (TX^{\perp_{\pi}})^{0}\\
&=\ker\pi^{\sharp}\cap TX^{0}.
\end{align*}
Since $X$ is regular, the latter has constant rank, which shows that also $\pi^{\sharp}\big((G+H)^{0}\big)$ has constant rank. Explicitly,
\begin{align*}
rk\left(\pi^{\sharp}\big((G+H)^{0}\big)\right)&=\dim M - rk(G+H)-rk\big(\ker\pi^{\sharp}\cap (G+H)^{0}\big)\\
&=\dim M-rk(TX+TX^{\perp_{\pi}})+rk(TX^{\perp_{\pi}}\cap TX)-rk\big(\ker\pi^{\sharp}\cap TX^{0}\big)\\
&=\dim M-rk(TX+TX^{\perp_{\pi}})+rk(TX^{\perp_{\pi}}\cap TX)\\
&\hspace{0.5cm}-\big(\dim M-\dim X -rk(TX^{\perp_{\pi}})\big)\\
&=rk(TX)+rk(TX^{\perp_{\pi}})-rk(TX+TX^{\perp_{\pi}})+rk(TX^{\perp_{\pi}}\cap TX)\\
&=2 rk(TX^{\perp_{\pi}}\cap TX).
\end{align*}
\noindent
\underline{Step 2:} $\big(\pi^{\sharp}\big((G+H)^{0}\big),\omega\big)$ is a symplectic vector bundle, where
\[
\omega(\pi^{\sharp}(\alpha),\pi^{\sharp}(\beta)):=\pi(\alpha,\beta).
\]
\noindent
We first show that $\pi^{\sharp}\big((G+H)^{0}\big)\cap (G+H)=\{0\}$. Assume that $\gamma\in(G+H)^{0}$ is such that $\pi^{\sharp}(\gamma)=g+h\in G+H$. Since $h\in TX^{\perp_{\pi}}$, we can write $h=\pi^{\sharp}(\beta)$ for some $\beta\in TX^{0}$, and we obtain that $\pi^{\sharp}(\gamma-\beta)=g\in TX$. The exact sequence \eqref{sequence} then implies that $\gamma-\beta\in(TX^{\perp_{\pi}})^{0}$, and therefore $\gamma\in TX^{0}+(TX^{\perp_{\pi}})^{0}=(TX\cap TX^{\perp_{\pi}})^{0}$. Hence,
\[
\gamma\in(TX\cap TX^{\perp_{\pi}})^{0}\cap (G+H)^{0}=(TX+TX^{\perp_{\pi}})^{0}=TX^{0}\cap (TX^{\perp_{\pi}})^{0},
\]
using \eqref{prep} in the first equality. This implies that $\pi^{\sharp}(\gamma)\in TX^{\perp_{\pi}}\cap TX$, so we obtain that $\pi^{\sharp}(\gamma)\in(TX^{\perp_{\pi}}\cap TX)\cap(G+H)=\{0\}$. This shows that $\pi^{\sharp}\big((G+H)^{0}\big)\cap (G+H)=\{0\}$.
It now follows that $\omega$ is non-degenerate: if $\pi^{\sharp}(\alpha)\in\ker\omega$ for $\alpha\in(G+H)^{0}$, then for all $\beta\in(G+H)^{0}$ we get $\langle\pi^{\sharp}(\alpha),\beta\rangle=0$, which shows that $\pi^{\sharp}(\alpha)\in G+H$. By what we just proved, we then get $\pi^{\sharp}(\alpha)\in\pi^{\sharp}\big((G+H)^{0}\big)\cap(G+H)=\{0\}$, which shows that $\omega$ is non-degenerate.
\vspace{0.1cm}
\noindent
\underline{Step 3:} $TX^{\perp_{\pi}}\cap TX\subset\big(\pi^{\sharp}\big((G+H)^{0}\big),\omega\big)$ is a Lagrangian subbundle.
\vspace{0.1cm}
\noindent
Since $G+H\subset TX+TX^{\perp_{\pi}}$, we have $(TX+TX^{\perp_{\pi}})^{0}\subset (G+H)^{0}$ and therefore
\[
TX^{\perp_{\pi}}\cap TX=\pi^{\sharp}\big(TX^{0}\cap(TX^{\perp_{\pi}})^{0}\big)=\pi^{\sharp}\big((TX+TX^{\perp_{\pi}})^{0}\big)\subset\pi^{\sharp}\big((G+H)^{0}\big).
\]
By Step 1, we know that the rank of $\pi^{\sharp}\big((G+H)^{0}\big)$ is twice the rank of $TX^{\perp_{\pi}}\cap TX$, so we only have to check that $TX^{\perp_{\pi}}\cap TX\subset\left(\pi^{\sharp}\big((G+H)^{0}\big),\omega\right)$ is an isotropic subbundle. This is clearly the case, for if $\alpha,\beta\in TX^{0}\cap(TX^{\perp_{\pi}})^{0}$ then
\[
\omega\big(\pi^{\sharp}(\alpha),\pi^{\sharp}(\beta)\big)=\langle \pi^{\sharp}(\alpha),\beta\rangle=0.
\]
Here we use that $\pi^{\sharp}(\alpha)\in TX$ since $\alpha\in \big(TX^{\perp_{\pi}}\big)^{0}$, and that $\beta\in TX^{0}$.
\vspace{0.1cm}
\noindent
\underline{Step 4:} Let $C\subset\big(\pi^{\sharp}\big((G+H)^{0}\big),\omega\big)$ be a Lagrangian complement of $TX^{\perp_{\pi}}\cap TX$, and choose \hspace*{1.25cm}any subbundle $Y\subset TM|_{X}$ such that
$
TM|_{X}=(TX^{\perp_{\pi}}\cap TX)\oplus(H\oplus G\oplus C\oplus Y).
$
\hspace*{1.25cm}Then the subbundle $W_{G,H}:=G\oplus C\oplus Y$ satisfies the criteria.
\vspace{0.1cm}
\noindent
If $\alpha\in(H+G+C+Y)^{0}$, then $\alpha\in(G+H)^{0}$ and $\alpha\in C^{0}$. So for all $c\in C$, we get
\[
0=\langle \alpha,c\rangle=\omega\big(c,\pi^{\sharp}(\alpha)\big),
\]
which implies that $\pi^{\sharp}(\alpha)\in C^{\perp_{\omega}}=C\subset G+C+Y$. Therefore, $\pi^{\sharp}\big((H+W_{G,H})^{0}\big)\subset W_{G,H}$. The fact that $W_{G,H}\cap TX=G$ follows immediately from the decomposition
\[
TM|_{X}=(TX^{\perp_{\pi}}\cap TX)\oplus H\oplus W_{G,H}=TX\oplus H\oplus C\oplus Y.\qedhere
\]
\end{proof}
\begin{cor}[Poisson version of Marle's theorem]\label{marlepoisson}
If $i:X\hookrightarrow(M,\pi)$ is a regular pre-Poisson submanifold, then its local Poisson saturation is completely determined around $X$ by the pullback Dirac structure $i^{*}L_{\pi}$ and the restriction of $\pi$ to $(TX^{\perp_{\pi}})^{*}/(TX^{\perp_{\pi}}\cap TX)^{*}$.
\end{cor}
\begin{proof}
We show that any local model for the local Poisson saturation of $X$ defined in terms of a complement as specified in Lemma \ref{compprep} only depends on the data mentioned in the statement.
Lemma \ref{compprep} implies that there is a splitting $TM|_{X}=(TX^{\perp_{\pi}}\cap TX)\oplus V\oplus W$, satisfying
\begin{equation}\label{conditions}
TX^{\perp_{\pi}}=(TX^{\perp_{\pi}}\cap TX)\oplus V\hspace{0.5cm}\text{and}\hspace{0.5cm}\pi^{\sharp}\big((V+W)^{0}\big)\subset W.
\end{equation}
We get induced inclusion maps $j_{1}:(TX^{\perp_{\pi}}\cap TX)^{*}\hookrightarrow T^{*}M|_{X}$, $j_{2}:(TX^{\perp_{\pi}})^{*}\hookrightarrow T^{*}M|_{X}$ and $j:(TX^{\perp_{\pi}}\cap TX)^{*}\hookrightarrow (TX^{\perp_{\pi}})^{*}$ satisfying
\[
j_{1}=j_{2}\circ j,\hspace{0.5cm}j_{1}\big((TX^{\perp_{\pi}}\cap TX)^{*}\big)=(V+W)^{0}\hspace{0.5cm}\text{and}\hspace{0.5cm}j_{2}\big((TX^{\perp_{\pi}})^{*}\big)=W^{0}.
\]
This implies that, for $\xi_{1}\in(TX^{\perp_{\pi}}\cap TX)^{*}$ and $\xi_{2}\in (TX^{\perp_{\pi}})^{*}$:
\[
\pi\big(j_{2}(j(\xi_{1})),j_{2}(\xi_{2})\big)=\pi\big(j_{1}(\xi_{1}),j_{2}(\xi_{2})\big)=0,
\]
using the second condition in \eqref{conditions}. So the local model in Proposition \ref{model} only depends on the pullback $i^{*}L_{\pi}$ and the restriction of $\pi$ to $(TX^{\perp_{\pi}})^{*}/(TX^{\perp_{\pi}}\cap TX)^{*}$.
\end{proof}
The corollary shows that the local Poisson saturation of a regular pre-Poisson submanifold is determined by less data than that of a general regular submanifold. The exception are those pre-Poisson submanifolds $X$ for which $TX^{\perp_{\pi}}\cap TX=0$; these are exactly the regular Poisson-Dirac submanifolds of $(M,\pi)$ \cite{Zambonsubmanifolds}. In \cite{coregular}, they are called \emph{coregular}.
Corollary \ref{marlepoisson} indeed recovers Marle's constant rank theorem when $\pi=\omega^{-1}$ is symplectic, since then the following map is -- up to sign -- an isomorphism of symplectic vector bundles
\[
\pi^{\sharp}:\big((TX^{\perp_{\omega}})^{*}/(TX^{\perp_{\omega}}\cap TX)^{*},\pi\big)\overset{\sim}{\rightarrow}\big(TX^{\perp_{\omega}}/(TX^{\perp_{\omega}}\cap TX),\omega\big).
\]
In some detail, fix a decomposition $TM|_{X}=(TX^{\perp_{\omega}}\cap TX)\oplus H\oplus W$ as in Lemma \ref{compprep}. Since $\pi^{\sharp}\big((H+W)^{0}\big)\subset W$, we have $\pi^{\sharp}(W^{0})\subset H+W$. Moreover, for $\beta\in W^{0}$ we have that $\pi^{\sharp}(\beta)\in H$ exactly when $\pi^{\sharp}(\beta)\in TX^{\perp_{\omega}}$, which in turn is equivalent with $\beta\in TX^{0}$. So there is an induced map $\pi^{\sharp}:W^{0}\cap TX^{0}\rightarrow H$.
At last, since $W+TX=W+(TX^{\perp_{\omega}}\cap TX)$, we have $W^{0}\cap TX^{0}\cong H^{*}$, so that $\pi^{\sharp}$ induces an isomorphism $H^{*}\overset{\sim}{\rightarrow} H$:
\[
\pi^{\sharp}:\left(\frac{TX^{\perp_{\omega}}}{TX^{\perp_{\omega}}\cap TX}\right)^{*}\overset{\sim}{\longrightarrow} \frac{TX^{\perp_{\omega}}}{TX^{\perp_{\omega}}\cap TX}.
\]
Clearly, this map intertwines $-\pi$ and $\omega$ since $\omega=\pi^{-1}$, so it becomes an isomorphism of symplectic vector bundles, up to sign.
\begin{remark}
For the different classes of regular submanifolds $X\subset (M,\pi)$ considered in this section, we summarize the data that determine the local Poisson saturation $(P,\pi_P)$ near $X$.
\begin{center}
\begin{tabular}{||c| c ||}
\hline
Type of submanifold & $(P,\pi_P)$ locally determined by \\ [0.5ex]
\hline\hline
$X\subset (M,\pi)$ Poisson transversal & $i^{*}L_{\pi}$ and $\pi|_{(TX^{\perp_{\pi}})^{*}}$\\
\hline
$X\subset (M,\pi)$ regular coisotropic & $i^{*}L_{\pi}$\\
\hline
$X\subset (M,\pi)$ regular pre-Poisson & $i^{*}L_{\pi}$ and $\pi|_{(TX^{\perp_{\pi}})^{*}/(TX^{\perp_{\pi}}\cap TX)^{*}}$\\
\hline
\end{tabular}
\end{center}
\end{remark}
\section{Coisotropic embeddings of Dirac manifolds in Poisson manifolds}
As an application of Corollary \ref{coiso}, we look at the following question, which was considered by Cattaneo and Zambon \cite{marco} and by Wade \cite{wade}: Given a Dirac manifold $(X,L)$, when can it be embedded coisotropically into a Poisson manifold $(M,\pi)$? That is, when does there exist an embedding $i:X\hookrightarrow (M,\pi)$ such that $i^{*}L_{\pi}=L$ and $i(X)$ is coisotropic in $(M,\pi)$? Moreover, to what extent is such an embedding unique?
The question on the existence of coisotropic embeddings $(X,L)\hookrightarrow (M,\pi)$ is settled in \cite[Theorem 8.1]{marco}: such an embedding exists exactly when $L$ is co-regular, i.e. $L\cap TX$ has constant rank. The construction of $(M,\pi)$ in that case is carried out as follows: a choice of complement $V$ to $L\cap TX$ in $TX$ gives an inclusion $j:(L\cap TX)^{*}\hookrightarrow T^{*}X$, one takes $M$ to be the total space of $pr:(L\cap TX)^{*}\rightarrow X$ and one shows that the Dirac structure
$
(pr^{*}L)^{j^{*}\omega_{can}}
$
on $M$ is in fact Poisson on a neighborhood of $X\subset M$.
A different proof of the existence result is given in \cite[Theorem 4.1]{wade}.
The question on the uniqueness of coisotropic embeddings $(X,L)\hookrightarrow (M,\pi)$ is still open. In \cite{wade}, one claims (without proof) that uniqueness can be obtained if $L\cap TX$ defines a simple foliation on $X$. In \cite{marco} one conjectures that, if $(X,L)$ is embedded coisotropically in two different Poisson manifolds, then these must be neighborhood equivalent around $X$, provided that they are of minimal dimension $\dim X + rk(L\cap TX)$. However, a proof of this uniqueness statement is only given under the additional regularity assumption that the presymplectic leaves of $(X,L)$ have constant dimension \cite[Proposition 9.4]{marco}.
We now show that this extra assumption can be dropped. Using Corollary \ref{coiso}, we prove that the model $\big(U,(pr^{*}L)^{j^{*}\omega_{can}}\big)$ constructed above is minimal, thereby obtaining the uniqueness result in full generality. In the proof below, given an embedding $i:X\hookrightarrow(M,\pi)$, we may assume that it is the inclusion map by identifying $X$ with $i(X)$.
\begin{prop}
Let $(X,L)$ be a Dirac manifold for which $L\cap TX$ has constant rank, and denote by $pr:(L\cap TX)^{*}\rightarrow X$ the bundle projection.
\begin{enumerate}[i)]
\item Any coisotropic embedding $i:(X,L)\hookrightarrow (M,\pi)$ into a Poisson manifold $(M,\pi)$ factors through the local model $\big(U,(pr^{*}L)^{j^{*}\omega_{can}}\big)$. That is, we have a diagram
\[
\begin{tikzcd}[row sep= large, column sep=large]
(X,L)\arrow[r,"i"]\arrow[d,hookrightarrow] & (M,\pi)\\
\big(U,(pr^{*}L)^{j^{*}\omega_{can}}\big)\arrow[ru,hookrightarrow,"\psi"] &
\end{tikzcd},
\]
where $\psi:\big(U,(pr^{*}L)^{j^{*}\omega_{can}}\big)\hookrightarrow (M,\pi)$ is a Poisson embedding.
\item In particular, if $(M_{1},\pi_{1})$ and $(M_{2},\pi_{2})$ are Poisson manifolds of minimal dimension $\dim X + rk(L\cap TX)$ in which $(X,L)$ embeds coisotropically, then $(M_{1},\pi_{1})$ and $(M_{2},\pi_{2})$ are Poisson diffeomorphic around $X$.
\end{enumerate}
\end{prop}
\begin{proof}
\begin{enumerate}[i)]
\item The assumptions imply that $X\subset (M,\pi)$ is a regular coisotropic submanifold, since
\begin{equation}\label{perp}
TX^{\perp_{\pi}}=\pi^{\sharp}(TX^{0})=(i^{*}L_{\pi})\cap TX=L\cap TX.
\end{equation}
Denote by $(P,\pi_{P})$ the local Poisson saturation of $X\subset (M,\pi)$. By Corollary \ref{coiso}, there is a neighborhood $U\subset (L\cap TX)^{*}$ of $X$ and a Poisson embedding
\[
\phi:\big(U,(pr^{*}L)^{j^{*}\omega_{can}}\big)\rightarrow (P,\pi_{P}).
\]
Since $(P,\pi_{P})$ is an embedded submanifold of $(M,\pi)$, this proves the statement.
\item By what we just proved, there exist a neighborhood $U\subset (L\cap TX)^{*}$ of $X$ and two Poisson embeddings
\begin{align*}
&\phi_{1}:\left(U,(pr^{*}L)^{j^{*}\omega_{can}}\right)\rightarrow (P_{1},\pi_{P_{1}}),\\
&\phi_{2}:\left(U,(pr^{*}L)^{j^{*}\omega_{can}}\right)\rightarrow (P_{2},\pi_{P_{2}}),
\end{align*}
where $(P_{1},\pi_{P_{1}})$ and $(P_{2},\pi_{P_{2}})$ denote the local Poisson saturations of $X$ in $(M_{1},\pi_{1})$ and $(M_{2},\pi_{2})$, respectively. The assumption implies that, for $l=1,2$:
\[
\dim P_{l}=\dim TX^{\perp_{\pi_l}}=\dim X + rk(L\cap TX)=\dim M_{l},
\]
where we used \eqref{perp}. Since $P_{l}\subset M_{l}$ is embedded, this shows that $P_{l}\subset M_{l}$ is an open neighborhood of $X$, for $l=1,2$. So the composition $\phi_{2}\circ\phi_{1}^{-1}$ is a Poisson diffeomorphism between open neighborhoods of $X$ in $(M_{1},\pi_{1})$ and $(M_{2},\pi_{2})$, respectively.
\end{enumerate}
\end{proof}
\section{Regular submanifolds in Dirac geometry}
We now discuss how the results that we obtained in Sections 1,2 and 3 can be generalized to the setting of Dirac manifolds. The relevant tools are developed in \cite{dirac}, from which we adopt the terminology and notation. For background on Dirac geometry, see e.g. \cite{bursztyn}.
\begin{defi}
We call an embedded submanifold $X$ of a Dirac manifold $(M,L)$ \textbf{regular} if the map $\overline{pr_{T}}:L|_{X}\rightarrow TM|_{X}/TX$, which is obtained composing the anchor $pr_{T}:L\rightarrow TM$ with the projection to the normal bundle, has constant rank.
\end{defi}
Given any submanifold $i:X\hookrightarrow(M,L)$, we have at points $x\in X$ that
\[
\overline{pr_{T}}(L_x)=\frac{pr_{T}(L_x)+T_{x}X}{T_{x}X},
\]
and therefore
\begin{align*}
X\subset (M,L)\ \text{is regular}&\Leftrightarrow pr_{T}(L)+TX\ \text{has constant rank}\\
&\Leftrightarrow \ker(i^{*})\cap L\ \text{has constant rank},
\end{align*}
where the last equivalence holds since $\ker(i^{*})\cap L=(pr_{T}(L)+TX)^{0}$. In particular, the Dirac structure $L$ can be pulled back to a regular submanifold $X\subset(M,L)$ \cite[Prop. 5.6]{bursztyn}.
\vspace{0.2cm}
We recall some results about sprays and dual pairs in Dirac geometry \cite{dirac}.
\begin{defi}
Let $L\subset TM\oplus T^{*}M$ be a Dirac structure on $M$, and let $\textbf{s}:L\rightarrow M$ denote the bundle projection. A \textbf{spray} for $L$ is a vector field $\mathcal{V}\in\mathfrak{X}(L)$ satisfying
\begin{enumerate}[i)]
\item $\textbf{s}_{*}(\mathcal{V}_{a})=pr_{T}(a)$ for all $a\in L$,
\item $m_{t}^{*}\mathcal{V}=t\mathcal{V}$, where $m_{t}:L\rightarrow L$ denotes fiberwise multiplication by $t\neq 0$.
\end{enumerate}
\end{defi}
Sprays exist on any Dirac structure. The condition $ii)$ implies that the spray $\mathcal{V}$ vanishes along the zero section $M\subset L$, so that there exists a neighborhood $\Sigma\subset L$ of $M$ on which the flow $\varphi_{\epsilon}$ of $\mathcal{V}$ is defined for all times $\epsilon\in[0,1]$. We can then define the \textbf{Dirac exponential map} associated with the spray $\mathcal{V}$ as
\[
\exp_{\mathcal{V}}:\Sigma\rightarrow M:a\mapsto\textbf{s}(\varphi_{1}(a)).
\]
Moreover, this neighborhood $\Sigma\subset L$ supports a two-form $\omega$ defined by
\[
\omega:=\int_{0}^{1}\varphi_{\epsilon}^{*}\big((pr_{T^{*}})^{*}\omega_{can}\big)d\epsilon,
\]
where $pr_{T^{*}}:L\rightarrow T^{*}M$ is the projection and $\omega_{can}$ is the canonical symplectic form on $T^{*}M$. It is proved in \cite{dirac} that, shrinking $\Sigma\subset L$ if necessary, these data fit into a \textbf{Dirac dual pair}:
\begin{equation}\label{dualpair}
\begin{tikzcd}
(M,L) & (\Sigma,\text{Gr}(\omega))\arrow[l,"\textbf{s}", swap]\arrow{r}{\exp_{\mathcal{V}}} & (M,-L).
\end{tikzcd}
\end{equation}
This means that both legs in the diagram \eqref{dualpair} are surjective, forward Dirac submersions, and we have the additional requirements that $\omega(V,W)=0$ and $V\cap K\cap W=0$, where $V=\ker\textbf{s}_{*}, W=\ker(\exp_{\mathcal{V}})_{*}$ and $K=\ker\omega$.
We need the following lemma, which serves as a substitute for Lemma \ref{realization} in the Dirac setting. The statement is not exactly the Dirac analog of Lemma \ref{realization}; we address this in Remark \ref{presym} below.
\begin{lemma}\label{rank}
Consider a Dirac dual pair
\begin{equation*}
\begin{tikzcd}[row sep=large, column sep=large]
(M_0,L_0) & (\Sigma,\text{Gr}(\omega))\arrow[l,"\textbf{s}", swap]\arrow{r}{\textbf{t}} & (M_1,-L_1),
\end{tikzcd}
\end{equation*}
and let $X\subset(M_0,L_0)$ be a regular submanifold. Denote $V:=\ker\textbf{s}_{*}$, $W:=\ker\textbf{t}_*$ and $K:=\ker\omega$. Then $W\cap\textbf{s}_{*}^{-1}(TX)$ has constant rank, equal to the rank of $pr_{T}^{-1}(TX)\subset L_0|_{X}$.
\end{lemma}
\begin{proof}
Consider the following diagram of vector bundle maps:
\begin{equation}\label{diag2}
\begin{tikzcd}[row sep=large, column sep=large]
W|_{\textbf{s}^{-1}(X)}\arrow{r}{\overline{\textbf{s}_{*}}}\arrow[d,"R_{\omega}",swap] & TM_0|_{X}/TX\\
R_{\omega}(W|_{\textbf{s}^{-1}(X)})\arrow[r,"\psi",swap]&L_0|_{X}\arrow[u,"\overline{pr_{T}}",swap]
\end{tikzcd}.
\end{equation}
Here $R_{\omega}$ is an injective bundle map defined by $R_{\omega}:W\rightarrow T\Sigma\oplus T^{*}\Sigma:w\mapsto w+\iota_{w}\omega$. The map $\psi:R_{\omega}(W)\rightarrow L_0$ is defined by setting $\psi(w+\iota_{w}\omega):=\textbf{s}_{*}(w)+\beta$, where $\beta$ is uniquely determined by the relation $\textbf{s}^{*}(\beta)=\iota_{w}\omega$. Note that $\psi$ is well-defined: existence of $\beta$ follows from the fact that $\omega(V,W)=0$, and $\beta$ is unique since $\textbf{s}$ is a submersion. Since the map $\textbf{s}:(\Sigma,\text{Gr}(\omega))\rightarrow (M_0,L_0)$ is forward Dirac, we see that $\psi(w+\iota_{w}\omega)=\textbf{s}_{*}(w)+\beta$ is indeed contained in $L_0$.
Moreover, we claim that the map $\psi$ is an isomorphism. To see that $\psi$ is injective, assume that $\psi(w+\iota_{w}\omega)=\textbf{s}_{*}(w)+\beta=0$ for some $w\in W$. Then $\beta=0$, and therefore $\iota_{w}\omega=\textbf{s}^{*}(\beta)=0$, so that $w\in W\cap K$. But also $\textbf{s}_{*}(w)=0$, so that $w\in V$. Hence $w\in V\cap K\cap W=0$, which shows that $\psi$ is injective. Since the rank of $R_{\omega}(W)$ is given by
\[
rk(R_{\omega}(W))=rk(W)=\dim\Sigma-\dim M_1=\dim M_0=rk(L_0),
\]
it follows that $\psi:R_{\omega}(W)\rightarrow L_0$ is a vector bundle isomorphism. Since the diagram \eqref{diag2} commutes, it follows that
\begin{align*}
rk\big(\overline{\textbf{s}_{*}}:W|_{\textbf{s}^{-1}(X)}\rightarrow TM_0|_{X}/TX\big)&=rk\big(\overline{pr_{T}}:L_0|_{X}\rightarrow TM_0|_{X}/TX\big)\\
&=\dim M_0-rk\big(pr_{T}^{-1}(TX)\big).
\end{align*}
This gives the conclusion of the lemma:
\[
rk\big(W\cap\textbf{s}_{*}^{-1}(TX)\big)=rk(W)-\dim M_0 +rk\big(pr_{T}^{-1}(TX)\big)=rk\big(pr_{T}^{-1}(TX)\big).
\]
\end{proof}
\begin{remark}\label{presym}
For completeness, we state here the Dirac geometric analog of Lemma \ref{realization}. Recall that a forward Dirac map $\varphi:(M_{0},L_{0})\rightarrow (M_{1},L_{1})$ is \textbf{strong} if $L_{0}\cap\ker\varphi_{*}=0$. When $L_0$ is the graph of a closed $2$-form, then the map $\varphi$ is called a \textbf{presymplectic realization} of $(M_{1},L_{1})$. One can show that the following is true:
``\textit{Let $\textbf{s}:(\Sigma,\text{Gr}(\omega))\rightarrow (M,L)$ be a strong forward Dirac submersion, and assume that $X\subset(M,L)$ is a regular submanifold. If $V:=\ker\textbf{s}_{*}$, then $V^{\perp_{\omega}}\cap \textbf{s}_{*}^{-1}(TX)$ has constant rank, equal to the corank of $pr_{T}^{-1}(TX)$}.''
We won't address this in more detail, since we want to use the legs of the diagram \eqref{dualpair} and these are in general not presymplectic realizations. Indeed, using expressions for $\omega|_{M}$ that appear in \cite{dirac}, one can check that
\begin{align*}
&(\text{Gr}(\omega)\cap\ker\textbf{s}_{*})|_{M}=0\oplus L\cap TM\subset TM\oplus L,\\
&(\text{Gr}(\omega)\cap\ker(\exp_{\mathcal{V}})_{*}|_{M}=\{(-v,v):v\in L\cap TM\}\subset TM\oplus L,
\end{align*}
so that both legs are presymplectic realizations only when the Dirac structure $L$ is Poisson. In that case, $\omega$ is non-degenerate along $M\subset\Sigma$, so that shrinking $\Sigma$ if necessary, the diagram \eqref{dualpair} is a full dual pair. In particular, the legs of the diagram \eqref{dualpair} are symplectic realizations.
\end{remark}
We obtain the following generalization of Theorem \ref{satsmooth}.
\begin{thm}\label{submanifold}
Let $X\subset(M,L)$ be a regular submanifold.
\begin{enumerate}
\item There exists an embedded invariant submanifold $(P,L_P)\subset (M,L)$ containing $X$ that lies inside the saturation $Sat(X)$.
\item Shrinking $P$ if necessary, there exists a neighborhood $U$ of $X$ in $M$ such that $(P,L_{P})$ is the saturation of $X$ in $(U,L|_{U})$.
\end{enumerate}
\end{thm}
\begin{proof}
The proof is divided into four steps, just like the proof of Theorem \ref{satsmooth}.
\vspace{0.2cm}
\noindent
\underline{Step 1:} Construction of the submanifold $P\subset M$.
\vspace{0.1cm}
\noindent
Choose a spray $\mathcal{V}\in\mathfrak{X}(L)$ and denote by $\exp_{\mathcal{V}}:\Sigma\subset L\rightarrow M$ the corresponding Dirac exponential map. Let $\textbf{s}:L\rightarrow M$ denote the bundle projection. Note that $\exp_{\mathcal{V}}(a)$ and $\textbf{s}(a)$ lie in the same presymplectic leaf of $(M,L)$, for all $a\in L$. Indeed, the path $t\mapsto\varphi_{t}(a)$ is an $A$-path for the Lie algebroid $A=\big(L,[\![\cdot,\cdot]\!],pr_{T}\big)$, covering the path $t\mapsto \textbf{s}(\varphi_{t}(a))$ which connects $\textbf{s}(a)$ with $\exp_{\mathcal{V}}(a)$. In particular, we have that $\exp_{\mathcal{V}}(\Sigma|_{X})\subset Sat(X)$.
Since $X\subset(M,L)$ is regular, we have that $pr_{T}^{-1}(TX)$ is a subbundle of $L|_{X}$, being the kernel of the constant rank bundle map $\overline{pr_{T}}:L|_{X}\rightarrow TM|_{X}/TX$. Choose a complement $L|_{X}=pr_{T}^{-1}(TX)\oplus C$ and consider the restriction $\exp_{\mathcal{V}}:C\cap\Sigma|_{X}\rightarrow M$. It fixes points of $X$, and its differential along $X$ reads \cite[Lemma 7]{dirac}:
\[
(d\exp_{\mathcal{V}})_{x}:T_{x}X\oplus C_{x}\rightarrow T_{x}M:(u,a)\mapsto u+pr_{T}(a).
\]
This map is injective and therefore, shrinking $\Sigma$ if necessary, the map $\exp_{\mathcal{V}}:C\cap\Sigma|_{X}\rightarrow M$ is an embedding by Prop. \ref{embedding}. We set $P:=\exp_{\mathcal{V}}(C\cap\Sigma|_{X})$.
\vspace{0.2cm}
\noindent
\underline{Step 2:} Shrinking $\Sigma$ if necessary, we have that $P=\exp_{\mathcal{V}}(\Sigma|_{X})$.
\vspace{0.1cm}
\noindent
It is enough to show that the restriction of $\exp_{\mathcal{V}}$ to $\Sigma|_{X}$ has constant rank, equal to the rank of $\exp_{\mathcal{V}}|_{(C\cap\Sigma|_{X})}$. To see this, we apply Lemma \ref{rank} to the self-dual pair \eqref{dualpair}, and we obtain that
\[
\ker\big(d(\exp_{\mathcal{V}}|_{\Sigma|_{X}})\big)=\ker(d\exp_{\mathcal{V}})\cap\textbf{s}_{*}^{-1}(TX)
\]
has constant rank, equal to the rank of $pr_{T}^{-1}(TX)\subset L|_{X}$. This implies that the rank of $\exp_{\mathcal{V}}|_{\Sigma|_{X}}$ is constant, equal to
\begin{align*}
rk\big(\exp_{\mathcal{V}}|_{\Sigma|_{X}}\big)&=\dim X+rk(L) -rk\big(pr_{T}^{-1}(TX)\big)\\
&=\dim X+ rk(C)\\
&=rk\big(\exp_{\mathcal{V}}|_{(C\cap\Sigma|_{X})}\big).
\end{align*}
\vspace{0.1cm}
\noindent
\underline{Step 3:} The submanifold $P\subset(M,L)$ is invariant.
\vspace{0.1cm}
\noindent
We have to check that the characteristic distribution $pr_{T}(L)$ of $L$ is tangent to $P$, i.e. that $pr_{T}\big(L_{\exp_{\mathcal{V}}(a)}\big)\subset(d\exp_{\mathcal{V}})_{a}(T_{a}\Sigma|_{X})$ for all $a\in\Sigma|_{X}$.
We will first show that
\[
pr_{T}\big(L_{\exp_{\mathcal{V}}(a)}\big)=(d\exp_{\mathcal{V}})_{a}(W^{\perp_{\omega}}),
\]
where $W$ denotes $\ker(\exp_{\mathcal{V}})_{*}$ as before. To see this, first pick $u+\xi\in L_{\exp_{\mathcal{V}}(a)}$. Then $u-\xi\in -L$, and since the map $\exp_{\mathcal{V}}:(\Sigma,\text{Gr}(\omega))\rightarrow(M,-L)$ is forward Dirac, there exists $v\in T_{a}\Sigma$ such that $v+\iota_{v}\omega$ is $\exp_{\mathcal{V}}$-related with $u-\xi$, i.e.
\[
\begin{cases}
\iota_{v}\omega=\exp_{\mathcal{V}}^{*}(-\xi),\\
u=(d\exp_{\mathcal{V}})_{a}(v).
\end{cases}
\]
This implies that $v\in W^{\perp_{\omega}}$, so $pr_{T}(u+\xi)=u=(d\exp_{\mathcal{V}})_{a}(v)$ is contained in $(d\exp_{\mathcal{V}})_{a}(W^{\perp_{\omega}})$. Conversely, assume that $v\in T_{a}\Sigma$ lies in $W^{\perp_{\omega}}$. Then $\iota_{v}\omega=\exp_{\mathcal{V}}^{*}(\xi)$ for some $\xi\in T_{\exp_{\mathcal{V}}(a)}^{*}M$. This implies that $(d\exp_{\mathcal{V}})_{a}(v)+\xi$ is $\exp_{\mathcal{V}}$-related with $v+\iota_{v}\omega\in\text{Gr}(\omega)$, and since the map $\exp_{\mathcal{V}}:(\Sigma,\text{Gr}(\omega))\rightarrow(M,-L)$ is forward Dirac, we get that $(d\exp_{\mathcal{V}})_{a}(v)+\xi\in -L$, i.e. $(d\exp_{\mathcal{V}})_{a}(v)-\xi\in L$. It follows that $(d\exp_{\mathcal{V}})_{a}(v)\in pr_{T}\big(L_{\exp_{\mathcal{V}}(a)}\big)$.
Consequently, we obtain that
\begin{align}\label{family}
pr_{T}\big(L_{\exp_{\mathcal{V}}(a)}\big)&=(d\exp_{\mathcal{V}})_{a}\big(W^{\perp_{\omega}}\big)\nonumber\\
&=(d\exp_{\mathcal{V}})_{a}\big(V+W\cap K\big)\nonumber\\
&\subset(d\exp_{\mathcal{V}})_{a}\big(\textbf{s}_{*}^{-1}(TX)\big)\nonumber\\
&=(d\exp_{\mathcal{V}})_{a}(T_{a}\Sigma|_{X}),
\end{align}
where the second equality uses \cite[Lemma 3]{dirac}, and the third equality holds because $W=\ker(\exp_{\mathcal{V}})_{*}$ and $V=\ker\textbf{s}_{*}\subset \textbf{s}_{*}^{-1}(TX)$. This proves Step 3.
\vspace{0.2cm}
\noindent
\underline{Step 4:} Construction of the neighborhood $U$ of $X$.
\vspace{0.1cm}
\noindent
The proof is completely analogous to the proof of Step 4 in Theorem \ref{satsmooth}. We want to extend the map $\exp_{\mathcal{V}}:C\cap\Sigma|_{X}\rightarrow M$ to a local diffeomorphism. To do so, we choose a complement
\[
TM|_{X}=TX\oplus\left(pr_{T}(C)\oplus E\right)
\]
and a linear connection $\nabla$ on $TM$. We obtain a map
\[
\psi:O\subset(C\oplus E)\rightarrow M:(a,e)\mapsto\exp_{\nabla}\left(Tr_{\exp_{\mathcal{V}}(ta)}e\right),
\]
which is a diffeomorphism onto an open neighborhood of $X$.
Here $O$ is a suitable convex neighborhood of the zero section, and $Tr_{\exp_{\mathcal{V}}(ta)}$ denotes parallel transport along the curve $t\mapsto\exp_{\mathcal{V}}(ta)$ for $t\in[0,1]$. Note that $\psi(a,0)=\exp_{\mathcal{V}}(a)$, so shrinking $P$, we can assume that $P=\psi(O\cap (C\oplus\{0\}))$. Setting $U:=\psi(O)$ finishes the proof.
\end{proof}
In the following, we denote by $(P,L_P)$ the Dirac manifold constructed in Thm. \ref{submanifold}; we refer to it as the \textbf{local Dirac saturation} of $X$. As a consequence of the normal form around Dirac transversals \cite{eulerlike}, \cite{dirac}, this Dirac manifold is determined around $X$ by the pullback of $L$ to $X\subset(M,L)$, up to diffeomorphisms and exact gauge transformations. We will reprove this result, continuing the argument of Theorem \ref{submanifold}. We need the following Dirac version of Lemma \ref{diracpair}.
\begin{lemma}
Let $i:X\hookrightarrow (M,L)$ be a regular submanifold with local Dirac saturation $(P,L_P)$. Then the following is a weak Dirac dual pair, in the sense of \cite{dirac}:
\begin{equation}\label{weakpair}
\begin{tikzcd}
(X,i^{*}L)&\big(\Sigma|_{X},\text{Gr}(\omega|_{X})\big)\arrow{r}{\exp_{\mathcal{V}}}\arrow[l,"\mathbf{s}",swap]&(P,-L_{P}).
\end{tikzcd}
\end{equation}
That is, $\mathbf{s}$ and $\exp_{\mathcal{V}}$ are surjective forward Dirac submersions and
\begin{align}
&\omega|_{X}(S_{1},S_{2})=0,\label{prop1}\\
&rk(S_{1}\cap \widetilde{K}\cap S_{2})=\dim \Sigma|_{X}-\dim X-\dim P,\label{prop2}
\end{align}
where $S_{1}:=\ker \mathbf{s}_{*},S_{2}:=\ker (\exp_{\mathcal{V}})_{*}$ and $\widetilde{K}:=\ker(\omega|_{X})$.
\end{lemma}
\begin{proof}
The only non-trivial part is that the equality \eqref{prop2} holds. The other claims are proved exactly like in Lemma \ref{diracpair}, so we don't address them here.
To prove \eqref{prop2}, note that $S_{1}\cap \widetilde{K}\cap S_{2}=V\cap (\textbf{s}_{*}^{-1}(TX))^{\perp_{\omega}}\cap W$, where $V,W$ are the vertical distributions of the original dual pair \eqref{dualpair}. Note that for any subspace $U_a\subset(T_{a}\Sigma,\omega_{a})$, we have
\[
\dim (U_a^{\perp_{\omega}})=\dim (T_a\Sigma)-\dim (U_a)+\dim(U_a\cap K_a),
\]
where $K:=\ker\omega$.
It follows that a family $U\subset T\Sigma$ of linear subspaces has constant rank if both $U^{\perp_{\omega}}$ and $U\cap K$ have constant rank. On one hand, we have
\[
\big(V\cap (\textbf{s}_{*}^{-1}(TX))^{\perp_{\omega}}\cap W\big)\cap K=0,
\]
since $V\cap K\cap W=0$. On the other hand, we have
\begin{align*}
\big(V\cap (\textbf{s}_{*}^{-1}(TX))^{\perp_{\omega}}\cap W\big)^{\perp_{\omega}}&=V^{\perp_{\omega}}+\big((\textbf{s}_{*}^{-1}(TX))^{\perp_{\omega}}\big)^{\perp_{\omega}}+W^{\perp_{\omega}}\\
&=V^{\perp_{\omega}}+\textbf{s}_{*}^{-1}(TX)+K+W^{\perp_{\omega}}\\
&=V^{\perp_{\omega}}+\textbf{s}_{*}^{-1}(TX)+W^{\perp_{\omega}}\\
&=W+V\cap K+\textbf{s}_{*}^{-1}(TX)+V+W\cap K\\
&=W+\textbf{s}_{*}^{-1}(TX)+V\\
&=W+\textbf{s}_{*}^{-1}(TX).
\end{align*}
In the fourth equality, we use \cite[Lemma 3]{dirac}. Using Lemma \ref{rank}, we have now proved that $S_{1}\cap \widetilde{K}\cap S_{2}=V\cap (\textbf{s}_{*}^{-1}(TX))^{\perp_{\omega}}\cap W$ has constant rank. The rank is given by
\begin{align*}
rk\big(V\cap (\textbf{s}_{*}^{-1}(TX))^{\perp_{\omega}}\cap W\big)&=rk(T\Sigma)-rk(W+\textbf{s}_{*}^{-1}(TX))\\
&=rk(T\Sigma)-rk(W)-rk(\textbf{s}_{*}^{-1}(TX))+rk(W\cap\textbf{s}_{*}^{-1}(TX))\\
&=\dim(L) - rk(W)-\dim(X)-rk(V)+rk(pr_{T}^{-1}(TX))\\
&=\dim (M)-\dim(\exp_{\mathcal{V}}(\Sigma|_{X}))+rk(L)-rk(V)\\
&=\dim(\Sigma)-rk(V)-\dim(\exp_{\mathcal{V}}(\Sigma|_{X}))\\
&=\dim(\Sigma|_{X})-\dim(X)-\dim(\exp_{\mathcal{V}}(\Sigma|_{X})).
\end{align*}
This is exactly the rank condition \eqref{prop2}, so the proof is finished.
\end{proof}
\begin{cor}\label{diractransversal}
The local Dirac saturation of a regular submanifold $i:X\hookrightarrow(M,L)$ is determined around $X$ by the pullback Dirac structure $i^{*}L$, up to diffeomorphisms and exact gauge transformations.
\end{cor}
\begin{proof}
Applying \cite[Prop.6]{dirac} to the diagram \eqref{weakpair}, we have the following equality of Dirac structures on $\Sigma|_{X}$:
\begin{equation}\label{dir}
(\textbf{s}^{*}(i^{*}L))^{-\omega|_{X}}=(\exp_{\mathcal{V}})^{*}L_{P}.
\end{equation}
Choose a complement $L|_{X}=pr_{T}^{-1}(TX)\oplus C$ and let $j:C\hookrightarrow L|_{X}$ denote the inclusion. Since $j$ is transverse to the leaves of the Dirac structure \eqref{dir}, we can pull it back to $C\cap\Sigma|_{X}$, and we obtain
\[
(\textbf{s}^{*}(i^{*}L))^{-j^{*}\omega|_{X}}=(\exp_{\mathcal{V}}\circ j)^{*}L_{P},
\]
which is an equality of Dirac structures on $C\cap\Sigma|_{X}$. We showed in Theorem \ref{submanifold} that $\exp_{\mathcal{V}}\circ j$ is a diffeomorphism from $C\cap\Sigma|_{X}$ onto $P$. Moreover, since the pullback of $-j^{*}\omega|_{X}$ to $X\subset C\cap\Sigma|_{X}$ vanishes, it is exact on a neighborhood of $X$, by the relative Poincar\'e lemma. This implies the statement of the corollary.
\end{proof}
\begin{remark}
As mentioned before, Corollary \ref{diractransversal} agrees with the normal form around Dirac transversals \cite{eulerlike},\cite{dirac}. Note indeed that $X$ is a transversal in $(P,L_P)$ since
\[
TP|_{X}=TX+pr_{T}(C)=TX+pr_{T}(L|_{X})=TX+pr_{T}(L_P|_{X}).
\]
Here the last equality holds since $pr_{T}(L|_{X})\subset TP|_{X}$. This implies that, if $u+\xi\in L|_{X}$, then $u+\iota^{*}\xi\in L_P|_{X}$ where $\iota:P\hookrightarrow M$ is the inclusion. So indeed, $pr_{T}(L|_{X})=pr_{T}(L_P|_{X})$.
\end{remark}
\section{Appendix}
We prove a result in differential topology that may be of independent interest. It should be standard, but we could not find a reference in the literature. The statement is well-known under the stronger assumption that the derivative of the map is an isomorphism along the zero section \cite[Lemma 6.1.3]{mukherjee}. Our strategy is to reduce the proof to this case.
\begin{prop}\label{embedding}
Let $E\rightarrow N$ be a vector bundle, and let $\varphi:E\rightarrow M$ be a smooth map satisfying
\begin{equation}\label{assumptions}
\begin{cases}
\varphi|_{N}\ \text{is an embedding}\\
(d\varphi)_{p}\ \text{is injective}\ \forall p\in N
\end{cases}.
\end{equation}
Then there is a neighborhood $U\subset E$ of $N$ such that $\varphi|_{U}$ is an embedding.
\end{prop}
\begin{proof}
We get a vector subbundle $d\varphi|_{N}(E)\subset TM|_{\varphi(N)}$ which has trivial intersection with $T\varphi(N)$. Choose a complement $C$ to $d\varphi|_{N}(E)\oplus T\varphi(N)$ in $TM|_{\varphi(N)}$, i.e.
\[
TM|_{\varphi(N)}=T\varphi(N)\oplus d\varphi|_{N}(E)\oplus C.
\]
Fix a linear connection $\nabla$ on $TM$, and define a map
\[
\psi:E\oplus (\varphi|_{N})^{*}C\rightarrow M:(e,c)\rightarrow \exp_{\nabla}\big(Tr_{\varphi(te)}c\big),
\]
where $Tr_{\varphi(te)}$ denotes parallel transport along the curve $t\mapsto \varphi(te)$ for $t\in[0,1]$. Note the slight abuse of notation, since the map $\psi$ is only defined on a small enough neighborhood of the zero section $N$. Clearly, $\psi$ satisfies the following properties:
\begin{itemize}
\item $\psi$ restricts to $\varphi|_{N}$ along the zero section $N$.
\item For $p\in N$ and a vertical tangent vector $(e,c)\in T_{p}\big(E\oplus (\varphi|_{N})^{*}C\big)$, we have
\begin{align*}
(d\psi)_{p}(e,c)&=\left.\frac{d}{ds}\right|_{s=0}\psi(s e,0)+\left.\frac{d}{ds}\right|_{s=0}\psi(0,s c)\\
&=\left.\frac{d}{ds}\right|_{s=0}\exp_{\nabla}\big(0_{\varphi(se)}\big)+\left.\frac{d}{ds}\right|_{s=0}\exp_{\nabla}(sc)\\
&=\left.\frac{d}{ds}\right|_{s=0}\varphi(se)+c\\
&=(d\varphi)_{p}(e)+c,
\end{align*}
which shows that $d\psi$ is an isomorphism at points of the zero section.
\item We have that $\psi(e,0)=\varphi(e)$, i.e. the following diagram commutes:
\begin{equation}\label{diag}
\begin{tikzcd}[column sep=large, row sep=large]
& E\oplus(\varphi|_{N})^{*}C\arrow[d,"\psi"] \\
E\arrow[r,"\varphi"]\arrow[ru,hookrightarrow] & M
\end{tikzcd}
\end{equation}
\end{itemize}
Using the first and second bullet point above, the inverse function theorem for submanifolds (e.g. \cite[Lemma 6.1.3]{mukherjee}) shows that $\psi$ is an embedding on a neighborhood of $N$. Since also the inclusion $E\hookrightarrow E\oplus(\varphi|_{N})^{*}C$ on the left in \eqref{diag} is an embedding, it follows that $\varphi$ is an embedding on a neighborhood of $N$ in $E$.
\end{proof}
\begin{remark}\label{nbhd}
If a map $\varphi:U\subset E\rightarrow M$ satisfying the assumptions \eqref{assumptions} of Proposition \ref{embedding} is only defined on a neighborhood $U\subset E$ of $N$, then the conclusion of the proposition still holds. This can be obtained, for instance, by constructing a smooth map $\mu:E\rightarrow E$ such that $\mu(E)\subset U$ and $\mu=\text{Id}$ near $N$ (see \cite[Chapter 4, \S5]{hirsch}). Then Proposition \ref{embedding} implies that the composition $\varphi\circ\mu:E\rightarrow M$ is an embedding on a neighborhood of $N$, hence the same holds for $\varphi$.
\end{remark}
|
\section{Introduction}
\label{sec:1}
The Canham-Helfrich energy (or short Helfrich energy) is defined for a two dimensional smooth, orientable surface $S\subset \R^3$ with mean curvature $H$ by
\begin{equation}
\label{eq:1_1}
W_{H_0}(S) = \int_S (H-H_0)^2\, dA.
\end{equation}
Here $H_0\in\R$ is called spontaneous curvature. This energy is used in e.g. modelling the shape of lipid bilayers, see e.g. \cite{Helfrich} or red blood cells, see \cite{Canham}. In more layman's terms lipid bilayers form the boundary of depots in biological cells. These kind of depots are called vesicles. The thickness of these boundaries is usually small compared to the whole vesicle, hence modelling the shape of it by a two-dimensional surface is feasible (see figure \ref{fig_1}).
\begin{figure}
\begin{center}
\includegraphics{Sketch_Vesicle.eps}
\end{center}
\caption{Sketch of a vesicle with homogeneous lipid bilayer.}
\label{fig_1}
\end{figure}
The parameter $H_0$ represents an asymmetry of the lipid bilayer. I.e. it has been observed, that it has a prefered curvature, which is dependent on the material the bilayer consists of (see e.g. \cite{LipowskiReview} and the references therein).
Since the bilayer itself does not consist of a homogeneous material, it may happen that the spontaneous curvature differs throughout the bilayer. Then it has been observed that two phases of the bilayer form, each having their own prefered spontaneous curvature. These different phases usually do not mingle, but rather form a sharp contact line (see e.g. \cite{BaumgartHessWebb} for some experimental results or \cite{HuWeiklLip} for some numerical simulations).
The Helfrich energy has been adapted to model this kind of behaviour in \cite{JuelichLip1} and \cite{JuelichLip2}.
Let us describe this model now (cf. figure \ref{fig_2}).
\begin{figure}
\begin{center}
\includegraphics{sketch_domain_dependent_surface.eps}
\end{center}
\caption{Sketch of a surface with domain/phase seperation.}
\label{fig_2}
\end{figure}
Let $S\subset \R^3$ be an oriented compact two dimensional surface with scalar mean curvature $H$. Furthermore we describe the two different lipid bilayers by a function $\phi:S\rightarrow\{0,1\}$, i.e. $x\in S$ belongs to the bilayer of type $i\in\{0,1\}$, iff $\phi(x)=i$. We call this type phase or domain. The spontaneous curvature is now a function depending on the phase, i.e. $H_0:\{0,1\}\rightarrow \R$.
Since the phases have been seperated, it is natural to assume, that their contact is minimal. Hence the length of the contact line should be minimised as well (see e.g. \cite{JuelichLip1} and the references therein). For that let $J\subset S$ be the jump set of $\phi$ and let it be a one-dimensional curve (in the Hausdorff sense, see e.g. \cite[§2.1]{EvansGariepy} and \cite[§2]{Simon_Buch} for additional informations). Then the domain dependend Helfrich energy (or phase dependent Helfrich energy) is defined by
\begin{equation}
\label{eq:1_2}
W_{H_0,\sigma}(S,\phi) = \int_S(H(x)-H_0(\phi(x)))^2\, dA + \sigma\mathcal{H}^1(J).
\end{equation}
We call the term $\sigma\mathcal{H}^1(J)$ line tension. Here $\sigma\in\R$ is a parameter describing the contribution of the length of $J$.
The aim of this article is to calculate an Euler-Lagrange equation on $J$. The theorem for $S$ being in $C^1$ is as follows:
\begin{theorem}
\label{1_1}
Let $S\subset R^3$ be an oriented surface with mean curvature $H$ and phase seperation $\phi:S\rightarrow\{0,1\}$. We assume $S$ to be a $C^1$ surface.
Furthermore $S|_{\{\phi=i\}}$ is supposed to be in $C^4$, such that the derivatives up to third order can be extended to the contact line $J$ (i.e. the jump set of $\phi$) for $i=0,1$.
Now we additionally assume $(S,\phi)$ to be critical for $W_{H_0,\sigma}$, i.e. for any smooth vectorfield $V\in \C^\infty_c(\R^3,\R^3)$ and their associated flow $\Phi:\R^3\times \R\rightarrow\R$ we have
\begin{equation*}
0=\frac{d}{dt}W_{H_0,\sigma}(\Phi(S,t),\phi(\Phi(\cdot,t))).
\end{equation*}
Finally we assume $J$ to be of class $C^{1,1}$.
We call $H^i$ the extension of the scalar mean curvature of $S|_{\{\phi=i\}}$ to $J$. This extension satisfies
\begin{equation}
\label{eq:1_3}
H^0(x) - H_0(0) = H^1(x)-H_0(1)
\end{equation}
for all $x\in J$.
\end{theorem}
Unfortunately there are some experimental results in \cite{BaumgartHessWebb}, which indicate, that $S$ is not necessarily $C^1$, but only $C^0$. In this case \eqref{eq:1_3} becomes:
\begin{equation}
\label{eq:1_3_1}
H^i(x) - H_0(i) = 0\mbox{ for all }x\in J\mbox{ and }i=0,1.
\end{equation}
A precise statements for $S$ being a graph is given in Theorem \ref{1_2_1}.
The equalities \eqref{eq:1_3} and \eqref{eq:1_3_1} have first been observed in \cite{JuelichLip1} and \cite{JuelichLip2} for $S$ and $J$ being axially symmetric.
Unfortunately as seen in the experiments conducted in \cite{BaumgartHessWebb} and the numeric in \cite{HuWeiklLip} this symmetry cannot be expected in general.
Equations \eqref{eq:1_3} and \eqref{eq:1_3_1} have been extended to the more general case of surfaces in \cite[Problem 2.16]{ElliottStinner_2010} (see also \cite[Eq. (4.12)]{Wutz_2017} for a more background information).
There $J$ is usually assumed to be smooth. Here we will lower this requirement to $C^{1,1}$.\\
The proof involves finding a suitable test function for the first variation. In this argument the signed distance function (and its regularity) of $J$ will be paramount. There we will follow an argument given by Foote in \cite{Foote}.\\
Existence of minimisers of the phase dependend Helfrich energy were first shown in \cite{ChoksiMorandottiVeneroni} for axially symmetric surfaces. Later in \cite{BrazdaLussardiStefanelli} this was extended to the more general class of curvature varifolds. Unfortunately regularity for this varifold minimiser and the corresponding contact line is still mainly open.
Our Theorem \ref{1_1} shows that equality \eqref{eq:1_3} (rsp. \eqref{eq:1_3_1}) has to be incorporated into such a proof, since it is a necessary condition for regularity. How to do this and if (and how) one can show \eqref{eq:1_3} for such a minimizer, are open questions for future research.
A phase field approach of the phase dependend Helfrich energy for axially symmetric surfaces and the corresponding analysis can be found in \cite{Helmers1} and \cite{Helmers2}. A parametric finite element approach to the corresponding flow of axially symmetric surfaces has been done recently in \cite{GarckeNuernberg}.
Further numerical studies for more general surfaces for the corresponding flow have been conducted in e.g. \cite{BarretGarckeNuernberg} with a phase field apprach and \cite{BarrettGarckeNuernberg_2} in a sharp interface setting. In \cite[§3]{BarrettGarckeNuernberg_2} a weaker version of the flow was formulated, which does not need as much regularity. Furthermore an analogue formulation for flows of \eqref{eq:1_3} has been given in \cite[Eq. (1.4a)]{BarrettGarckeNuernberg_2}.
Without the phase dependency the available literatur is quite vast and developing quite rapidly. A calculation of the Euler-Lagrange equation without phase dependencies has already been done in \cite{OuYang_Helfrich}. There are also several existence results, e.g. in the axially symmetric case \cite{ChoksiVeroni}, \cite{DeckDoemGrunau}, for graphs \cite{DeckGruRoe} and for compact immersions \cite{MondinoScharrer}, \cite{EichmannHelfrichClosed}. Further some other modifications to the Helfrich energy have been analysed, e.g. adding an elastic energy for the boundary in \cite{PalmerPampano}. Also some stability results in \cite{Lengeler} and \cite{BernardWheeler} are available.
If we additionally consider $H_0=0$ our energy becomes the famous Willmore energy. We refer to the survey articles \cite{KuwertSchaetzleSurvey}, \cite{GrunauWillmoreSurvey}, \cite{HellerPedit}, the seminal paper of Willmore \cite{Willmore} and the proof of the Willmore conjecture \cite{NevesMarques} in this case.
\subsection{Strategy of the proof}
\label{sec:1_1}
Since equation \eqref{eq:1_3} is of local nature, we can assume without loss of generality $S$ to be a graph of a function $u:\Omega\rightarrow\R$ with $\Omega\subset \R^2$ a smooth domain. Let us further refine the phase seperation $\phi$ in this case: Let $A_i\subset \Omega$ be the maximal open set on which $\phi(\graph u|_{A_i})=i$. For the proof let $E$ be the contact line in the parameter region $\Omega$, i.e. $E:=\Omega\setminus(A_0\cup A_1)$ (or the projection of $E$ onto $\Omega$). Then $E$ is a $C^{1,1}$ curve by our assumptions on $J$ in Theorem \ref{1_1}.
In this case we call $A_0,A_1$ a phase seperation of $\Omega$ with contact line $E$.
The phase dependend Helfrich energy for graphs is
\begin{align}
\label{eq:1_4}
\begin{split}
&W_{H_0,\sigma}(u, (A_0,A_1))\\
:=& \int_\Omega (H_u(x)- H_0(\phi(u(x),x))^2\sqrt{1+|\nabla u(x)|^2}\, dx + \sigma\mathcal{H}^1(\graph u|_E).
\end{split}
\end{align}
We reformulate Theorem \ref{1_1} for graphs:
\begin{theorem}
\label{1_2}
Let $\Omega\subset \R^2$ be an open bounded set. Furthermore let $A_0,A_1\subset \Omega$ be a phase seperation of $\Omega$ with contact line $E$. Now let $u\in C^1(\Omega)$ and
$u|_{A_i}\in C^{4}(A_i)\cap C^3(\overline{A_i})$ be a critical point of $u\mapsto W_{H_0,\sigma}(u, (A_0,A_1))$, i.e. for all $\varphi\in C^\infty_0(\Omega)$ we have
\begin{equation*}
0=\frac{d}{dt}W_{H_0,\sigma}(u + t\varphi, (A_0,A_1))|_{t=0}.
\end{equation*}
Furthermore we assume $E$ to be of class $C^{1,1}$.\\
Then the derivatives of $u$ up to the order of $3$ can be extended continuously to $E$. We call this extension $u_{A_i}$ and the corresponding extension of the mean curvature of $\graph u$ is $H_{u_{A_i}}$. Then for every $x\in E$ we have
\begin{equation*}
H_{u_{A_0}}(x) - H_0(0) = H_{u_{A_1}}(x) - H_0(1).
\end{equation*}
\end{theorem}
The formulation of \eqref{eq:1_3_1} as a Theorem for graphs is as follows:
\begin{theorem}
\label{1_2_1}
Let $\Omega\subset \R^2$ be open and bounded. Furthermore let $A_0,A_1\subset \Omega$ be a phase seperation of $\Omega$ with contact line $E$. Now let $u\in C^0(\Omega)$ and
$u|_{A_i}\in C^{4}(A_i)\cap C^3(\overline{A_i})$ be a critical point of $u\mapsto W_{H_0,\sigma}(u, (A_0,A_1))$, i.e. for all
\begin{align*}
\varphi\in &\{\psi:\Omega\rightarrow\R|\ \psi|_{A_i}\in C^\infty(A_i)\mbox{ s.t. }D^k\psi\\ &\mbox{ is uniformely continuous for }k=1,2,3\mbox{ and }\operatorname{supp}\psi\subset \Omega\}
\end{align*}
we have
\begin{equation*}
0=\frac{d}{dt}W_{H_0,\sigma}(u + t\varphi, (A_0,A_1))|_{t=0}.
\end{equation*}
Furthermore we assume $E$ to be of class $C^{1,1}$.\\
Then the derivatives of $u$ up to the order of $3$ can be extended continuously to $E$. We call this extension $u_{A_i}$ and the corresponding extension of the mean curvature of $\graph u$ is $H_{u_{A_i}}$. Then for every $x\in E$ and $i=0,1$ we have
\begin{equation*}
H_{u_{A_i}}(x) - H_0(i) = 0.
\end{equation*}
\end{theorem}
The proof of Theorem \ref{1_2} requires two ingredients: First we calculate an Euler-Lagrange equation in section \ref{sec:2}, which will give us a condition on the boundary with test functions in $C^1$. The other step is showing the existence of a suitable test function itself, which will boil down to showing the signed distance function for $E$ is $C^1$ close to and on $E$. We will demonstrate this in section \ref{sec:3}.
Section \ref{sec:4} is dedicated to bringing all arguments together to finish the proof. There we also explain the changes needed to obtain Theorem \ref{1_2_1}
\begin{remark}
\label{1_3}
Since $E$ is of Class $C^{1,1}$ the corresponding phase seperation $A_0,A_1$ of $\Omega$ satisfies
\begin{equation*}
\mathcal{L}^2(\Omega\setminus (A_0\cup A_1))=0\mbox{ and }A_0\cap A_1=\emptyset.
\end{equation*}
This will allow us to seperate the area integral in \eqref{eq:1_4} in two distinct parts.
\end{remark}
\section{A necessary condition for criticality}
\label{sec:2}
Under the assumptions of Theorem \ref{1_2}, we will show the following Euler-Lagrange equation on $E$ (see e.g. \cite{ElliottStinner_2010}) for a function $\varphi\in C^1_0(\Omega)$, which is zero on $E$.
\begin{align}
\label{eq:2_1}
\begin{split}
&0=\int_E\left(\langle \nabla \varphi,n_E\rangle - \sum_{i,j=1}^2\frac{(n_E)_i\partial_j \varphi\partial_i u \partial_j u }{1+|\nabla u|^2} \right)\\&\cdot\left(H_{u_{A_0}} - H_0(0) - (H_{u_{A_1}} - H_0(1))\right)\, d\mathcal{H}^1.
\end{split}
\end{align}
Here $n_E$ is a normal of $E$. In case the $A_i$ are only Caccioppoli it is the corresponding measure theoretic normal (see \cite[p. 169]{EvansGariepy}).
By Remark \ref{1_3} we have $\mathcal{L}^2(\Omega\setminus(A_0\cup A_1))=0$ and $A_0\cap A_1=\emptyset$.
Hence
\begin{align*}
W_{H_0,\sigma}(u,(A_0,A_1)) =& \sigma\mathcal{H}^1(\graph u|_E)\\
& + \sum_{i=1}^2\int_{A_i} \left(H_u - H_0(i)\right)^2\sqrt{1+|\nabla u|^2}\,dx
\end{align*}
and therefore we only need to calculate the derivative of the bulk term on $A_i$.
First we assume $\varphi$ to be smooth. Afterwards we get our result by approximation.
Let us start with the mean curvature of the variation (see e.g. \cite[Eq. (8)]{DeckGruRoe} for a formula for the mean curvature of graphs):
\begin{align*}
H_{u+t\varphi} =& \sum_{i=1}^2\partial_i\left(\frac{\partial_i(u+t\varphi)}{\sqrt{1+\sum_j(\partial_ju + t\partial_j\varphi)^2}}\right)\\
=& \sum_{i=1}^2\frac{\partial_i^2(u+t\varphi)}{\sqrt{1+|\nabla(u+t\varphi)|^2}}\\
& - \sum_{i=1}^2\frac{\partial_i(u+t\varphi)\sum_{j=1}^2(\partial_ju+ t\partial_j\varphi)(\partial_i\partial_j u + t\partial_i\partial_j\varphi)}{\left(1+\sum_{j=1}^2(\partial_j u + t\partial_j\varphi)^2\right)^\frac{3}{2}}
\end{align*}
Hence
\begin{align*}
\frac{d}{dt}H_{u+t\varphi}|_{t=0}=& \sum_i\frac{\partial_i^2 \varphi}{\sqrt{1+|\nabla u|^2}} - \sum_{i,j}\frac{\partial_i^2u\partial_j\varphi\partial_ju}{(1+|\nabla u|^2)^\frac{3}{2}}\\
&-\sum_{i,j}\frac{\partial_i\varphi\partial_j u\partial_{i}\partial_j u + \partial_iu\partial_j\varphi\partial_i\partial_j u + \partial_i u\partial_j u \partial_i\partial_j \varphi}{(1+|\nabla u|^2)^\frac{3}{2}}\\
& + \sum_{i,j,k}\frac{3\partial_i u \partial_j u \partial_i\partial_j u\partial_k\varphi\partial_k u}{(1+|\nabla u|^2)^\frac{5}{2}}.
\end{align*}
Since we assume boundedness for $u$ and the derivatives, the dominated convergence theorem yields
\begin{align*}
&\frac{d}{dt}\int_{A_i} |H_{u+t\varphi} - H_0(i)|^2\sqrt{1+|\nabla (u +t\varphi)|^2}\, dx|_{t=0}\\
=& \int_{A_i}2(H_u-H_0(i))\frac{d}{dt}(H_u+t\varphi)|_{t=0}\sqrt{1+|\nabla u|^2}\\
& + |H_u - H_0(i)|^2\frac{\langle \nabla u,\nabla \varphi\rangle}{\sqrt{1+|\nabla u|^2}}\, dx
\end{align*}
Now using partial integration twice, we obtain as the bulk term the usual Helfrich equation, which is zero by only utilising test functions from $C^\infty_0(A_i)$, and the rest of the boundary terms. Almost all of these boundary terms are zero, because $\varphi=0$ on $E$. Only the ones remain, where originally the second derivatives of $\varphi$ were present:
\begin{align*}
&\frac{d}{dt}\int_{A_i} |H_{u+t\varphi} - H_0(i)|^2\sqrt{1+|\nabla (u +t\varphi)|^2}\, dx|_{t=0}\\
=& 2\int_E \left(\langle\nabla \varphi, n_E\rangle - \sum_{i,j}\frac{\partial_j\varphi\partial_i u\partial_j u (n_E)_i}{1+|\nabla u|^2}\right)(H_{u_{A_i}}-H_0(i))\, d\mathcal{H}^1\lfloor E.
\end{align*}
Since we have this term twice with opposite signs (we use the same normal $n_E$ for both $A_0$ and $A_1$ in the partial integration), we obtain \eqref{eq:2_1}.
\section{The signed distance function}
\label{sec:3}
In this section let $c:[a,b]\rightarrow \R^2$ be an injective, regular curve with $c\in C^{1,1}$ and being parametrised by arclength.
We will show, that there exists a neighbourhood of $c$, such that the signed distance function is in $C^1$.
We will follow the presentation of \cite{Foote}. First we start by showing that the projection is well defined:
\begin{lemma}
\label{3_1}
For all $x\in c((a,b))$ exists a $\delta>0$ such that the Projection
\begin{equation*}
P:B_{\frac{\delta}{2}}(x)\rightarrow c((a,b))\cap B_\delta(x)
\end{equation*}
is well defined, i.e. for all $y\in B_{\frac{\delta}{2}}(x)$ the nearest point on the curve $c$ is unique.
\end{lemma}
\begin{proof}
We proceed by contradiction and assume we find a sequence $y_n\in B_{\frac{1}{2n}}(x)$ and $t_n^1<t_n^2\in (a,b)$, such that
\begin{equation*}
\operatorname{dist}(y_n, c((a,b))\cap B_{\frac{1}{n}}(x)) = |c(t_n^1)-y_n| = |c(t^2_n)-y_n|
\end{equation*}
For $i=1,2$ we have
\begin{align}
\begin{split}
\label{eq:3_0_1}
0=& \partial_t|c(t)-y_n|^2|_{t=t_n^i}\\
=& 2\langle\dot{c}(t_n^i),c(t_n^i)\rangle - 2\langle \dot{c}(t_n^i),y_n\rangle
\end {split}
\end{align}
and therefore $\dot{c}(t_n^i)$ is orthogonal to $c(t_n^i)-y_n$.
Let $\nu:(a,b)\rightarrow \mathbb{S}^1$ be a choosen lipschitz continuous unit normal of $c$ with Lipschitz constant $L>0$.
Then we find $\lambda_n^i$, satisfying
\begin{equation*}
c(t_n^i)-y_n = \lambda_n^i \nu(t_n^i)
\end{equation*}
and therefore
\begin{equation*}
\lambda_n^i = \pm \operatorname{dist}(y_n, c((a,b))\cap B_{\frac{1}{n}}(x)).
\end{equation*}
If we choose $n$ big enough, the curve $c$ seperates $B_{\frac{1}{n}}(x)$ into two connected regions (see Figure \ref{fig_3}), since $c\in C^{1,1}$.
\begin{figure}
\begin{center}
\includegraphics{sketch_minimaldistance_contradiction.eps}
\end{center}
\caption{Sketch of nonuniqueness situation with normals.}
\label{fig_3}
\end{figure}
Hence we can assume without loss of generality
\begin{equation*}
\lambda_n^i = \operatorname{dist}(y_n, c((a,b))\cap B_{\frac{1}{n}}(x)).
\end{equation*}
Hence $0<\lambda_n^i\leq \frac{1}{n}$, independent of $i$ (i.e. $\lambda_n=\lambda_n^1=\lambda_n^2$) and furthermore
\begin{equation*}
c(t_n^i)-y_n=\lambda_n \nu(t_n^i).
\end{equation*}
Subtracting these two equations yields
\begin{equation*}
c(t_n^1) -c(t_n^2) = \lambda_n \nu(t_n^1) - \lambda_n\nu(t_n^2).
\end{equation*}
By the mean value theorem we find $\xi_{n,1},\xi_{n,2}\in (t_n^1,t_n^2)$ with
\begin{equation*}
\left|\left(\begin{array}{c}\dot{c}^1(\xi_{n,1})\\ \dot{c}^2(\xi_{n,2})\end{array}\right)\right||t_n^1-t_n^2| = \lambda_n|\nu(t_n^1)-\nu(t_n^2)|\leq L\lambda_n|t_n^1 - t_n^2|.
\end{equation*}
Since $c$ is parametrised by arclength and $|t_n^1-t_n^2|\rightarrow 0$, we have for $n\rightarrow\infty$
\begin{equation*}
\left|\left(\begin{array}{c}\dot{c}^1(\xi_{n,1})\\ \dot{c}^2(\xi_{n,2})\end{array}\right)\right|\rightarrow 1.
\end{equation*}
Hence there is a constant $\varepsilon>0$ and $n_0=n_0(\varepsilon)\in\N$ such that for every $n\geq n_0$ we have
\begin{equation*}
\left|\left(\begin{array}{c}\dot{c}^1(\xi_{n,1})\\ \dot{c}^2(\xi_{n,2})\end{array}\right)\right|\geq 1-\varepsilon.
\end{equation*}
All in all we get
\begin{equation*}
1-\varepsilon \leq \frac{1}{n}L
\end{equation*}
for every $n\geq n_0$, which is a contradiction.
\end{proof}
\begin{remark}
\label{3_1_1}
Sets on which the projection is locally unique are called sets with positive reach. This notion goes back to \cite{FedererCurvature} and has been characterised very well recently in \cite{RatajZaj} (see also the references therein). In our case the arguments are a lot simpler, hence we provided them for the sake of completeness in Lemma \ref{3_1}.\\
The characterisation in \cite{RatajZaj} is essentially a $C^{1,1}$ regularity assumption for the set in question. In this sense our method is optimal, though we do not know, whether the regularity assumption of $E$ in our theorems is optimal as well.
\end{remark}
The next lemma shows, that the projection $P$ is continuous. The proof given here is by Federer \cite[4.8(4)]{FedererCurvature}
\begin{lemma}[see \cite{FedererCurvature}]
\label{3_2}
Let $x\in c((a,b))$ and $\delta>0$ as in Lemma \ref{3_1}. Then the projection $P$ on the curve $c$
\begin{equation*}
P:B_{\frac{\delta}{2}}(x)\rightarrow c((a,b))\cap B_\delta(x)
\end{equation*}
is continuous.
\end{lemma}
\begin{proof}
Let us assume the opposite. Thereby we find a sequence $y_i\in B_\frac{\delta}{2}(x)$ with $y_i\rightarrow y\in B_\frac{\delta}{2}(x)$
and an $\varepsilon>0$ such that
\begin{equation*}
|P(y)-P(y_i)|\geq \varepsilon
\end{equation*}
for every $i\in\N$.
Since $P(y_i)\in B_\delta(x)$ the sequence $P(y_i)$ is bounded. After choosing a subsequence and relabeling, we get an $a\in \overline{B_\delta(x)}\cap c([a,b])$ with $P(y_i)\rightarrow a$.
Furthermore the distance function is Lipschitz and therefore we obtain
\begin{equation*}
\frac{\delta}{2}>\operatorname{dist}(y,c((a,b))) = \lim_{i\rightarrow\infty}\operatorname{dist}(y_i,c((a,b))) = \lim_{i \rightarrow\infty}|P(y_i)-y_i| = |a-y|.
\end{equation*}
Hence $a\in B_\delta(x)$.
By Lemma \ref{3_1} the projection is unique and we get
\begin{equation*}
a=P(y).
\end{equation*}
This yields by the convergence of $P(y_i)\rightarrow a$
\begin{equation*}
|P(y) - P(y_i)| = |a-P(y_i)|\rightarrow 0
\end{equation*}
and therefore the desired contradiction.
\end{proof}
Let us now define a signed distance function:
\begin{definition}
\label{3_3}
Let $x\in c((a,b))$ and $\delta>0$ as in the preceeding lemmas. Then for every $y\in B_\frac{\delta}{2}(x)$ the projection is unique and there exists a unique $\lambda_y\in \R$ (cf. \eqref{eq:3_0_1}), such that
\begin{equation*}
P(y)-y = \lambda_y \nu(P(y)).
\end{equation*}
Here $\nu$ is an a priori choosen Lipschitz continuous unit normal of $c$.
Then we define a signed distance function $d_\pm:B_\frac{\delta}{2}(x)\rightarrow\R$ by
\begin{equation*}
d_\pm(y)= \left\{\begin{array}{cc}\operatorname{dist}(y,c((a,b))),&\mbox{ if } \lambda_y\geq0 \\
-\operatorname{dist}(y,c((a,b))),&\mbox{ if }\lambda_y < 0.
\end{array}\right.
\end{equation*}
\end{definition}
\begin{remark}
\label{3_4}
The sign of $d_\pm$ switches, if the other unit normal is choosen.
\end{remark}
Now we can show the central result of this section. For the readers benefit we provide the proof already given in \cite[Thm. 2]{Foote} here as well.
\begin{theorem}[see \cite{Foote} Thm. 2]
\label{3_5}
Let $\nu$ be a lipschitz continuous unit normal of $c$. Then for every $x\in c((a,b))$ there exists a $\delta>0$,
such that the signed distance function choosen with respect to $\nu$ satisfies $d_\pm\in C^1(B_\frac{\delta}{2}(x))$. Furthermore the derivative satisfies
\begin{equation*}
\nabla d_\pm(y) = \left\{\begin{array}{cc}\frac{y-P(y)}{|y-P(y)|},&\mbox{ if } \lambda_y>0\\
-\frac{y-P(y)}{|y-P(y)|},&\mbox{ if } \lambda_y<0\\
\nu(y),&\mbox{ if }y\in c((a,b)).
\end{array}\right.
\end{equation*}
Here $\lambda_y$ is defined as in Definition \ref{3_3}.
\end{theorem}
\begin{proof}
We show the theorem first for $y\in B_\frac{\delta}{2}(x)\setminus c((a,b))$. Let $d:=(d_\pm)^2$ and
now we proceed by contradiction and assume there exists a $v\in \R^2$ such that
\begin{equation}
\label{eq:3_2}
\liminf_{t\searrow 0}\frac{d(y+tv) - d(y)}{t} < 2\langle y - P(y),v\rangle
\end{equation}
or
\begin{equation}
\label{eq:3_3}
\limsup_{t\searrow 0}\frac{d(y+tv) - d(y)}{t} > 2\langle y - P(y),v\rangle.
\end{equation}
Let us work through case \eqref{eq:3_2} first:
Hence we find an $\varepsilon>0$, a $t>0$ arbitrarily small with
\begin{equation*}
d(y+tv) < d(y) + 2\langle y-P(y),tv\rangle - t\varepsilon
\end{equation*}
Hence
\begin{align*}
& |y-P(y+tv)|^2 = |y+tv - P(y+tv) - tv|^2\\
=& d(y+tv) - 2\langle y+tv-P(y+tv),tv\rangle + t^2|v|^2\\
<&d(y) + 2\langle P(y+tv) -P(y),tv\rangle - t^2|v|^2 - t\varepsilon
\end{align*}
Since $P$ is continuous we have $2\langle P(y+tv) -P(y),tv\rangle = o(|t|)$ and hence this term can be absorbed for small $t$ and we get
\begin{equation*}
|y-P(y+tv)|^2 < d(y) - t^2|v|^2 - t\frac{\varepsilon}{2} < d(y)=|y-P(y)|^2
\end{equation*}
and therefore $P(y+tv)$ has a strictly smaller distance to $y$ than $P(y)$, which is a contradiction.\\
Now we assume \eqref{eq:3_3}: As in the preceeding case, there is an $\varepsilon>0$ and $t>0$ arbitrarily small, such that
\begin{equation*}
d(y+tv)>d(y) + 2\langle y-P(y),tv\rangle + t\varepsilon.
\end{equation*}
Hence
\begin{align*}
|y+tv-P(y)|^2 =& |y-P(y)|^2 + t^2|v|^2 + 2\langle y-P(y),tv\rangle\\
<& d(y+tv) - t\varepsilon + t^2|v|^2.
\end{align*}
By choosing $t$ small enough, we obtain
\begin{equation*}
|y+tv-P(y)|^2 < d(y+tv).
\end{equation*}
Therefore $P(y)$ is a strictly better projection than $P(y+tv)$, i.e. a contradiction.
Hence for all $y\in B_\frac{\delta}{2}(x)\setminus c((a,b))$ we have
\begin{equation*}
\nabla d(y) = 2(y-P(y)).
\end{equation*}
Since $d_\pm(y)= \operatorname{sign}(\lambda_y)\sqrt{d(y)}$ we obtain by chain rule for these $y$:
\begin{equation*}
\nabla d_\pm(y) = \operatorname{sign}(\lambda_y)\frac{\nabla d(y)}{2\sqrt{d(y)}} = \lambda_y\frac{y-P(y)}{|y-P(y)|}.
\end{equation*}
Let us now examine $y\in c((a,b))$:
Let $y_i\in B_\frac{\delta}{2}(x)\setminus c((a,b))$ with $y_i\rightarrow y$. Then for each $y_i$ exists a neighbourhood, such that $\lambda_{(\cdot)}$ does not change sign. Then by $|\lambda_{y_i}|=|y_i-P(y_i)|$ we get
\begin{align*}
\nabla d_\pm(y_i) =& \operatorname{sign}(\lambda_{y_i})\frac{y_i-P(y_i)}{|y_i-P(y_i)|}= \operatorname{sign}(\lambda_{y_i})\frac{\lambda_{y_i}}{|y_i-P(y_i)|}\nu(P(y_i))\\= &\operatorname{sign}(\lambda_{y_i})^2\nu(P(y_i))\rightarrow \nu(y),
\end{align*}
since $P$ is continuous and $P(y)=y$. Hence $d_\pm$ is continuously differentiable.
\end{proof}
\section{Finishing the proofs}
\label{sec:4}
In the first part of this section we show Theorem \ref{1_2}. After that we highlight the changes we need to make to obtain a proof of Theorem \ref{1_2_1}.
\begin{proof}
Let $\varphi \in C^\infty_0(\Omega)$ be arbitrary. Since it has compact support and $E$ is relatively compact in $\Omega$ (because $E$ is a $C^{1,1}$ curve) the intersection $\supp\varphi\cap E$ is compact as well.
Using a partition of zero and Theorem \ref{3_5} we find $\sigma_i\in C^\infty_0(B_{\delta_i}(x_i))$ ($i=1,\ldots,N$) with $x_i\in \supp\varphi\cap E$, $\delta_{i}>0$, such that
the signed distance function $d_\pm$ with respect to $E$ and the choosen normal $n_E$ satisfies $d_\pm\in C^1(B_{\delta_{i}}(x_i))$.
Furthermore $\sum_i\sigma_i=1$.
Then we can define
\begin{equation}
\label{eq:4_0}
\Phi:=\varphi\sum_i d_\pm \sigma_i\in C^1_0(\Omega),
\end{equation}
where we implicitly continue $d_\pm$ by zero to the whole of $\Omega$. Furthermore $\Phi$ can be plugged into \eqref{eq:2_1}, because $d_\pm$ is zero on $E$. We also obtain for any $y\in E$:
\begin{equation*}
\nabla\Phi(y) = \varphi(y)n_E(y)\sum_i\sigma_i(y)=\varphi(y)n_E(y).
\end{equation*}
Hence \eqref{eq:2_1} yields
\begin{equation*}
0=\int_E \varphi\left(1 - \sum_{ij}\frac{(n_E)_i(n_E)_j\partial_i u\partial_j u}{1+|\nabla u|^2}\right)(H_{u_{A_0}} - H_0(0) - (H_{u_{A_1}} - H_0(1))\, d\mathcal{H}^1
\end{equation*}
Let us now analyse $1 - \sum_{ij}\frac{(n_E)_i(n_E)_j\partial_i u\partial_j u}{1+|\nabla u|^2}$:
\begin{align*}
&\sum_{ij}(n_E)_i(n_E)_j\partial_i u\partial_j u \\
=& ((n_E)_1)^2(\partial_1u)^2 + 2(n_E)_1(n_E)_2\partial_1 u\partial_2u + ((n_E)_2)^2(\partial_2 u)^2\\
=& ((n_E)_1\partial_1 u + (n_E)_2\partial_2 u)^2 = (\langle n_E,\nabla u\rangle)^2\leq |n_E|^2|\nabla u|^2=|\nabla u|^2
\end{align*}
and hence
\begin{equation*}
1 - \sum_{ij}\frac{(n_E)_i(n_E)_j\partial_i u\partial u_j}{1+|\nabla u|^2}>0.
\end{equation*}
Since $\varphi$ itself is arbitrary, the fundamental lemma of variational calculus yields
\begin{equation*}
H_{u_{A_0}} - H_0(0) - (H_{u_{A_1}} - H_0(1))=0\quad \mathcal{H}^1\lfloor E\mbox{-a.e.}
\end{equation*}
Since the mean curvatures on $E$ are continuous continuations, we obtain the desired conclusion.
\end{proof}
\begin{remark}
\label{4_1}
Adding $\lambda_1\operatorname{area}(S)+ \lambda_2\operatorname{vol}(S)$ to the phase dependend Helfrich energy \eqref{eq:1_2} to account for additional conditions like prescribing the area and/or enclosed volume of $S$, does not change the result of Theorem \ref{1_1}.
Since these terms do not produce terms with derivatives of the test function in the first variation, the proof of Theorem \ref{1_1} remains valid.
\end{remark}
Now we explain the changes to the proof to obtain Theorem \ref{1_2_1}
\begin{proof}
Since $u\in C^0(\Omega)$ and $C^4(A_i)\cap C^3(\overline{A_i})$, we can choose from a greater set of testfunctions $\psi$. We employ a function, which is zero on $A_1$ and $E$, i.e. we take $\psi\in C^0_0(\Omega)$ with $\psi\in C^1(A_i)$, such that the derivative can be extended to $E$.
Then the same calculations to obtain \eqref{eq:2_1} yield
\begin{equation}
\label{eq:4_1}
\int_E\left(\langle \nabla \psi,n_E\rangle - \sum_{i,j=1}^2\frac{(n_E)_i\partial_j \varphi\partial_i u_0 \partial_j u_0 }{1+|\nabla u_0|^2} \right)\left(H_{u_{A_0}} - H_0(0)\right)\, d\mathcal{H}^1=0.
\end{equation}
Here $\nabla u_0$ refers to the continuation of $\nabla u|_{A_0}$ to $E$.
Instead of using the signed distance function to construct a suitable $\psi$, we employ the following function instead
\begin{equation*}
d_0(y):=\left\{\begin{array}{cc} \operatorname{dist}(y,E),& y\in A_0\cup E\\0,&\mbox{else.}\end{array}\right.
\end{equation*}
This $d_0$ is continuous and the same techniques employed in Lemma \ref{3_5} show $d_0$ to be $C^1$ close to $E$ with continued derivative
\begin{equation*}
\nabla d_0(y)=\pm n_E(y) \mbox{ for }y\in E.
\end{equation*}
The sign depends on whether $n_E$ points inward or outward of $A_0$.
As in \eqref{eq:4_0} we can now construct a suitable test function $\psi$ with an arbitrary $\varphi\in C^\infty_0(\Omega)$. This we can plug in \eqref{eq:4_1} and obtain
\begin{equation*}
0=\int_E \varphi\left(\pm1 \mp \sum_{ij}\frac{(n_E)_i(n_E)_j\partial_i u_0\partial_j u_0}{1+|\nabla u_0|^2}\right)(H_{u_{A_0}} - H_0(0))\, d\mathcal{H}^1.
\end{equation*}
As in the proof of Theorem \ref{1_2} the prefactor is never zero and then the fundamental lemma of variational calculus yields \eqref{eq:1_3_1}.
The same arguments can be employed to show the result for the continuation of $u|_{A_1}$ on $E$.
\end{proof}
\phantomsection
\addcontentsline{toc}{section}{References}
|
\section{Introduction}
Let $R$ be a commutative ring.
Denote by $\omega > 2$ an exponent of matrix multiplication,
meaning that we can multiply two $n \times n$ matrices
using $O(n^{\omega})$ ring operations (additions, subtractions and multiplications).
Given a matrix $A \in R^{n \times n}$, how fast
can we compute its
characteristic polynomial, determinant and adjugate (or where applicable, inverse), without dividing by elements in $R$?
The obvious division-free algorithm is
cofactor expansion, which uses $O(n!)$ operations.
It is mainly interesting for $n \le 4$ and for sparse symbolic matrices.
The first published efficient method is the Faddeev-Leverrier algorithm~\cite{leverrier1840variations,Helmberg1993,Csanky1976,Hou1998}; Alg.\ 2.2.7 in~\cite{Coh1996}),
which solves the problem using roughly $n$ matrix multiplications,
for a complexity of $O(n^{\omega+1})$.
The Faddeev-Leverrier algorithm requires some divisions,
but it is \emph{nearly division-free} in the sense that all divisors are
fixed small integers $1,2,\ldots,n$ rather than general elements of $R$,
and the divisions are \emph{exact} in the sense that the quotients remain in $R$.
The Berkowitz algorithm \cite{Berkowitz1984} achieves the same complexity
using $O(n^4)$ operations, or $O(n^{\omega+1} \log n)$ with fast
matrix multiplication, without performing any divisions. In practice, the Berkowitz algorithm is faster than the
Faddeev-Leverrier algorithm by a constant factor and
is now widely used in computer algebra systems for linear
algebra over rings where divisions are problematic.
The complexity of the Faddeev-Leverrier algorithm can be improved
using a baby-step giant-step technique,
leading to a method with $O(n^{\omega+0.5}+n^3)$ complexity
which is asymptotically better than the Berkowitz
algorithm.
This method was apparently first discovered by S.~Winograd who did not
publish the result, and then independently discovered and published by Preparata and Sarwate~\cite{Preparata1978}.
Unfortunately, many references to Faddeev-Leverrier algorithm
in the literature present it as an $O(n^4)$ or $O(n^{\omega+1})$ algorithm
without mentioning the improvement of Preparata and Sarwate.
Berkowitz~\cite{Berkowitz1984}
claims that a baby-step giant-step
Faddeev-Leverrier algorithm is possible but only cites private communication with S.~Winograd without giving an explicit algorithm.
The present author is not aware of any software using the Preparata-Sarwate algorithm.
There are perhaps three reasons for the relative obscurity of the method.\footnote{Indeed, the
present author also reinvented the same method. The first version of this
note presented it simply as a ``baby-step giant-step Faddeev-Leverrier algorithm'',
mentioning Berkowitz's attribution of the idea to S.~Winograd,
but without citing the concrete algorithm already given in~\cite{Preparata1978}. The author is grateful to Eric Schost for
pointing out the relevant prior art.}
First of all, the Faddeev-Leverrier algorithm
is numerically unstable~\cite{rehman2011budde,wilkinson1965algebraic}
making it virtually useless for ordinary numerical computation,
and it is in any case much slower than standard $O(n^3)$
methods such as Gaussian elimination and Hessenberg reduction
which are numerically stable.
Second, faster methods are known for the most commonly used exact fields and rings
such as $\mathbb{F}_q$, $\mathbb{Q}$ and $\mathbb{Z}$.
Third, Kaltofen and Villard~\cite{Kaltofen1992,Kaltofen2005,Villard2011} have achieved an even lower
division-free complexity of $O(n^{3.2})$
for the determinant or adjugate and $O(n^{3.29})$ for the characteristic
polynomial with classical multiplication ($\omega = 3$),
and about $O(n^{2.72})$ and $O(n^{2.84})$ for the respective tasks
using the fastest currently known matrix multiplication
algorithm due to Le Gall~\cite{LeGall2014}.
The Kaltofen-Villard algorithm is far more complicated
than the Preparata-Sarwate algorithm, however.
The contribution of this note is twofold. First, we
give explicit pseudocode for a version of the
Preparata-Sarwate algorithm (Algorithm~\ref{alg:flbsgs})
that may serve as a convenient reference for future implementers.
The code makes a superficial change to the algorithm as
it is usually presented~\cite{Preparata1978,Codenotti1990,abdeljaoued2003methodes}, halving
memory usage (this is not an entirely
negligible change
since the Preparata-Sarwate algorithm uses $O(n^{2.5})$ memory).
Second, we discuss the applicability of the algorithm
and perform computational experiments
comparing several algorithms over various rings.
\section{The Faddeev-Leverrier algorithm and its refinement}
We first recall the original Faddeev-Leverrier algorithm (Algorithm~\ref{alg:fl})
for the characteristic polynomial $p_A(x) = c_n x^n + \dots + c_1 x + c_0$ of a matrix $A \in R^{n \times n}$.
\begin{algorithm}[h!]
\caption{Faddeev-Leverrier algorithm}
\label{alg:fl}
\begin{algorithmic}[1]
\Require $A \in R^{n \times n}$ where $n \ge 1$ and $R$ is a commutative ring, $R$ having a unit element and characteristic 0 or characteristic coprime to $1,2,\ldots,n$
\Ensure $(p_A(x), \; \det(A), \; \operatorname{adj}(A))$
\State $c_n = 1, \quad B \gets I, \quad k \gets 1$
\While{$k \le n - 1$}
\State $B \gets AB$
\State $c_{n-k} \gets -\frac{1}{k} \operatorname{Tr}(B)$
\State $B \gets B + c_{n-k} \,I$
\State $k \gets k + 1$
\EndWhile
\State $c_0 \gets -\frac{1}{n} \operatorname{Tr}(AB)$
\State \Return $(c_0 + c_1 x + \ldots + c_n x^n, \; (-1)^n c_0, \; (-1)^{n+1} B)$
\end{algorithmic}
\end{algorithm}
Algorithm~\ref{alg:fl} is based on the recursion $c_{n-k} = -\frac{1}{k} \sum_{j=1}^k c_{n-k+j} \operatorname{Tr}(A^j)$:
we compute a sequence of matrices (stored in the variable $B$) through repeated
multiplication by $A$, and in each step extract a trace.
The determinant and the adjugate
matrix appear as byproducts of this process: $(-1)^n \det(A)$
is the last coefficient~$c_0$,
and $(-1)^{n+1} \operatorname{adj}(A)$ is the penultimate
entry in the matrix sequence.\footnote{The code can be tightened
assuming $n \ge 2$, in which case the line
before the start of the loop can be changed to
$\{c_n = 1, \; c_{n-1} = -\operatorname{Tr}(A), \; B \gets A + c_{n-1} I, \; k \gets 2\}$.
We can change the loop condition to $k \le n$ and remove the
line after the loop if we omit returning $\operatorname{adj}(A)$.}
It is easy to see that Algorithm~\ref{alg:fl} performs $O(n)$
matrix multiplications and $O(n^2)$ additional arithmetic operations.
The condition on the characteristic of $R$ ensures that we can
divide exactly by each $k$, i.e.\ $(xk)/k = x$ holds for $x \in R, k \le n$.
\begin{algorithm}
\caption{Preparata-Sarwate algorithm (slightly modified)}
\label{alg:flbsgs}
\begin{algorithmic}[1]
\Require $A \in R^{n \times n}$ with the same conditions as in Algorithm~\ref{alg:fl}
\Ensure $(p_A(x), \; \det(A), \; \operatorname{adj}(A))$
\State $m \gets \lfloor \sqrt{n} \rfloor$
\State Precompute the matrices $A^1, A^2, A^3, \ldots, A^m$
\State Precompute the traces $t_k = \operatorname{Tr}(A^k)$ for $k = 1, \ldots, m$
\State $c_n = 1, \quad B \gets I, \quad k \gets 1$
\While{$k \le n-1$}
\State $m \gets \min(m, n-k)$
\State $c_{n-k} \gets -\frac{1}{k} \operatorname{Tr}(A, B)$
\For{$j \gets 1,2,\ldots,m-1$}
\State $c_{n-k-j} \gets \operatorname{Tr}(A^{j+1}, B)$ \Comment{Using precomputed power of $A$}
\For{$i \gets 0,1,\ldots,j-1$}
\State $c_{n-k-j} \gets c_{n-k-j} + t_{j-i} c_{n-k-i}$
\EndFor
\State $c_{n-k-j} \gets c_{n-k-j} / (-k-j)$
\EndFor
\State $B \gets A^m B$ \Comment{Using precomputed power of $A$}
\For{$j \gets 0,1,\ldots,m-1$}
\State $B \gets B + c_{n-k-j} A^{m-j-1}$ \Comment{Using precomputed power, or $A^0 = I$}
\EndFor
\State $k \gets k + m$
\EndWhile
\State $c_0 \gets -\frac{1}{n} \operatorname{Tr}(A,B)$
\State \Return $(c_0 + c_1 x + \ldots + c_n x^n, \; (-1)^n c_0, \; (-1)^{n+1} B)$
\end{algorithmic}
\end{algorithm}
Algorithm~\ref{alg:fl} computes a sequence of $n$ matrices
but only extracts a small amount of unique information (the trace) from each
matrix.
In such a scenario, we
can often save time using a baby step giant-step approach in
which we only compute $O(\sqrt{n})$ products explicitly (see \cite{Paterson1973,Brent1978,Berkowitz1984,Johansson2014} for other examples
of this technique).
Preparata and Sarwate~\cite{Preparata1978} improve Algorithm~\ref{alg:fl} by
choosing $m \approx \sqrt{n}$ and precomputing
the powers $A^1,A^2,\ldots,A^m$ and $A^m,A^{2m},A^{3m},\ldots$.
The key observation is that we can compute
$\operatorname{Tr}(A B)$ using $O(n^2)$ operations without forming
the complete matrix product $A B$, by simply evaluating the
dot products for the main diagonal of $AB$.
We denote this \emph{product trace} operation by $\operatorname{Tr}(A, B)$.
Algorithm~\ref{alg:flbsgs} presents a version of this method.
It is clear from inspection that this version performs roughly $m + n/m \approx 2\sqrt{n}$
matrix multiplications of size $n \times n$, and
$O(n^3)$ arithmetic operations in the remaining steps.
Algorithm~\ref{alg:flbsgs} is a small modification of the
Preparata-Sarwate algorithm as it is usually presented.
Instead of computing the giant-step powers $A^m,A^{2m},A^{3m},\ldots$
explicitly, we expand the loop in Algorithm~\ref{alg:fl} to group~$m$ iterations,
using multiplications by $A^m$ to update the running sum over
both the powers and their traces.
This version performs essentially the same number
of operations while using half the amount of memory.
As an observation for implementations, the matrix-matrix multiplications and product traces are done
with invariant operands that get recycled $O(\sqrt{n})$ times.
This can be exploited for preconditioning purposes,
for instance by packing the data more efficiently for arithmetic operations.
We also note that the optimal $m$ may depend on the application,
and a smaller value will reduce memory consumption
at the expense of requiring more matrix multiplications.
\section{Applicability and performance evaluation}
When, if ever, does it make sense to use Algorithm~\ref{alg:flbsgs}?
If $R$ is a field, then the determinant, adjugate and characteristic polynomial
can be computed in $O(n^{\omega})$ operations or $O(n^3)$ classically
allowing divisions~\cite{Dumas2005,Pernet2007,Abdeljaoued2001,neiger2020deterministic}.
Most commonly encountered rings are integral domains,
in which case we can perform computations in the fraction field
and in some cases simply clear denominators.
This does not automatically render an $O(n^{3.5})$ algorithm obsolete,
since naively counting operations may not give the whole picture.
Nevertheless, we can immediately discard some applications:
\begin{itemize}
\item For computing over $\mathbb{R}$ and $\mathbb{C}$ in ordinary floating-point arithmetic,
the Faddeev-Leverrier algorithm is slower and far less numerically stable than textbook
techniques such as reduction to Hessenberg form and Gaussian elimination with $O(n^3)$ or better complexity, as we already noted in the introduction.
\item For finite fields, classical $O(n^3)$ methods using divisions have no drawbacks, and linear algebra with $O(n^{2.81})$ Strassen complexity is well
established~\cite{dumas2012computational}. Over rings with small characteristic, the applicability of Algorithm~\ref{alg:flbsgs} is in any case limited due to the integer divisions.
\end{itemize}
Generally speaking, division-free or nearly division-free algorithms are interesting
for rings and fields $R$ where dividing recklessly can lead to
coefficient explosion (for example, $\mathbb{Q}$)
or in which testing for zero is problematic (for example,
exact models of~$\mathbb{R}$).
The optimal approach in such situations is usually to avoid computing directly in $R$ or its fraction field,
for example using modular arithmetic and interpolation techniques,
but such indirect methods are more difficult to implement
and must typically be designed on a case by case basis.
By contrast, Algorithm~\ref{alg:flbsgs} is easy to use anywhere.
We will now look at some implementation experiments.
\subsection{Integers}
For exact linear algebra over $\mathbb{Z}$ and~$\mathbb{Q}$,
the best methods are generally fraction-free versions of
classical algorithms (such as the Bareiss version of Gaussian
elimination) for small $n$, and multimodular or $p$-adic
methods for large~$n$ (see for example~\cite{Dumas2005,Pernet2007}).
We do not expect Algorithm~\ref{alg:flbsgs} to beat
those algorithms, but it is instructive to examine its performance.
Table~\ref{table:timingsint} shows timings for
computing a determinant, inverse or characteristic polynomial of
an $n \times n$ matrix over~$\mathbb{Z}$ with random entries in $-10,\ldots,10$,
using the following algorithms:
\begin{itemize}
\item FFLU: fraction-free LU factorization using the Bareiss algorithm.
\item FFLU2: as above, but using the resulting decomposition to compute $A^{-1}$ (equivalently determining $\operatorname{adj}(A)$) by solving $AA^{-1} = I$.
\item ModDet: a multimodular algorithm for the determinant.
\item ModInv: a multimodular algorithm for the inverse matrix.
\item ModCP: a multimodular algorithm for the characteristic polynomial.
\item Berk: the Berkowitz algorithm for the characteristic polynomial.
\item Alg1: original Faddeev-Leverrier algorithm, Algorithm~\ref{alg:fl}.
\item Alg2: modified Preparata-Sarwate algorithm, Algorithm~\ref{alg:flbsgs}.
\end{itemize}
We implemented Alg1 and Alg2 on top of Flint~\cite{Har2010},
while all the other tested algorithms are builtin Flint methods.
\begin{table}
\begin{center}
\caption{Time in seconds to compute characteristic polynomial (C), determinant (D), adjugate/inverse (A) of an $n \times n$ matrix over $\mathbb{Z}$ with random elements in $-10,\ldots,10$, using various algorithms.}
\label{table:timingsint}
\renewcommand{\baselinestretch}{1.15}
\begin{footnotesize}
\begin{tabular}{ c | c c | c c | c | c c c }
$n$ & FFLU & ModDet & FFLU2 & ModInv & ModCP & Berk & Alg1 & Alg2 \\
& D & D & DA & A & CD & CD & CDA & CDA \\ \hline
10 & 0.0000060 & 0.000021 & 0.000015 & 0.00012 & 0.000016 & 0.000035 & 0.000015 & 0.000030 \\
20 & 0.000036 & 0.000078 & 0.00043 & 0.00096 & 0.00011 & 0.0010 & 0.00086 & 0.00061 \\
50 & 0.0023 & 0.0012 & 0.011 & 0.016 & 0.0039 & 0.048 & 0.052 & 0.017 \\
100 & 0.039 & 0.0068 & 0.14 & 0.18 & 0.055 & 0.84 & 1.1 & 0.22 \\
200 & 0.64 & 0.044 & 2.3 & 1.8 & 0.89 & 16 & 27 & 4.1 \\
300 & 3.4 & 0.15 & 13 & 9.0 & 4.6 & 94 & 174 & 20 \\
400 & 12 & 0.38 & 45 & 22 & 15 & 321 & 696 & 66 \\
500 & 32 & 0.77 & 127 & 52 & 37 & 900 & 2057 & 150 \\
\end{tabular}
\end{footnotesize}
\end{center}
\end{table}
\subsubsection{Observations}
Alg2 clearly outperforms both Alg1 and Berk for large $n$,
making it the best algorithm
for computing the characteristic
using direct arithmetic in $\mathbb{Z}$
(the modular algorithm is, as expected, superior).
Alg2 is reasonably competitive for computing the inverse
or adjugate matrix, coming within a factor 2-3$\times$ of FFLU2
and ModInv in this example.
For determinants, the gap to the FFLU algorithm is
larger, and the modular determinant algorithm
is unmatched.
\subsection{Number fields}
Exact linear algebra over algebraic number fields $\mathbb{Q}(a)$
is an interesting use case for division-free algorithms
since coefficient explosion is a significant problem
for classical $O(n^3)$ algorithms.
As in the case of $\mathbb{Z}$ and $\mathbb{Q}$, modular
algorithms are asymptotically more efficient
than working over $\mathbb{Q}(a)$ directly, but harder
to implement. Here we compare the following algorithms:
\begin{itemize}
\item Sage: the \texttt{charpoly} method in SageMath~\cite{Sag2020}, which implements a special-purpose algorithm for cyclotomic fields based on modular computations and reconstruction using the Chinese remainder theorem.
\item Hess: Hessenberg reduction for the characteristic polynomial
\item Dani: Danilevsky's algorithm for the characteristic polynomial.
\item LU: LU factorization to compute the determinant.
\item FFLU: fraction-free LU factorization using the Bareiss algorithm.
\item LU2 and FFLU2: as above, but using the resulting decomposition to compute $A^{-1}$ (equivalently determining $\operatorname{adj}(A)$) by solving $AA^{-1} = I$.
\item Berk (Berkowitz), Alg1 and Alg2 as in the previous section.
\end{itemize}
With the exception of the Sage function,
we implemented all the algorithms
using Antic~\cite{Har2015} for number field arithmetic
and Flint for other operations.
We perform fast matrix multiplication
by packing number field elements into integers and multiplying matrices over $\mathbb{Z}$ via Flint.
Our implementations of LU, LU2, Alg1 and Alg2 benefit from matrix
multiplication while Hess, Dani, FFLU, FFLU2 and Berk do not.
The benchmark is therefore not representative
of the performance that ideally should be achievable with these algorithms,
although it is fair in the sense
that the implementation effort for Alg1 and Alg2 was minimal
while the other algorithms would require much more code to speed up
using block strategies.
Table~\ref{table:timingscyclo} compares timings for two kinds of input:
random matrices over a fixed cyclotomic field,
and discrete Fourier transform (DFT) matrices which have special structure.
Choosing cyclotomic fields allows us to compare with the dedicated
algorithm for characteristic polynomials in Sage;
the corresponding method for generic number fields in Sage is far slower.
All the other algorithms make no assumptions about the field.
\begin{table}
\begin{center}
\caption{Time in seconds to compute characteristic polynomial (C), determinant (D), adjugate/inverse (A) of a matrix over a cyclotomic number field.}
\label{table:timingscyclo}
\renewcommand{\baselinestretch}{1.15}
\begin{footnotesize}
\begin{tabular}{ c | c | c c | c c | c c | c c c }
$n$ & Sage & \!Hess\! & \!\!\!Dani\!\! & \!LU\! & \!FFLU\! & \!LU2\! & \!FFLU2\! & \!Berk\!\! & \!\!\!Alg1\!\!\! & \!\!\!Alg2\!\!\! \\
& CD & CD & CD & \!D & D & DA & \!DA & CD & \!CDA\!\! & \!\!CDA\!\! \\
\hline
\multicolumn{11}{c}{Input: $n \times n$ matrix over $\mathbb{Q}(\zeta_{20})$, entries $\sum_k (p/q) \zeta_{20}^k$, random $|p| \le 10$, $1 \le q \le 10$. } \\
\hline
10 & 0.038 & 0.31 & 0.16 & 0.024 & 0.0059 & 0.21 & 0.11 & 0.010 & 0.0073 & 0.010 \\
20 & 0.12 & 19 & 6.7 & 0.22 & 0.067 & 2.6 & 1.4 & 0.28 & 0.15 & 0.16 \\
30 & 0.39 & 200 & 67 & 0.93 & 0.31 & 12 & 6.8 & 2.0 & 1.1 & 0.8 \\
40 & 1.1 & & 353 & 2.8 & 0.9 & 37 & 22 & 7.5 & 3.7 & 2.6 \\
50 & 1.9 & & & 7.0 & 2.3 & 88 & 56 & 22 & 8.7 & 5.7 \\
60 & 3.4 & & & 15 & 4.7 & 182 & 119 & 54 & 19 & 12 \\
70 & 5.1 & & & 29 & 8.6 & 337 & 230 & 114 & 39 & 22 \\
80 & 7.5 & & & 53 & 15 & 581 & 409 & 208 & 67 & 34 \\
90 & 11 & & & 89 & 24 & & & 397 & 144 & 54 \\
100 & 15 & & & 144 & 41 & & & 608 & 670 & 130 \\
120 & 24 & & & 322 & 83 & & & 1439 & 3013 & 420 \\
\hline
\multicolumn{11}{c}{Input: $n \times n$ DFT matrix over $\mathbb{Q}(\zeta_{n})$, entries $A_{i,j} = \zeta_n^{(i-1)(j-1)}$. } \\
\hline
10 & 0.010 & 0.0018 & 0.0016 & \!\!0.00017\!\! & \!\!0.00022\!\! & \!\!0.00076\!\! & 0.0014 & \!\!0.00061\!\! & \!\!0.00075\!\! & \!\!0.00059\!\! \\
20 & 0.039 & 0.0019 & 0.0024 & 0.0017 & 0.0046 & 0.0071 & 0.038 & 0.020 & 0.020 & 0.0070 \\
50 & 1.3 & 0.17 & 0.13 & 0.065 & 0.80 & 0.28 & 6.0 & 8.2 & 2.0 & 0.49 \\
100 & 22 & 5.4 & 22 & 0.89 & 43 & 5.3 & 335 & 803 & 223 & 29 \\
150 & 78 & 22 & 7.9 & 4.4 & 214 & 19 & 1423 & 7259 & 933 & 138 \\
200 & 333 & 1928 & 140 & 31 & 1655 & 192 & & & & 1687 \\ \hline
\end{tabular}
\end{footnotesize}
\end{center}
\end{table}
\subsubsection{Observations}
There are no clear winners since there is a
complex interplay between
operation count,
multiplication algorithms,
matrix structure and coefficient growth.
Modular algorithms are the best solution
in general for large $n$, but implementations for number
fields are complex and less readily available in
current software than for $\mathbb{Z}$ and $\mathbb{Q}$.
Among the non-modular algorithms,
the $O(n^3)$ division-heavy Hessenberg and Danilevsky algorithms
are nearly useless due to coefficient explosion for generic
input, but both perform well on the DFT matrix.
The LU and FFLU algorithms have more even performance
but alternate with each other for the advantage depending on the matrix.
Alg2 has excellent average performance for the determinant,
characteristic polynomial as well as the adjugate matrix
considering the large
variability between the algorithms for different input.
It is highly competitive for computing the inverse or adjugate
of the random matrix.
\subsection{Ball arithmetic}
Division-free algorithms are useful when computing
rigorously over $\mathbb{R}$ and $\mathbb{C}$ in interval arithmetic
or ball arithmetic. The reason is that we cannot test whether elements
are zero, so algorithms like Gaussian elimination and Hessenberg
reduction fail when they need to branch upon
zero pivot elements
or zero vectors.
Although zeros will not occur for random input,
they are likely to occur for structured matrices arising in applications.
\emph{A posteriori} verification of approximate numerical solutions
or perturbation analysis is in principle the best workaround~\cite{Rump2010},
but it is sometimes useful to fall back to more direct division-free methods,
especially when working in very high precision.
\begin{table}
\begin{center}
\caption{Time in seconds to compute characteristic polynomial (C), determinant (D), adjugate/inverse (A) of a random $n \times n$ matrix in real ball arithmetic. The respective algorithms were run with $333 + p$ bits of precision, with $p$ chosen to give roughly 100-digit output accuracy.}
\label{table:timingsarb}
\renewcommand{\baselinestretch}{1.15}
\begin{footnotesize}
\begin{tabular}{ c | c c c | c | c c | c c c }
$n$ & Hess & Hess2 & Dani & Eig & LU & LU2 & Berk & Alg1 & Alg2 \\
& CD & CD & CD & CD & D & D & CD & CDA & CDA \\ \hline
10 & 0.00021 & 0.00038 & 0.00022 & 0.017 & 0.000068 & 0.00023 & 0.00080 & 0.0010 & 0.00078 \\
20 & 0.0021 & 0.0032 & 0.0020 & 0.18 & 0.00052 & 0.0015 & 0.0039 & 0.017 & 0.0092 \\
50 & 0.045 & 0.057 & 0.048 & 4.6 & 0.0078 & 0.019 & 0.22 & 0.61 & 0.21 \\
100 & 0.64 & 0.69 & 0.61 & 56 & 0.062 & 0.15 & 6.3 & 9.7 & 2.4 \\
150 & 3.5 & 3.5 & 3.0 & 245 & 0.23 & 0.44 & 52 & 52 & 11 \\
200 & 12 & 11 & 10 & & 0.59 & 1.0 & 224 & 176 & 34 \\
250 & 31 & 29 & 25 & & 1.4 & 1.9 & 687 & 460 & 73 \\
300 & 66 & 59 & 53 & & 2.5 & 3.2 & 1804 & 1075 & 160 \\
350 & 135 & 115 & 110 & & 4.4 & 5.0 & 4033 & 2107 & 306 \\ \hline
$p$ & $10n$ & $6n$ & $10n$ & $0$ & $n$ & $0$ & $6n$ & $6n$ & $6n$ \\
\end{tabular}
\end{footnotesize}
\end{center}
\end{table}
Table~\ref{table:timingsarb} shows timings for
computing a determinant or characteristic polynomial with 100-digit
accuracy using the following algorithms implemented in ball arithmetic.
The input is taken to be an $n \times n$ real matrix with uniformly random entries in $[0,1]$.
For this experiment,
we only focus on the determinant and characteristic polynomial
(the conclusions regarding matrix inversion would be similar to those regarding the determinant).
\begin{itemize}
\item Hess: Hessenberg reduction using Gaussian elimination.
\item Hess2: Hessenberg reduction using Householder reflections.
\item LU: LU factorization using Gaussian elimination.
\item LU2: approximate computation of the determinant using LU factorization followed by \emph{a posteriori} verification.
\item Eig: approximate computation of the eigenvalues using the QR algorithm followed by \emph{a posteriori} verification and reconstruction of the characteristic polynomial from its roots.
\item Berk (Berkowitz), Alg1 and Alg2 as in the previous section.
\end{itemize}
All algorithms were implemented in Arb\cite{Joh2017} which uses
the accelerated dot product and matrix
multiplication algorithms described in~\cite{Johansson2019}.
The LU, LU2, Alg1 and Alg2 implementations benefit
from fast matrix multiplication while Hess, Hess2, Eig and Berk do not.
The methods LU2 and Eig are numerically stable: the output
balls are precise to nearly full precision for well-conditioned input.
All other algorithms are unstable in ball arithmetic
and lose $O(n)$ digits of accuracy.
At least on this example, the rate of loss is almost the same
for Hess2, Berk, Alg1 and Alg2, while LU is more stable
and Hess and Dani are less stable.
To make the comparison meaningful, we set the working precision
(shown in the table) to an experimentally determined
value so that all algorithms enclose
the determinant with around 100 digits of accuracy.
\subsubsection{Observations}
For computing the characteristic polynomial
in high-precision ball arithmetic, it seems prudent to try
Hessenberg reduction and fall back to a division-free algorithm when it fails
due to encountering a zero vector.
The Berkowitz algorithm is the best fallback for small $n$,
while Alg2 wins for large $n$ ($n \approx 50$, although the
cutoff will vary).
On this particular benchmark, Alg2 runs only
about $4\times$ slower than
Hessenberg reduction,
making it an interesting \emph{one-size-fits-all} algorithm.
The verification method (Eig) gives the best results if the
precision is constrained, but is far more expensive than the other methods.
For computing the determinant alone,
all the division-free methods are clearly
inferior to methods based on LU factorization
in this setting. The only
advantage of the division-free algorithms is that
they are foolproof while LU factorization
requires some attention to implement correctly.
Better methods for computing the characteristic polynomial
in ball arithmetic or interval arithmetic are surely possible.
For the analogous problem of computing the characteristic polynomial
over $\mathbb{Q}_p$, see~\cite{Caruso2017}.
\subsection{Polynomial quotient rings}
At first glance Algorithm~\ref{alg:flbsgs} seems to hold
potential for working over multivariate polynomial quotient rings.
Such rings need not be integral domains
and division can be very expensive (requiring Gr\"{o}bner basis computations).
Unfortunately, in most examples we have tried, Algorithm~\ref{alg:flbsgs}
performs worse than both the Berkowitz algorithm and
Algorithm~\ref{alg:fl},
presumably because repeated multiplication
by the initial matrix $A$ is much cheaper
than multiplication by a power of $A$ which generally
will have much larger entries.
There may be special classes of matrices for which the
method performs well, however.
\section{Discussion}
We find that the Preparata-Sarwate algorithm often
outperforms the Berkowitz algorithm in practice,
in some circumstances even being competitive with $O(n^3)$ algorithms.
We can therefore recommend it for more widespread adoption.
Galil and Pan \cite{Galil1989,abdeljaoued2003methodes}
have further refined the
Preparata-Sarwate algorithm to eliminate the $O(n^3)$
complexity term which dominates asymptotically with a sufficiently fast
matrix multiplication algorithm.
We have not tested this method since
those $O(n^3)$ operations are negligible in practice.
An interesting problem is whether it is possible to design a division-free
or nearly division-free algorithm with
better than $O(n^4)$ classical complexity that minimizes
the observed problems with growing entries, particularly in multivariate rings.
\bibliographystyle{plain}
|
\section{Introduction}
\par Emotions are a distinctive part of human nature. It is an essential element of life, and it contributes to our interactions with other people. Our intelligence attaches great importance to how we feel and distinguishes between different emotions. It is not possible to define or measure emotions in an exact manner, since they are abstract and subjective. However, social scientists have used different indicators about how one feels and what affects one's feelings. Thus, measuring happiness is possible to some extent.
\par Happiness is a multidimensional complex fact \cite{ram2010social}. It is a driving force and natural goal for most people. Researchers in social sciences have different methods on measuring happiness and variables that affect happiness.
\par Analyzing happiness levels or life satisfaction of countries attracted wide interest in social sciences and media. Generally, social sciences use polls to measure the level of happiness of society. Acquiring accurate results with happiness levels is a desired goal in different research areas. Machine learning can help with this problem by adding unbiased approach on measuring happiness and add an extra dimension to researchers in social sciences. In this mindset, our work examines the emotions from facial images collected from publicly available street footages of eight different cities around the world. Facial expressions from raw city footage are categorized into seven basic emotions; Anger, Sad, Neutral, Disgust, Surprise, Fear, Happy.
\par Our approach is fundamentally different than that of indicators used by social scientists. It is relatively unbiased, because it relies on machine learning to determine the emotions of people. Machine learning has been a powerful tool for solving problems in various domains such as medicine, economics and robotics. It can accurately detect emotions by analyzing the facial images.
\par The organization of the paper is as follows; related works in this area are discussed in Section II. Section III describes the proposed methods in detail. Results are given in Section IV and Section V concludes the paper.
\section{Related Work}
Understanding the factors that affect happiness have been studied extensively. Veenhoven, Ruut and Ehrhardt \cite{veenhoven1995cross} investigated if the data available on happiness are in accordance with the three theories of happiness; comparison, folklore and livability. In a previous study, the researchers concluded that happiness is adversely affected for the people when their neighboring countries becomes wealthier \cite{becchetti2013beyond}. In another study \cite{ram2010social}, it is investigated whether social capital has a significant effect on happiness. In \cite{easterlin2010happiness}, researchers updated the Easterlin Paradox, the idea that happiness is proportional to income, is valid for only developed countries. They concluded that this paradox also holds for less developed countries. In \cite{sachs2018world}, the effects of different variables on the happiness (migration, health issues, income, etc.) are investigated on both national and global scale. HSBC's expat survey \cite{hsbcExpat} measured the satisfaction of expats in different aspects for various countries.
\par There are varying approaches on the subject in literature for emotion recognition ranging from examining brain signals to hybrid approaches like analyzing audio and text input together with videos.
Machine learning algorithms such as Support Vector Machines (SVM) \cite{svm92}, Neural Networks and K-nearest Neighbors (k-NN) can be used to predict emotions from face images.
\par Some of the notable works in this field are as follows; Ekman and Friesen \cite{ekman1980facial} developed a system which is called FACS (Facial Action Coding System), where basic universal facial expressions are represented as combinations of different action units. Black and Yacoob \cite{black1995tracking} used polynomials to represent optical flow and extract the motion of the facial features. After that, they used a rule-based classifier to classify basic emotions. Yacoob and Davis \cite{yacoob1996recognizing} used optical flow of the detected facial features within rectangular regions with rule-based classifier for recognition. Essa and Pentland \cite{essa1997coding} transformed face images into mesh models, then calculated the optical flow from them to recognize facial expressions. Donato et al. \cite{donato1999classifying} compared different techniques to extract and classify facial expressions. Cowie et al. \cite{cowie2001emotion} published a survey about emotion recognition containing detailed information about both audio and visual approaches. Cohen et al. \cite{cohen2003facial} in their work used Naive Bayes Classifiers with a Cauchy distribution together with HMM for facial expression recognition. Ioannou et al. \cite{ioannou2005emotion} used a combination of SVM, morphological operators, neural networks and neuro-fuzzy system to classify facial expressions. Gunes and Piccardi \cite{gunes2007bi} used face and hand gestures in combination to determine emotional expression. Mansoorizadeh and Charkari \cite{mansoorizadeh2010multimodal} introduced a hybrid feature space from extracted features of speech and video and performed emotion recognition. Dahmane and Meunier \cite{dahmane2011emotion} used HOG and SVM to classify emotions from videos containing face. Halder et al. \cite{halder2013general} used different combinations of fuzzy sets to classify emotions from faces. Poria et al. \cite{poria2016convolutional} used Convolutional (CNN) and Recurrent Neural Networks (RNN) with Multiple Kernel Learning to analyze sentiment from audio, video and text. Zhang et al. \cite{zhang2016facial} introduced a fusion approach using a Part-based Hierarchical Bidirectional RNN (PHRNN) and a Multi-Signal CNN Network (MSCNN) on images to recognize emotions. Jain et al. \cite{jain2018hybrid} also proposed a CNN-RNN hybrid model on face images for recognition. Hossein and Muhammad \cite{hossain2019emotion} worked on audio and image inputs together using CNN and SVM for emotion recognition.\\
\section{Methodology}\label{methodology}
In our work, we present an unbiased emotion detector through machine learning using publicly available videos of the crowded streets in various countries. We aimed to gather unbiased data from different cities around the world to analyze the psychology of the general population. Footages from different cities are converted to frames to be used as dataset. All methods mentioned here are performed with Python language.
\par To detect facial emotion recognition, first we need to detect faces in each frame in the dataset. For this purpose, we used Adam Geitgey's \cite{geitgey2017face} face recognition model. With this model, it is possible to locate face in the frame and crop the face region for further processing.
\par For each city, we traverse through all frames and detected faces are cropped, turned into grayscale and resized to 48x48 pixels using OpenCV library. Then, these images are sent to pre-trained deep learning model of Priya Dwivedi \cite{dwivedi2019} as inputs. Classification result belongs to one of these emotion categories; Anger, Sad, Neutral, Disgust, Surprise, Fear, Happy. Finally, classification results are exported to a CSV file categorized by city, emotion and value.
\subsection{Dataset}
\par Our dataset contains eight cities, Barcelona, Copenhagen, Istanbul, Kiev, London, New York, Paris and Tokyo. Footages were taken from various publicly available videos online, containing crowded street scenes dated between July 2013 - October 2020. Each city contains 300 detected 48x48 pixel face images in grayscale, thus complete dataset has 2400 images. It is made sure that dataset doesn't have any mistaken image for face, or, any sunglasses or regular glasses present.\\
\subsection{Face Recognition}
For face recognition, we used Adam Geitgey's \cite{geitgey2017face} CNN based face recognition library. It is actually a Python adaptation of Dlib's \cite{king2009dlib} face recognition algorithm, a popular C++ library that consists of various machine learning algorithms. CNN method can detect faces from different angles, unlike the HOG based version in the Dlib library.\\
\subsection{Emotion Recognition}
As previously mentioned, we used Priya Dwiedi's model \cite{dwivedi2019} for emotion recognition. They trained their model with The Facial Expression Recognition 2013 (FER-2013) database which is a work of Pierre-Luc Carrier and Aaron Courville \cite{goodfellow2013challenges}. This database consists of 28,709 face images for training in 48x48 pixel grayscale format.
\par A graphic representation of the CNN model prepared with visualkeras \cite{visualkeras} can be seen in the Fig. 1. Activation functions used in layers are ReLU, except the last layer, which is softmax.\\
\begin{figure*}[htbp]
\centering
\includegraphics[width=0.75\textwidth]{output-2.png}
\caption{CNN architecture for emotion recognition}
\label{fig:my_label}
\end{figure*}
\section{Experimental Results}
\par Our results showed that most common emotions detected with the algorithm were; Surprise, Fear, Happy and Anger. Sad and Neutral emotions were not detected in any of the cities. In Table-I detailed results containing all emotions are given. We notice that "surprise" emotion is very common. One explanation can be due to the recording nature of video (i.e. a youtuber recording the video) people might be surprised to notice a camera.
\par In Fig. 2, 95\% confidence intervals for happiness proportion by cities are shown. The intervals show that there is no statistically significant difference between cities in terms of proportion of happy people. There can be several explanations for that. First, even though we collected street footage, the recordings used were not taken in an obscure manner and this might have biased emotions. Another explanation could be that the proportion of happy people in street is indeed similar across the world. Results are discussed in Conclusion section.
\begin{table}[htbp]
\caption{Emotion results by city}
\begin{center}
\begin{adjustbox}{max width=9.0cm}
\begin{tabular}{|c|c|c|c|c|c|}
\hline
\textbf{} & \textbf{Anger} & \textbf{Disgust} & \textbf{Surprise} &\textbf{Fear} & \textbf{Happy}\\
\hline
Barcelona & 2 & 0 & 90 & 203 & 5 \\
\hline
Istanbul & 1 & 1 & 64 & 227 & 7 \\
\hline
Kiev & 2 & 0 & 79 & 215 & 4 \\
\hline
London & 1 & 0 & 115 & 182 & 2 \\
\hline
New York & 1 & 0 & 61 & 230 & 8 \\
\hline
Paris & 2 & 0 & 31 & 267 & 0 \\
\hline
Tokyo & 3 & 0 & 32 & 260 & 5 \\
\hline
Copenhagen & 1 & 0 & 69 & 227 & 3 \\
\hline
\end{tabular}
\end{adjustbox}
\end{center}
\end{table}
\begin{figure}[htbp]
\includegraphics[width=0.48\textwidth, center]{result-dagilim-ci.png}
\caption{Happiness distribution by city}
\label{fig:my_label}
\end{figure}
\iffalse
\begin{table}[htbp]
\caption{Happiness comparison by city}
\begin{center}
\begin{tabular}{|c|c|}
\hline
\textbf{City} & \textbf{Happiness \%} \\
\hline
New York & 2.66 \\
\hline
Istanbul & 2.33 \\
\hline
Barcelona & 1.66 \\
\hline
Tokyo & 1.66 \\
\hline
Kiev & 1.33\\
\hline
Copenhagen & 1.00 \\
\hline
London & 0.66 \\
\hline
Paris & 0\\
\hline
\end{tabular}
\end{center}
\end{table}
\fi
\section{Conclusion}
\par In our work, we proposed the use of public footage as a resource to determine happiness levels in society. We collected footage from various cities around the world together, then used artificial intelligence to recognize emotions from facial expressions.
\par For the reason why surprise and fear are prevalent in results, we think that it could be due to sun light directly hitting people outdoors, thus making them grimace, or maybe they were in a rush to catch up something, or maybe they were surprised when they noticed the camera recording. Another reason may be different races have different facial structures which can give a way to unintended classifications. It could be due to the neural network architecture, or the learning method altogether, it may need more training with different datasets or update in architecture.
\par For a future direction, further work needed in creating a more specialized dataset for the purposed idea and different machine learning algorithms needs to be explored in terms of performance and accuracy.
|
\section{Introduction}
Please follow the steps outlined below when submitting your manuscript to
the IEEE Computer Society Press. This style guide now has several
important modifications (for example, you are no longer warned against the
use of sticky tape to attach your artwork to the paper), so all authors
should read this new version.
\subsection{Language}
All manuscripts must be in English.
\subsection{Dual submission}
Please refer to the author guidelines on the CVPR 2021~web page for a
discussion of the policy on dual submissions.
\subsection{Paper length}
Papers, excluding the references section,
must be no longer than eight pages in length. The references section
will not be included in the page count, and there is no limit on the
length of the references section. For example, a paper of eight pages
with two pages of references would have a total length of 10 pages.
{\bf There will be no extra page charges for CVPR 2021.}
Overlength papers will simply not be reviewed. This includes papers
where the margins and formatting are deemed to have been significantly
altered from those laid down by this style guide. Note that this
\LaTeX\ guide already sets figure captions and references in a smaller font.
The reason such papers will not be reviewed is that there is no provision for
supervised revisions of manuscripts. The reviewing process cannot determine
the suitability of the paper for presentation in eight pages if it is
reviewed in eleven.
\subsection{The ruler}
The \LaTeX\ style defines a printed ruler which should be present in the
version submitted for review. The ruler is provided in order that
reviewers may comment on particular lines in the paper without
circumlocution. If you are preparing a document using a non-\LaTeX\
document preparation system, please arrange for an equivalent ruler to
appear on the final output pages. The presence or absence of the ruler
should not change the appearance of any other content on the page. The
camera ready copy should not contain a ruler.
(\LaTeX\ users may use options of cvpr.cls to switch between different
versions.)
Reviewers:
note that the ruler measurements do not align well with lines in the paper
--- this turns out to be very difficult to do well when the paper contains
many figures and equations, and, when done, looks ugly. Just use fractional
references (e.g.\ this line is $095.5$), although in most cases one would
expect that the approximate location will be adequate.
\subsection{Mathematics}
Please number all of your sections and displayed equations. It is
important for readers to be able to refer to any particular equation. Just
because you didn't refer to it in the text doesn't mean some future reader
might not need to refer to it. It is cumbersome to have to use
circumlocutions like ``the equation second from the top of page 3 column
1''. (Note that the ruler will not be present in the final copy, so is not
an alternative to equation numbers). All authors will benefit from reading
Mermin's description of how to write mathematics:
\url{http://www.pamitc.org/documents/mermin.pdf}.
\subsection{Blind review}
Many authors misunderstand the concept of anonymizing for blind
review. Blind review does not mean that one must remove
citations to one's own work---in fact it is often impossible to
review a paper unless the previous citations are known and
available.
Blind review means that you do not use the words ``my'' or ``our''
when citing previous work. That is all. (But see below for
techreports.)
Saying ``this builds on the work of Lucy Smith [1]'' does not say
that you are Lucy Smith; it says that you are building on her
work. If you are Smith and Jones, do not say ``as we show in
[7]'', say ``as Smith and Jones show in [7]'' and at the end of the
paper, include reference 7 as you would any other cited work.
An example of a bad paper just asking to be rejected:
\begin{quote}
\begin{center}
An analysis of the frobnicatable foo filter.
\end{center}
In this paper we present a performance analysis of our
previous paper [1], and show it to be inferior to all
previously known methods. Why the previous paper was
accepted without this analysis is beyond me.
[1] Removed for blind review
\end{quote}
An example of an acceptable paper:
\begin{quote}
\begin{center}
An analysis of the frobnicatable foo filter.
\end{center}
In this paper we present a performance analysis of the
paper of Smith \etal [1], and show it to be inferior to
all previously known methods. Why the previous paper
was accepted without this analysis is beyond me.
[1] Smith, L and Jones, C. ``The frobnicatable foo
filter, a fundamental contribution to human knowledge''.
Nature 381(12), 1-213.
\end{quote}
If you are making a submission to another conference at the same time,
which covers similar or overlapping material, you may need to refer to that
submission in order to explain the differences, just as you would if you
had previously published related work. In such cases, include the
anonymized parallel submission~\cite{Authors14} as additional material and
cite it as
\begin{quote}
[1] Authors. ``The frobnicatable foo filter'', F\&G 2014 Submission ID 324,
Supplied as additional material {\tt fg324.pdf}.
\end{quote}
Finally, you may feel you need to tell the reader that more details can be
found elsewhere, and refer them to a technical report. For conference
submissions, the paper must stand on its own, and not {\em require} the
reviewer to go to a techreport for further details. Thus, you may say in
the body of the paper ``further details may be found
in~\cite{Authors14b}''. Then submit the techreport as additional material.
Again, you may not assume the reviewers will read this material.
Sometimes your paper is about a problem which you tested using a tool which
is widely known to be restricted to a single institution. For example,
let's say it's 1969, you have solved a key problem on the Apollo lander,
and you believe that the CVPR70 audience would like to hear about your
solution. The work is a development of your celebrated 1968 paper entitled
``Zero-g frobnication: How being the only people in the world with access to
the Apollo lander source code makes us a wow at parties'', by Zeus \etal.
You can handle this paper like any other. Don't write ``We show how to
improve our previous work [Anonymous, 1968]. This time we tested the
algorithm on a lunar lander [name of lander removed for blind review]''.
That would be silly, and would immediately identify the authors. Instead
write the following:
\begin{quotation}
\noindent
We describe a system for zero-g frobnication. This
system is new because it handles the following cases:
A, B. Previous systems [Zeus et al. 1968] didn't
handle case B properly. Ours handles it by including
a foo term in the bar integral.
...
The proposed system was integrated with the Apollo
lunar lander, and went all the way to the moon, don't
you know. It displayed the following behaviours
which show how well we solved cases A and B: ...
\end{quotation}
As you can see, the above text follows standard scientific convention,
reads better than the first version, and does not explicitly name you as
the authors. A reviewer might think it likely that the new paper was
written by Zeus \etal, but cannot make any decision based on that guess.
He or she would have to be sure that no other authors could have been
contracted to solve problem B.
\medskip
\noindent
FAQ\medskip\\
{\bf Q:} Are acknowledgements OK?\\
{\bf A:} No. Leave them for the final copy.\medskip\\
{\bf Q:} How do I cite my results reported in open challenges?
{\bf A:} To conform with the double blind review policy, you can report results of other challenge participants together with your results in your paper. For your results, however, you should not identify yourself and should not mention your participation in the challenge. Instead present your results referring to the method proposed in your paper and draw conclusions based on the experimental comparison to other results.\medskip\\
\begin{figure}[t]
\begin{center}
\fbox{\rule{0pt}{2in} \rule{0.9\linewidth}{0pt}}
\end{center}
\caption{Example of caption. It is set in Roman so that mathematics
(always set in Roman: $B \sin A = A \sin B$) may be included without an
ugly clash.}
\label{fig:long}
\label{fig:onecol}
\end{figure}
\subsection{Miscellaneous}
\noindent
Compare the following:\\
\begin{tabular}{ll}
\verb'$conf_a$' & $conf_a$ \\
\verb'$\mathit{conf}_a$' & $\mathit{conf}_a$
\end{tabular}\\
See The \TeX book, p165.
The space after \eg, meaning ``for example'', should not be a
sentence-ending space. So \eg is correct, {\em e.g.} is not. The provided
\verb'\eg' macro takes care of this.
When citing a multi-author paper, you may save space by using ``et alia'',
shortened to ``\etal'' (not ``{\em et.\ al.}'' as ``{\em et}'' is a complete word.)
However, use it only when there are three or more authors. Thus, the
following is correct: ``
Frobnication has been trendy lately.
It was introduced by Alpher~\cite{Alpher02}, and subsequently developed by
Alpher and Fotheringham-Smythe~\cite{Alpher03}, and Alpher \etal~\cite{Alpher04}.''
This is incorrect: ``... subsequently developed by Alpher \etal~\cite{Alpher03} ...''
because reference~\cite{Alpher03} has just two authors. If you use the
\verb'\etal' macro provided, then you need not worry about double periods
when used at the end of a sentence as in Alpher \etal.
For this citation style, keep multiple citations in numerical (not
chronological) order, so prefer \cite{Alpher03,Alpher02,Authors14} to
\cite{Alpher02,Alpher03,Authors14}.
\begin{figure*}
\begin{center}
\fbox{\rule{0pt}{2in} \rule{.9\linewidth}{0pt}}
\end{center}
\caption{Example of a short caption, which should be centered.}
\label{fig:short}
\end{figure*}
\section{Formatting your paper}
All text must be in a two-column format. The total allowable width of the
text area is $6\frac78$ inches (17.5 cm) wide by $8\frac78$ inches (22.54
cm) high. Columns are to be $3\frac14$ inches (8.25 cm) wide, with a
$\frac{5}{16}$ inch (0.8 cm) space between them. The main title (on the
first page) should begin 1.0 inch (2.54 cm) from the top edge of the
page. The second and following pages should begin 1.0 inch (2.54 cm) from
the top edge. On all pages, the bottom margin should be 1-1/8 inches (2.86
cm) from the bottom edge of the page for $8.5 \times 11$-inch paper; for A4
paper, approximately 1-5/8 inches (4.13 cm) from the bottom edge of the
page.
\subsection{Margins and page numbering}
All printed material, including text, illustrations, and charts, must be kept
within a print area 6-7/8 inches (17.5 cm) wide by 8-7/8 inches (22.54 cm)
high.
Page numbers should be in footer with page numbers, centered and .75
inches from the bottom of the page and make it start at the correct page
number rather than the 4321 in the example. To do this fine the line (around
line 20)
\begin{verbatim}
\setcounter{page}{4321}
\end{verbatim}
where the number 4321 is your assigned starting page.
\subsection{Type-style and fonts}
Wherever Times is specified, Times Roman may also be used. If neither is
available on your word processor, please use the font closest in
appearance to Times to which you have access.
MAIN TITLE. Center the title 1-3/8 inches (3.49 cm) from the top edge of
the first page. The title should be in Times 14-point, boldface type.
Capitalize the first letter of nouns, pronouns, verbs, adjectives, and
adverbs; do not capitalize articles, coordinate conjunctions, or
prepositions (unless the title begins with such a word). Leave two blank
lines after the title.
AUTHOR NAME(s) and AFFILIATION(s) are to be centered beneath the title
and printed in Times 12-point, non-boldface type. This information is to
be followed by two blank lines.
The ABSTRACT and MAIN TEXT are to be in a two-column format.
MAIN TEXT. Type main text in 10-point Times, single-spaced. Do NOT use
double-spacing. All paragraphs should be indented 1 pica (approx. 1/6
inch or 0.422 cm). Make sure your text is fully justified---that is,
flush left and flush right. Please do not place any additional blank
lines between paragraphs.
Figure and table captions should be 9-point Roman type as in
Figures~\ref{fig:onecol} and~\ref{fig:short}. Short captions should be centred.
\noindent Callouts should be 9-point Helvetica, non-boldface type.
Initially capitalize only the first word of section titles and first-,
second-, and third-order headings.
FIRST-ORDER HEADINGS. (For example, {\large \bf 1. Introduction})
should be Times 12-point boldface, initially capitalized, flush left,
with one blank line before, and one blank line after.
SECOND-ORDER HEADINGS. (For example, { \bf 1.1. Database elements})
should be Times 11-point boldface, initially capitalized, flush left,
with one blank line before, and one after. If you require a third-order
heading (we discourage it), use 10-point Times, boldface, initially
capitalized, flush left, preceded by one blank line, followed by a period
and your text on the same line.
\subsection{Footnotes}
Please use footnotes\footnote {This is what a footnote looks like. It
often distracts the reader from the main flow of the argument.} sparingly.
Indeed, try to avoid footnotes altogether and include necessary peripheral
observations in
the text (within parentheses, if you prefer, as in this sentence). If you
wish to use a footnote, place it at the bottom of the column on the page on
which it is referenced. Use Times 8-point type, single-spaced.
\subsection{References}
List and number all bibliographical references in 9-point Times,
single-spaced, at the end of your paper. When referenced in the text,
enclose the citation number in square brackets, for
example~\cite{Authors14}. Where appropriate, include the name(s) of
editors of referenced books.
\begin{table}
\begin{center}
\begin{tabular}{|l|c|}
\hline
Method & Frobnability \\
\hline\hline
Theirs & Frumpy \\
Yours & Frobbly \\
Ours & Makes one's heart Frob\\
\hline
\end{tabular}
\end{center}
\caption{Results. Ours is better.}
\end{table}
\subsection{Illustrations, graphs, and photographs}
All graphics should be centered. Please ensure that any point you wish to
make is resolvable in a printed copy of the paper. Resize fonts in figures
to match the font in the body text, and choose line widths which render
effectively in print. Many readers (and reviewers), even of an electronic
copy, will choose to print your paper in order to read it. You cannot
insist that they do otherwise, and therefore must not assume that they can
zoom in to see tiny details on a graphic.
When placing figures in \LaTeX, it's almost always best to use
\verb+\includegraphics+, and to specify the figure width as a multiple of
the line width as in the example below
{\small\begin{verbatim}
\usepackage[dvips]{graphicx} ...
\includegraphics[width=0.8\linewidth]
{myfile.eps}
\end{verbatim}
}
\subsection{Color}
Please refer to the author guidelines on the CVPR 2021~web page for a discussion
of the use of color in your document.
\section{Final copy}
You must include your signed IEEE copyright release form when you submit
your finished paper. We MUST have this form before your paper can be
published in the proceedings.
Please direct any questions to the production editor in charge of these
proceedings at the IEEE Computer Society Press:
\url{https://www.computer.org/about/contact}.
{\small
\bibliographystyle{ieee_fullname}
\section{Introduction}
\label{sec:introduction}
\begin{figure}[h]
\begin{center}
\centerline{\includegraphics[width=0.98\linewidth]{overview.pdf}}
\caption{\textbf{Semantic Guidance}. We propose a semantic guidance pipeline for the \emph{``learning to paint''} problem. The reinforcement learning agent incorporates (b) object localization and semantic segmentation maps for the target image (a), to achieve enhanced foreground saliency (refer Fig.~\ref{fig:bird_results}) in the final canvas (d). We also introduce expert guidance to amplify the focus on small but distinguishing features of the foreground objects (\emph{e.g.} bird's eye), by proposing (c) a guided backpropagation based focus reward.}
\label{fig:overview}
\end{center}
\vskip -0.3in
\end{figure}
Paintings form a key medium through which humans express their visual conception, creativity and thoughts. Being able to paint constitutes a vital skill in the human learning process and requires long-term planning to efficiently convey the picture within a limited number of brush strokes. Thus, the successful impartation of this challenging skill to machines, would not only have huge applications in computer graphics, but would also form a key component in the development of a general artificial intelligence system.
Recently, a lot of research \cite{huang2019learning,mellor2019unsupervised,ganin2018synthesizing,zheng2018strokenet,xie2013artist,ha2017neural} is being targeted on teaching machines \emph{``how to paint''}, in a manner similar to a human painter. A popular solution to this problem is to use reinforcement learning and model the painting episode as a Markov Decision Process (MDP).
Given a target image, the agent learns to predict a sequence of brush strokes which when transferred on to a canvas, result in a painting which is semantically and visually similar to the input image. The reward function for the agent is usually learnt using a generative adversarial network (GAN) \cite{goodfellow2014generative}, which provides a measure of similarity between the final canvas and the original target image.
In this paper, we propose a \emph{semantic guidance} pipeline which addresses the following three challenges faced by the current painting agents. \textbf{First}, the current methods \cite{huang2019learning,mellor2019unsupervised,ganin2018synthesizing} are limited to only datasets which depict a single dominant instance per image (\emph{e.g.}~cropped faces). Experimental results reveal that this leads to poor performance on varying the position, scale and saliency of the foreground object within the image. We address this limitation by adopting a \emph{bi-level painting procedure}, which incorporates semantic segmentation into the painting process, to learn a distinction between brush stroke patterns for foreground and background image regions. Here, we utilize the intuition that the human painting process is deeply rooted in our semantic understanding of the image components. For instance, an accurate depiction of a bird sitting on a tree would depend highly on the agent's ability to recognize the bird and the tree as separate objects and hence use correspondingly different stroke patterns / plans.
\textbf{Second}, variation in position and scale of the foreground objects within the image, introduces high variance in the input distribution for the generative model. To this end, we propose a \emph{neural alignment model}, which combines object localization and spatial transformer networks to learn an affine mapping between the overall image and the bounding box of the target object. The neural alignment model is end-to-end and preserves the differentiability requirement for our model-based reinforcement learning approach.
\textbf{Third}, accurate depiction of instances belonging to the same semantic class should require the painting agent to give special attention to different distinguishing features. For instance, while the shape of the beak may be a key feature for some birds, it may be of little consequence for other bird types. We thus propose a novel guided backpropagation based \emph{focus reward} to increase the model's attention on these fine-grain features. The use of guided backpropagation also helps in amplifying the importance of small image regions, like a bird's eye which might be otherwise ignored by the reinforcement learning agent.
In summary, the main contributions of this paper are:
\begin{itemize}
\item We introduce a semantically guided bi-level painting process to develop a better distinction between foreground and background brush stroke patterns.
\item We propose a neural alignment model, which combines object localization and spatial transformer networks in an end to end manner to zoom in on a particular foreground object in the image.
\item We finally introduce expert guidance on the relative importance of distinguishing features of the in-focus object (\emph{e.g.} tail, beak \emph{etc.}~for a bird) by proposing a novel guided backpropagation based focus reward.
\end{itemize}
\section{Related Work}
\label{sec:related_work}
\textbf{Stroke based rendering methods.} Automatic generation of non-photorealistic imagery has been a problem of keen interest in the computer vision community. Stroke Based Rendering (SBR) is a popular approach in this regard, which focuses on recreating images by placing discrete elements such as paint strokes or stipples \cite{hertzmann2003survey}.
The positioning and selection of appropriate strokes is a key aspect of this approach \cite{zeng2009image}.
Most traditional SBR algorithms address this task through either, greedy search at each step \cite{hertzmann1998painterly,litwinowicz1997processing}, optimization over an energy function using heuristics \cite{turk1996image}, or require user interaction for supervising brush stroke positions \cite{haeberli1990paint,teece19983d}.
\textbf{RNN-based methods.} Recent deep learning based solutions adopt the use of recurrent neural networks for stroke decomposition. However, these methods like Sketch-RNN \cite{ha2017neural} for drawings and Graves \etal \cite{graves2013generating} for handwriting generation, require access to sequential stroke data, which limits their applicability for most real world datasets. StrokeNet \cite{ha2017neural} addresses this limitation by using a differentiable renderer, however it fails to generalize to color images.
\textbf{Unsupervised stroke decomposition using RL.} Recent methods \cite{xie2013artist,ganin2018synthesizing,mellor2019unsupervised,huang2019learning} use RL to learn an efficient stroke decomposition. The adoption of a trial and error approach alleviates the need for stroke supervision, as long as a reliable reward metric is available. SPIRAL \cite{ganin2018synthesizing}, SPIRAL++ \cite{mellor2019unsupervised} and Huang \etal \cite{huang2019learning} adopt an adversarial training approach, wherein the reward function is modelled using the WGAN distance \cite{huang2019learning,arjovsky2017wasserstein}.
Learning a differentiable renderer model has also been shown to improve the learning speed of the training process \cite{huang2019learning,zheng2018strokenet,nakano2019neural,frans2018unsupervised}.
The above methods generalize only for datasets (\emph{e.g.} cropped, aligned faces from CelebA \cite{liu2015faceattributes}), with limited variation in scale, position and saliency of the foreground object. We note that while Huang \etal \cite{huang2019learning} evaluate their approach on ImageNet \cite{deng2009imagenet}, we find that competitive results are achieved only after using the division parameter at inference times. In this setting, the agent divides the overall image into a grid with 16 / 256 blocks, and then proceeds to paint each of them in parallel. We argue that such a division does not follow the constraints of the original problem formulation, in which the agent mimics the human painting process. Furthermore, such a division strategy increases the effective number of total strokes and tends towards a pixel-level image regression approach, with the generated images losing the desired artistic / non-photorealistic touch.
\textbf{Semantic Divide and Conquer.}
Our work is in part also motivated by semantic division strategies from \cite{wang2020sdc,liu2010single}, which propose a division of the overall depth estimation task among the constituent semantic classes. However, to the best of our knowledge, our work is the first attempt on incorporating semantic division (with model-based RL) for the ``learning to paint'' problem.
\begin{figure*}[h!]
\begin{center}
\centerline{\includegraphics[width=0.9\linewidth]{model_design11.pdf}}
\caption{\textbf{Overview of Semantic Guidance Pipeline.} Our semantic guidance pipeline consists of three parts. \textbf{1)} The bi-level painting process (Section \ref{sec:bilevel}) develops a distinction between painting foreground and background brush strokes. \textbf{2)} The Neural Alignment Model (Section \ref{sec:neural_alignment}) provides a differentiable cropping of the foreground object regions for the target image and the updated canvas state. These cropped object images are then used to compute the foreground reward (refer Eq. \ref{eq:fg_reward2}). \textbf{3)} Finally, we use guided backpropagation maps from an expert model, to specifically boost the importance of distinguishing object features in the final canvas (Section \ref{sec:focus_reward}).}
\label{fig:model_design}
\end{center}
\vskip -0.3in
\end{figure*}
\section{Overview of the Painting Agent}
\label{sec:overview}
Similar to Huang \etal \cite{huang2019learning}, we adopt a model-based reinforcement learning approach for this problem. The painting episode is modelled as a Markov Decision Process (MDP) defined by state space $\mathcal{S}$, transition function $\mathcal{P}(s_{t+1}|s_t,a_t)$ and action space $\mathcal{A}$.
\textbf{State space.} The state $s_t \in \mathcal{S}$ at any time $t$ is defined by the tuple $(C_t,I,\mathcalbf{S}_I,\mathcalbf{G}_I,t)$, where $C_t$ is the canvas image at timestep $t$ and $I$ is the target image. $\mathcalbf{S}_I,\mathcalbf{G}_I$ represent the semantic instance probability map $\{\in [0,1]^{H \times W}\}$ and the guided backpropagation map for the target image.
\textbf{Action space}. The action $a_t$ at each timestep, depicts the parameters of a quadratic Bézier curve, used to model the brush stroke. The stroke parameters form a 13 dimensional vector as follows,
\begin{align}
a_t = (x_0,y_0,x_1,y_1,x_2,y_2,z_0,z_2,w_0,w_2,r,g,b),
\end{align}
where the first 10 parameters depict stroke position, shape and transparency, while the last 3 parameters $(r,g,b)$ form the RGB representation for the stroke color.
\textbf{Environment Model.} The environment model / transition function $\mathcal{P}(s_{t+1}|s_t,a_t)$ is modelled through a neural renderer network $\mathbf{\Phi}$, which facilitates a differentiable mapping from the current canvas $C_t$ and brush stroke parameters $a_t$ to the updated canvas state $C_{t+1}$. For mathematical convenience alone, we define two distinct stroke map definitions $\mathbf{\Phi},\mathbf{\Phi}^c$ . $\mathbf{\Phi}(a_t) \{ \in [0,1]^{H \times W}\}$ represents the stroke density map, whose value at any pixel provides a measure of transparency of the current stroke. $\mathbf{\Phi}^c(a_t)$ is the colored rendering of the original stroke density map $\mathbf{\Phi}(a_t)$ on an empty canvas.
\textbf{Action Bundle.} We adopt an action bundle approach which has been shown to be an efficient mechanism for enforcing higher emphasis on the planning process \cite{huang2019learning}. Thus, at each timestep the agent predicts the parameters for the next $K=5$ brush strokes.
\section{Introducing Semantic Guidance}
\label{sec:semantic_guidance}
In the following sections, we describe the complete pipeline for our semantic guidance model (refer Fig.~\ref{fig:model_design}). We first outline our approach for a two class (foreground, background) painting problem and then later demonstrate its extension to more complex image datasets with multiple foreground instances per image in Section \ref{sec:multiple_foreground}.
\subsection{The Bi-Level Painting Process}
\label{sec:bilevel}
The human painting process is inherently multi-level, wherein the painter would focus on different semantic regions through distinct brush strokes. For instance, brush strokes aimed at painting the general image background would have a different distribution as compared to strokes depicting each of the foreground instances.
Motivated by this, we propose to use semantic segmentation to develop a distinction between the foreground and the background strokes. This distinction is achieved through a bi-level painting procedure which allocates a specialized reward for each stroke type. More specifically, we first modify the action bundle $\mathbf{a}_t$ to separately predict Bézier curve parameters for foreground and background strokes, \emph{i.e.}
\begin{align}
\mathbf{a}_t = \{\mathbf{a}_b,\mathbf{a}_f\},
\end{align}
where $\mathbf{a}_f,\mathbf{a}_b$ represent the foreground and background stroke parameters, respectively.
Next, given a neural renderer network $\mathbf{\Phi}$, target image $I$ and semantic class probability map $\mathcalbf{S}_I$, the canvas state $C_t$ is updated in the following two stages,
\begin{align}
&C^b_{t+1} = [1-\mathbf{\Phi}(\mathbf{a}_b)] \odot C_t + \mathbf{\Phi}^c(\mathbf{a}_b) \odot [1-\mathcalbf{S}_I],\\
&C_{t+1} = [1-\mathbf{\Phi}(\mathbf{a}_f)] \odot C^b_{t+1} + \mathbf{\Phi}^c(\mathbf{a}_f) \odot \mathcalbf{S}_I,
\end{align}
where $\odot$ indicates element-wise multiplication and $\mathbf{\Phi}^c(a)$ is the colored rendering of the stroke density map $\mathbf{\Phi}(a)$.
The reward for each stroke type is then defined as,
\begin{align}
r^b_t = D^{wgan}(I, C_{t+1}) - D^{wgan}(I,C_{t}),
\end{align}
\begin{equation}
\begin{aligned}
r^f_t = \ &D^{wgan}(I \odot \mathcalbf{S}_I , C_{t+1} \odot \mathcalbf{S}_I ) \\
- & D^{wgan}(I \odot \mathcalbf{S}_I,C_{t} \odot \mathcalbf{S}_I),
\end{aligned} \label{eq:fg_reward1}
\end{equation}
where $r^f_t,r^b_t$ represent the foreground and background rewards, respectively, and $D^{wgan}(I,C_t)$ is the joint conditional discriminator score for image $I$ and canvas $C_t$.
\subsection{Neural Alignment Model}
\label{sec:neural_alignment}
The accuracy of the foreground rewards computed using Eq. \ref{eq:fg_reward1}, depends highly on the ability of the discriminator to accurately capture the similarity between the foreground regions in target image $I$ and the current canvas state $C_t$. However, the input to the discriminator of the WGAN model would have high variance, if the position and scale of the foreground object varies significantly amongst the input images. This high variance poses a direct challenge to the discriminator's performance while training on complex real world datasets. To this end, we propose a differentiable neural alignment model, which combines object localization and spatial transformer networks \cite{jaderberg2015spatial} to zoom into the foreground object, thereby providing a standardized input for the discriminator.
First, we modify the segmentation model to predict both the foreground object mask $\mathcalbf{S}_I$ and bounding box coordinates $(x_b,y_b,w_b,h_b)$ of the foreground object in the target image. We then use a spatial transformer network $\mathbf{\Omega}$, which uses the predicted bounding box coordinates to compute an affine mapping, from the overall canvas image $C_t$ to the zoomed foreground object image $Z^C_t$. Mathematically,
\begin{align}
&\mathcalbf{S}_I, (x_b,y_b,w_b,h_b) = \mathbf{\Psi} (I),\\
&Z^C_t = \mathbf{\Omega}(C_t,(x_b,y_b,w_b,h_b)), \\
&Z^I = \mathbf{\Omega}(I, (x_b,y_b,w_b,h_b)),\\
&Z^\mathcalbf{S} = \mathbf{\Omega}(\mathcalbf{S}_I, (x_b,y_b,w_b,h_b)),
\end{align}
where $\mathbf{\Psi}$ represents the foreground segmentation and localization network. The $3 \times 2$ affine matrix for the spatial transformer network $\mathbf{\Omega}$, given bounding box coordinates $(x_b,y_b,w_b,h_b)$ and overall image size $(H,W)$, is defined as,
\begin{align}
A =
\begin{bmatrix}
W/w_b & 0 & -Wx_b/w_b\\
0 & H/h_b & -Hy_b/h_b
\end{bmatrix}^T .
\end{align}
The modified foreground reward ($r^f_t$) is then computed using the WGAN discriminator scores for the zoomed-in target and canvas images, as follows,
\begin{equation}
\begin{aligned}
r^f_t = \ &D^{wgan}(Z^I \odot Z^\mathcalbf{S}, Z^C_{t+1} \odot Z^\mathcalbf{S} ) \\
- & D^{wgan}(Z^I \odot Z^\mathcalbf{S},Z^C_{t} \odot Z^\mathcalbf{S}).
\end{aligned} \label{eq:fg_reward2}
\end{equation}
\subsection{Guided Backpropagation Based Focus Reward}
\label{sec:focus_reward}
The semantic importance of an image region is not necessarily proportional to the number of pixels covered by the corresponding region. While using WGAN loss provides some degree of abstraction as compared with the direct pixel-wise $l_2$ distance, we observe that a painting agent trained with a WGAN score based reward function, does not pay adequate attention to small but distinguishing object features. For instance, as shown in Fig.~\ref{fig:bird_results}, for the CUB-200-2011 birds dataset, we see that while the baseline agent captures the global object features like shape and color, it either omits or insufficiently depicts important bird features like eyes, wing texture, color marks around the neck \emph{etc}.
In order to address this limitation, we propose to incorporate a novel focus reward in conjuction with the global WGAN reward, to amplify the focus on the distinguishing features of each foreground instance. The focus reward uses guided back propagation maps from an expert task model (\emph{e.g.}~classification) to scale the relative importance of different image regions in the painting process.
Guided backpropagation (GBP) has been shown to be an efficient mechanism for visualizing key image features \cite{springenberg2014striving,nie2018theoretical}. Thus by maximizing the focus reward, we encourage the painting agent to generate canvases with enhanced granularity at key feature locations.
Mathematically, given the normalized guided back-propagation map $\mathcalbf{G}_I \{ \in \{0,1\}^{H \times W}\}$ for the target image, object bounding box coordinates $(x_b,y_b,w_b,h_b)$ and neural alignment model $\mathbf{\Omega}$, we first define the GBP distance $L^\mathcalbf{G}_t$ as,
\begin{align}
Z^{\mathcalbf{G}_I} = \mathbf{\Omega}(\mathcalbf{G}_I, (x_b,y_b,w_b,h_b)),\\
L^\mathcalbf{G}_t = \frac{\left \Vert Z^{\mathcalbf{G}_I} \odot \left(Z^I - Z^C_t \right) \right \Vert^2_F}{\left \Vert Z^{\mathcalbf{G}_I} \right \Vert_F},
\end{align}
where $\Vert . \Vert_F$ represents the Frobenius norm. Here we normalize the weighted difference between neurally aligned target and canvas images, using the total number of non-zero pixels in the guided backpropagation map. Thus, the scale of GBP distance $L^\mathcalbf{G}_t$ is invariant to extent of activations in the zoomed key-point importance map $Z^{\mathcalbf{G}_I}$.
The focus reward is then defined as the difference between GBP distances at successive timesteps,
\begin{align}
r^{focus}_t = L^\mathcalbf{G}_t - L^\mathcalbf{G}_{t+1}.
\end{align}
\section{Handling Multiple Foreground Instances}
\label{sec:multiple_foreground}
The semantic guidance pipeline discussed in Section \ref{sec:semantic_guidance}, mainly handles images with a single foreground object instance per image. In this section, we show how the proposed approach can be used to ``learn how to paint'' on datasets depicting multiple foreground objects per image.
At training time, we maintain the bi-level painting procedure described in Section \ref{sec:bilevel}. The action bundle at each timestep describes the brush stroke parameters for the background and one of the foreground instances. The foreground instance for a particular painting episode is kept fixed and is selected with a probability proportional to the total number of pixels covered by that object.
At inference time however, the agent would need to pay attention to all of the foreground instances. Given $N$ total foreground objects, the agent at any timestep $t$ of the painting episode, would choose to predict brush stroke parameters for the foreground class with the highest $l_2$ difference in the corresponding areas on the canvas and the target image. Mathematically, the foreground instance $(u)$ at each timestep $t$ is selected as,
\begin{align}
u = \argmax_i \Vert \mathcalbf{S}_i \odot (I - C_t) \Vert_F,
\end{align}
where $\mathcalbf{S}_i$ represents the foreground segmentation map for the $i^{th}$ object. We also note that the distinction between foreground and background strokes allows us to perform data augmentation with a specialized dataset to improve the quality of foreground data examples. Thus, in our experiments, we augment the Virtual KITTI dataset with images from Stanford Cars-196 in ratio of 0.8:0.2 while training.
\section{Experiments}
\label{sec:experiments}
\subsection{Datasets}
\label{sec:datasets}
We use the CUB-200-2011 Birds \cite{WahCUB_200_2011} and Stanford Cars-196 \cite{KrauseStarkDengFei-Fei_3DRR2013} dataset for performing qualitative evaluation of our method. The above datasets mainly feature one foreground instance per image and hence can be trained using the bi-level semantic guidance pipeline described in Section \ref{sec:semantic_guidance}. We also use the high-fidelity Virtual-KITTI \cite{cabon2020vkitti2} dataset to demonstrate the extension of the proposed method to multiple foreground instances per image.
\textbf{CUB-200-2011 Birds} \cite{WahCUB_200_2011} is a large-scale birds dataset frequently used for benchmarking fine-grain classification models. It consists of 200 bird species with annotations available for class, foreground mask and bounding box of the bird. The dataset features high variation in object background as well as scale, position and the relative saliency of the foreground bird with respect to its immediate surroundings. These properties make it a challenging benchmark for the ``learning to paint'' problem.
\textbf{Stanford Cars-196} \cite{KrauseStarkDengFei-Fei_3DRR2013} is another dataset used for testing fine-grain classification. It consists of 16185 total images depicting cars belonging to 196 distinct categories and having varying 3D orientation. The dataset only provides object category and bounding box annotations. We compute the foreground car masks using the pretrained DeepLabV3-Resnet101 network \cite{chen2017rethinking}.
\textbf{Virtual KITTI} \cite{cabon2020vkitti2} is a high fidelity dataset containing photo-realistic renderings of urban environments from 5 distinct scene backgrounds. Each scene contains images depicting variation in camera location, weather, time of day and density / location of foreground objects. The high variability of these image attributes, makes it a very challenging dataset for training the painting agent. Nevertheless, we demonstrate that our method helps in improving the semantic quality of the generated canvases despite these obstacles.
\subsection{Training Details}
\label{sec:training_details}
\textbf{Neural Renderer.} We closely follow the architecture from Huang \etal \cite{huang2019learning}, while designing the differentiable neural renderer $\mathbf{\Phi}$. Given a batch of random brush stroke parameters $a_t$, the network output $\mathbf{\Phi}[a_t]$ is trained to mimic the rendering of the corresponding Bézier curve on an empty canvas. The training labels are generated using an automated graphics module and the renderer is trained for $4 \times 10^5$ iterations with a batch size of 64.
\textbf{Learning foreground mask and bounding box.} A key component of the semantic guidance pipeline is foreground segmentation and bounding box prediction. We use a fully convolutional network, with separate heads to predict a per-pixel foreground probability map and the coordinates of the bounding box.
The foreground mask prediction is trained with the standard cross-entropy loss $L_{fg}$, while the bounding box coordinates are learned using Smooth L1 \cite{girshick2015fast} regression loss $L_{bbox}$.
\textbf{Expert model for Guided Backpropagation.}
We use the pretrained fine-grain classification NTS-Net model \cite{yang2018learning} as the expert network used for generating guided backpropagation maps on the CUB-200-2011 birds dataset. Note that we use NTS-Net due the easy accessibility of the pretrained model. We expect that using a more state of the art model like \cite{ge2019weakly} would lead to better results with the focus reward.
The expert model for the Standford Cars-196 dataset is trained in conjunction with the reinforcement learning agent, with an EfficientNet-B0 \cite{tan2019efficientnet} backbone network. The EfficientNet architecture allows us to limit the total number of network parameters while respecting the memory constraints for a NVIDIA GTX 2080 Ti. The expert model is trained for a total of 200 epochs with a batch size of 64. EfficientNet-B7 model pretrained on ImageNet \cite{deng2009imagenet} dataset, is used as the expert for the Virtual KITTI dataset.
\textbf{Overall Training.} The reinforcement learning agent follows an actor-critic architecture. The actor predicts the policy function $\pi(a|s)$, while the critic computes the value function $V(s)$. The agent is trained using model-based DDPG \cite{lillicrap2015continuous} with the following policy and value loss,
\begin{align}
&L_{actor} = -\mathbf{E}_{s_t,a_t}\left[ r(s_t,a_t) + \gamma V(s_{t+1}) \right], \\
&L_{critic} = \mathbf{E}_{s_t,a_t} \left[ (r(s_t,a_t) + \gamma V(s_{t+1}) - V(s_{t}) )^2 \right]
\end{align}
where $\gamma$ is the discount factor and the final reward function $r(s_t,a_t)$ is computed as the weighted sum of the foreground, background and focus rewards,
\begin{align}
r(s_t,a_t) = r^b_t + \eta \ r^f_t + \nu r^{focus}_t,
\end{align}
where $\eta,\nu$ are hyperparameters. A hyper-parameter selection of $\{\eta=2,\nu=10\}$ was seen to give competitive results for our experiments. The model-based RL agent is trained for a total of 2M iterations with a batch size of 96.
\subsection{Results}
\label{sec:results}
\begin{figure*}[ht]
\begin{center}
\centerline{\includegraphics[width=0.95\linewidth]{birds_cars_results4.pdf}}
\caption{\textbf{Results on CUB-200 Birds and Stanford-Cars196 Datasets.} Left: Huang \etal \cite{huang2019learning}, Middle: Canvas generated using Semantic Guidance pipeline (Ours), Right: the original target image. We clearly see that our method results in enhanced foreground saliency and achieves better granularity of key object features.}
\label{fig:bird_results}
\end{center}
\vskip -0.3in
\end{figure*}
\begin{figure}[ht]
\vskip 0.1in
\begin{center}
\centerline{\includegraphics[width=\linewidth]{vkitti_results.jpg}}
\caption{\textbf{Results on Virtual KITTI.} Left: Baseline \cite{huang2019learning}, Middle: Canvas generated using Semantic Guidance pipeline (Ours), Right: target image. By developing a distinction between foreground and background strokes, our method better captures the color / saliency of visually small foreground vehicles.}
\label{fig:vkitti_results}
\end{center}
\vskip -0.2in
\end{figure}
We compare our method with the baseline ``learning to paint'' pipeline from Huang \etal \cite{huang2019learning} which uses an action bundle containing 5 consecutive brush strokes. In order to provide a fair comparison, we use the same overall bundle size but divide it among foreground and background strokes in the ratio of 3:2. That is, the agent at each timestep predicts 3 foreground and 2 background brush strokes.
\textbf{Improved foreground saliency.} Fig.~\ref{fig:bird_results} shows the results\footnote{Please refer supp. material for further quantitative results.} for the CUB-200 Birds and Stanford-Cars196 dataset. We clearly see that our method leads to increased saliency of foreground objects, especially when the target object is partly camouflaged by its immediate surroundings (refer Fig.~\ref{fig:bird_results}a, row-4 and Fig.~\ref{fig:bird_results}b, row-3). This increased contrast between foreground and background perception, results directly from our semantically guided bi-level painting process and the neural alignment model.
\textbf{Enhanced feature granularity.} We also observe that canvases generated using our method show improved focus on key object features as compared to the baseline. For instance, the red head-feather, which is an important feature of pileated woodpecker (refer Fig.~\ref{fig:bird_results}a: row-1), is practically ignored by the baseline agent due to its small size. The proposed guided backpropagation based focus reward, helps in amplifying the importance of this key feature in the overall reward function. Similarly, our method also leads to improved depiction of wing patterns and claws in (Fig.~\ref{fig:bird_results}a: row-2), the small eye region, feather marks in (Fig.~\ref{fig:bird_results}a: row-3) and car headlights, wheel patterns in (Fig.~\ref{fig:bird_results}b: row-1,2).
\textbf{Multiple foreground instances.} We use the Virtual-KITTI dataset and the extended training procedure outlined in Section \ref{sec:multiple_foreground}, to demonstrate the applicability of our method on images with multiple foreground instances. Note that due to computational limits and the nature of ground-truth data, we stick to vehicular foreground classes like cars, vans, buses \emph{etc}, for our experiments. Results are shown in Fig.~\ref{fig:vkitti_results}. We observe that due to the dominant nature of image backgrounds in this dataset, the baseline agent fails to accurately capture the presence / color spectrum of the foreground vehicles. In contrast, our bi-level painting procedure learns a distinction between foreground and background strokes in the training process itself, and thus provides a much better balance between foreground and background depiction for the target image.
\section{Analysis}
\label{sec:analysis}
\subsection{Ablation Study: Isolating Impact of Focus Loss}
\label{sec:ablation_focus}
In this section, we design a control experiment in order to isolate the impact of focus reward proposed in Section \ref{sec:focus_reward}. To this end, we construct a modified birds dataset from CUB-200-2011 dataset. We do this by first setting the background image pixels to zero, which alleviates the need for the bi-level painting procedure. We next eliminate the need for the neural alignment model by cropping the bounding box for each bird. The resulting dataset is then used to train the baseline \cite{huang2019learning}, and a modified semantic guidance pipeline trained only using a weighted combination of the WGAN reward \cite{huang2019learning} and the focus reward $r^{focus}_t$,
\begin{align}
r(s_t,a_t) = r^{wgan}_t + \kappa \ r^{focus}_t,
\end{align}
where $\kappa=0$ represents baseline model without the focus loss. We then analyse the effect on the resulting canvas as the weightage $\kappa$ of the focus reward is increased.
All models are trained for 1M iterations with a batch size of 96.
Fig.~\ref{fig:gbp_results} describes the modified training results. We clearly see that while the baseline \cite{huang2019learning} trained with wgan reward captures the overall bird shape and color, it fails to accurately pay attention to finer bird features like texture of the wings (row 1,3,4), density of eyes (row 3,4) and sharp color contrast (red regions near the face for row 1,2).
We also observe that the granularity of the above discussed features in the painted canvas, improves as the weightage $\kappa$ of the focus reward is increased.
\begin{figure}[hb!]
\vskip -0.2in
\begin{center}
\centerline{\includegraphics[width=0.98\linewidth]{gbp_results2.pdf}}
\caption{\textbf{Ablation results for focus reward.} (Column 1-3): From left to right, the painted canvases for $\kappa = 0,5,10$ respectively, where $\kappa=0$ represents the baseline \cite{huang2019learning}. (Column-4): the target image from modified birds dataset (refer Sec. \ref{sec:ablation_focus}). We see a clear increase in the amount of finer feature details like wing texture, density of eyes \emph{etc}, as the weightage of focus loss is increased.}
\label{fig:gbp_results}
\end{center}
\vskip -0.4in
\end{figure}
\subsection{Analysing Effect of Semantic Guidance on Painting Sequence}
\label{sec:paint_seq}
\begin{figure*}[ht]
\begin{center}
\centerline{\includegraphics[width=0.87\linewidth]{paint_seq5.pdf}}
\caption{\textbf{Effect of Semantic Guidance on Painting Sequence.} (1) Baseline \cite{huang2019learning}, (2) Semantic Guidance (Ours). For each target image in (a), (b-g) represent the canvas state after 10, 20, 30, 50, 100, 200 brush strokes respectively. We observe that there is huge difference between the painting styles of the two agents. In contrast to the baseline agent (which follows a bottom-up approach), the top-down painting style of our method offers better resemblance with a human painter.}
\label{fig:paint_seq}
\end{center}
\vskip -0.3in
\end{figure*}
Recall that the main goal of the ``learning to paint'' problem, is to make the machine paint in a \emph{manner similar to a human painter}. Thus, the performance of a painting agent should be measured, not only by the resemblance between the final canvas and the target image, but also by the similarity of the corresponding painting sequence with that of a human painter. In this section, we demonstrate that unlike previous methods, semantic guidance helps the reinforcement learning agent adopt a painting trajectory that is highly similar to the human painting process.
In order to do a fair comparison of agent trajectories between our method and the baseline \cite{huang2019learning}, we select test images from the Stanford Cars-196 dataset, such that the final canvases from both methods are equally similar to the target image. That is, the $l_2$\footnote{We note that, in general $l_2$ distance may not be a reliable measure of semantic similarity between two images. As shown in Fig.~\ref{fig:paint_seq}, two canvases can be qualitatively quite different while having similar $l_2$ distance with the target image.} distance between the final canvas and the target image is similar for both methods.
Results are shown in Fig.~\ref{fig:paint_seq}. We can immediately observe a stark difference between the painting styles of the two agents. The standard agent
displays bottom-up image understanding, and proceeds to first paint visually distinct car edges / parts like windows, red tail light, black region near the bottom of the car \emph{etc}. In contrast, the semantically guided agent follows a more human-like top-down approach, wherein it first begins with a rough structural outline for the car and only then focuses on other structurally non-relevant parts. For instance, in the first example from Fig.~\ref{fig:paint_seq}, the semantic guidance agent adds color to the tail-light only after finishing painting the overall structure of the car. On the other hand, the red brush stroke for the tail-light region is painted quite early by the baseline agent, even before the overall car structure begins to emerge on the canvas.
We thus note that the semantically guided agent resembles the human painting style on two broad levels. \emph{1) On the canvas level}, the bi-level procedure allows the painting agent to learn different stroke patterns for semantically distinct image regions (as is done by humans).
\emph{2) On the object level}, expert guidance and specialization of the foreground strokes to a specific object class (\emph{e.g.}~cars) leads to a top-down painting sequence. That is, the model first pays attention to high-level structural features which are shared by several instances of the foreground object class, and only then focuses on finer instance-specific lower-level features.
\section{Conclusion}
\label{sec:conclusion}
In this paper, we propose a semantic guidance pipeline for the ``learning to paint'' problem. Our method incorporates semantic segmentation to propose a bi-level painting process, which helps in learning a distinction between foreground and background brush stroke patterns.
We also introduce a guided backpropagation based focus reward, to increase the granularity and importance of small but distinguishing object features in the final canvas. The resulting agent successfully handles variations in position, scale and saliency of foreground objects, and develops a top-down painting style which closely resembles a human painter.
\textbf{Acknowledgements.} This work was supported by ARC Discovery Early Career Researcher Award (DE200101283) and ARC Discovery Project (DP210102801).
\clearpage
{\small
\bibliographystyle{ieee_fullname}
|
\section{Introduction}
Light-matter interaction at sub-wavelength dimensions can lead to astonishing effects like localized surface plasmon resonances which concentrate light to deeply sub-wavelength volumes \cite{muhlschlegelResonantOpticalAntennas2005}, the appearance of optical magnetic resonances in otherwise non-magnetic media \cite{kuznetsovOpticallyResonantDielectric2016}, the possibility to shape optical near-fields with sub-wavelength structure \cite{girardFieldsNanostructures2005}, the emergence of non-linear optical phenomena \cite{kauranenNonlinearPlasmonics2012} or strong enhancement of quantum emitter luminescence \cite{francsPlasmonicPurcellFactor2016} to name just a few.
Those nano-scale optical effects can be exploited for a broad variety of applications, for instance in integrated quantum optics \cite{wangIntegratedPhotonicQuantum2020}, for meta-materials \cite{pendryNegativeRefractionMakes2000} and in this context specifically for metasurfaces like flat lenses \cite{genevetRecentAdvancesPlanar2017}.
It is for example even possible to create all-optical devices which use light to solve integral equations or perform other analogue optical computing tasks \cite{estakhriInversedesignedMetastructuresThat2019, clementsOptimalDesignUniversal2016, zangeneh-nejadAnalogueComputingMetamaterials2020}.
\refstepcounter{BoxCounter}\label{box:ann_introduction}
\begin{tcolorbox}[breakable,float*=t, width=\textwidth, title={\textbf{Box \arabic{BoxCounter}.} Artificial neurons, neural networks and their training}]
\begin{multicols}{2}
An artificial neuron (AN) is simply a mathematical function which mimics the behavior of a biological neuron.
\begin{center}
\includegraphics[width=0.95\columnwidth]{boxfig_ml_neuron}
\end{center}
The step-like behavior of neuronal activation, which starts to fire once a threshold stimulation is exceeded, can be implemented by various nonlinear mathematical functions.
A popular example is the logistic function (also called ``sigmoid''), shown in the above sketch.
If the scalar product of an input vector $\mathbf{x}$ and the neuron-intrinsic weight parameters $w_i$ is larger than the neuron's bias parameter $b$, the output $y$ is ``high'' (the artificial neuron fires). Else it is ``low''.
An artificial neural network (ANN) is composed of several of such ANs, usually arranged in ``layers''.
The output value of a neuron is fed into a succeeding layer of neurons. The final layer is the network output $\mathbf{y}$.
For instance in a so-called \textit{fully connected} ANN, every neuron of one layer is connected to every neuron of the following layer:
\begin{center}
\includegraphics[width=0.95\columnwidth]{boxfig_ml_ann}
\end{center}
Hence, an ANN represents a vectorial function $f(\mathbf{x}) = \mathbf{y}$ characterized by a large number of parameters $w_i$ and $b_j$.
Training an ANN is done via a numerical minimization of a loss function $L$, which describes the error of the network in predicting samples of the training data.
A popular loss function is the mean square error loss (MSE), in particular used for regression tasks:
%
\begin{equation}
L(w_i, b_j) = \frac{1}{N} \sum\limits_{l=1}^N \big( \mathbf{y}_{\text{train},l} - \mathbf{y}_{\text{ANN}}(\mathbf{x}_{\text{train},l}) \big)^2
\end{equation}
\(\mathbf{x}_{\text{train}}\) and \(\mathbf{y}_{\text{train}}\) are $N$ random samples from the training data, \(\mathbf{y}_{\text{ANN}}\) the network predictions corresponding to \(\mathbf{x}_{\text{train}}\). $N$ is called the \emph{batch size}.
The term ``learning'' refers to optimizing the parameters $w_i$ and $b_j$ describing the ANN, with the goal to minimize the loss $L$.
A small loss means that the network output approximates well the training data, ideally by learning to ``understand'' the underlying correlations.
$L$ is numerically minimized by ``slipping down'' its gradient with respect to the parameters $w_i$ and $b_j$.
\begin{center}
\includegraphics[width=0.8\columnwidth]{boxfig_ml_training_loss}
\end{center}
Training on small batches composed of random subsets of $N$ training samples helps to ``jump'' out of local minima by adding a stochastic component to the procedure.
One of the most common training algorithms is \emph{Stochastic Gradient Descent} (``SGD'') \cite{goodfellowDeepLearning2016}.
\end{multicols}
\end{tcolorbox}
Still, ever since the advent of nano-optics with the invention of near-field microscopy \cite{ashSuperresolutionApertureScanning1972, pohlOpticalStethoscopyImage1984, betzigNearfieldDiffractionSlit1986} the numerical description of many problems continues to be challenging \cite{gallinetNumericalMethodsNanophotonics2015}.
An example is the rational design of nano-photonic structures for specific tasks which remains a general problem that often involves brute force ``forward'' calculations, or solving inverse scattering problems.
Other challenges in nano-optics are related to experimental limitations such as the stochastic nature of single-photon emitters, fluctuating nanoscale force fields such as Brownian motion, and the diffraction limit blocking access to sub-wavelength information.
Such effects often complicate the interpretation of nano-optics experiments and require the use of more sophisticated techniques for data analysis, for example combining data with prior knowledge or sparsity constraints.
All these obstacles are about to be pushed significantly further by the emerging computational methods around machine learning.
Especially ``deep learning'', a sub-field of machine learning which uses complex artificial neural networks (ANNs) with millions of artificial neurons (ANs), recently emerged as versatile and powerful numerical tool \cite{lecunDeepLearning2015, goodfellowDeepLearning2016}.
Deep learning techniques have proven to be particularly good at the categorization of huge and complex datasets, a task that they perform radically differently compared to classical algorithms.
Following a rather ``intuitive'' approach, ANNs mimic the working principle of biological neurons and the human brain.
A brief overview of the basic concepts is given in Box~\ref{box:ann_introduction}.
Research in medicine is often of statistical nature, for which data-driven analysis methods like deep learning are particularly interesting.
Consequently, one of the first scientific fields to which deep learning methods have been extensively applied was medical research.
In medical diagnostics, especially medical imaging such as radiology, the use of machine learning techniques for analysis and interpretation has literally exploded in the recent past, which lead to extraordinary successes with diagnostic classification accuracies often far beyond human performance \cite{chanWillMachineLearning2018, lundervoldOverviewDeepLearning2019}.
In nano-optics and photonics, machine learning started to emerge a little later, but recently celebrated some remarkable breakthroughs, enabling the analysis, categorization and interpretation of data which seemed formerly impossible.
While already back in the 1990s simple ANNs had been discussed and used for applications in spectroscopy or for automated instrumental control for instance to counteract drifts in microscopy \cite{cirovicFeedforwardArtificialNeural1997}, it took two decades before the available computational power reached a level, that deep ANNs with millions or even up to hundreds of billions of free parameters \cite{brownLanguageModelsAre2020} could be successfully trained on formerly unsolved problems.
Today, deep learning models have evolved to an extent that they readily outperform humans on specialized tasks like image recognition \cite{lecunDeepLearning2015, szegedyInceptionv4InceptionResNetImpact2016}.
This progress was possible especially thanks to the rapid development of massively parallel computing architectures in modern GPUs, and lately of specific ``tensor cores'', integrated logic circuits optimized for the mathematical matrix operation tasks required for neural network training.
Even all-optical implementations of artificial neural networks have been subject to recent research, however their performance is still limited by the lack of energy-efficient all-optical non-linear units \cite{linAllopticalMachineLearning2018, hughesWavePhysicsAnalog2019, menguScaleShiftRotationinvariant2020}.
\begin{figure*}[t!]
\centering{
\includegraphics[width=0.95\linewidth]{fig_surrogate_models}}
\caption{
Deep learning based forward solvers for ultra-fast physics predictions.
(a) simultaneous electric and magnetic dipole resonance prediction and inverse design in multi-layer nano-spheres. Adapted with permission from \cite{soSimultaneousInverseDesign2019}. Copyright (2019) American Chemical Society.
(b) nano-optics solver network, which predicts the optical response of a grating based on multiple Lorentz-oscillators. As shown in the right panel, the physics based data representation allows the network to generalize well outside the range of the training data (blue points). Adapted with permission from \cite{blanchard-dionneTeachingOpticsMachine2020}. Copyright OSA, 2020.
(c) internal electric polarization density predictor network. The results can be used in a coupled dipole approximation framework to calculate a large number of secondary near- and far-field effects. Adapted with permission from \cite{wiechaDeepLearningMeets2020}. Copyright (2020) American Chemical Society.
}
\label{fig:forward_models}
\end{figure*}
\subsection*{This work and its positioning with respect to other reviews}
Several review articles have been published recently, which categorize in great detail the latest developments of deep learning applications in photonics and nano-optics.
For an exhaustive overview we therefore invite the reader to consult these articles \cite{hegdeDeepLearningNew2020, maDeepLearningDesign2020, soDeepLearningEnabled2020, jiangDeepNeuralNetworks2020, huangDeepLearningEnabled2020}.
Also a few thematically more distantly related review articles have been published recently, which we want to indicate to the interested reader.
They cover for example conventional inverse design and optimization methods for metasurfaces \cite{elsawyNumericalOptimizationMethods2020} and nano-photonics \cite{moleskyInverseDesignNanophotonics2018}, but also a few more general reviews on artificial intelligence in nanotechnology, photonics and for light-matter interaction have been published \cite{sachaArtificialIntelligenceNanotechnology2013, yaoIntelligentNanophotonicsMerging2019, zhouEmergingRoleMachine2019, piccinottiArtificialIntelligencePhotonics2020}.
Finally, for the sake of conciseness of this review, we intentionally ignore the vast and very active research field on hardware implementations of artificial neural networks which includes -- but is not limited to -- research efforts on photonics platforms \cite{moughamesThreedimensionalWaveguideInterconnects2020, porteCompleteParallelAutonomous2020, linAllopticalMachineLearning2018}.
In this mini-review we focus on selected key results that have recently led to breakthrough advancements in the research on inverse design of photonic nanostructures and metasurfaces.
Rather than compiling an exhaustive catalogue of every single publication, we provide an overview of milestone concepts for improving deep learning inverse design fidelity, which recently allowed to bring ANNs closer to the performance of conventional optimization methods.
We believe that such a summary of concepts is of particular interest for researchers in the field.
We dedicate the second part of the review to an overview of original applications of deep learning in nano-photonics beyond structural inverse design.
Specifically we summarize recent developments around physics informed neural networks in optics, on deep learning for knowledge discovery and explainable machine learning as well as on applications of ANNs to nano-photonics experiments.
\section{Deep learning based nano-photonics inverse design}
The first part of this mini-review is dedicated to deep learning based inverse design techniques as well as to concepts to improve the inverse design model fidelity.
As stated before, we do not aim to provide an exhaustive list of applications.
An up-to-date and very complete overview of possible optimization targets can be found for instance in the recent reviews by Ma et al. \cite{maDeepLearningDesign2020} or by Jiang et al. \cite{jiangDeepNeuralNetworks2020}.
\subsection*{``Conventional'' inverse design methods}
Before the recent rise of deep learning methods, inverse design of nano-photonic structures was often based on intuitive considerations and systematic fine-tuning (see e.g. \cite{blackOptimalPolarizationConversion2014, celebranoModeMatchingMultiresonant2015}).
A more systematic alternative was the combination of numerical simulation methods with gradient based or heuristic optimization algorithms like stimulated annealing, topology optimization or genetic algorithms \cite{jensenTopologyOptimizationNanophotonics2011, moleskyInverseDesignNanophotonics2018, campbellReviewNumericalOptimization2019, mengBidirectionalEvolutionaryOptimization2015, osherFrontsPropagatingCurvaturedependent1988}.
Such methods led to some remarkable success for instance in the optimization of plasmonic optical antennas \cite{feichtnerEvolutionaryOptimizationOptical2012, wiechaDesignPlasmonicDirectional2019}, dielectric multi-functional nanostructures \cite{wiechaEvolutionaryMultiobjectiveOptimization2017} or metasurfaces \cite{zhuOptimalHighEfficiency2019, elsawyNumericalOptimizationMethods2020}.
A great advantage of such methods is the possibility to include fabrication constraints or robustness conditions in the optimization procedure \cite{augensteinInverseDesignNanophotonic2020, wiechaEvolutionaryMultiobjectiveOptimization2017}.
However, heuristics coupled to numerical simulation techniques is slow and computationally expensive. Furthermore, for each new optimization target, the parameter-space needs to be searched from scratch, implying hundreds to thousands of numerical simulations.
The recent advent of data-driven techniques like deep learning holds promise to accelerate the computation by many orders of magnitude and quite some remarkable progress has been made in the past few years.
One can distinguish two types of approach that have gained traction. The first one replaces the forward simulation in an iterative optimization with an ANN, while the second aims to build an inverse ANN that solves the problem directly. Below we critically discuss the two approaches as well as efforts at improving the quality of results.
\begin{figure*}[t!]
\centering{
\includegraphics[width=1.0\linewidth]{fig_inverse_design_examples}}
\caption{
Examples of devices inverse designed by ML algorithms.
a) encoder-decoder type tandem inverse network used to design perturbation patterns for $3\times 3$ MMIs as arbitrary transmission matrix elements. The light routing behavior of the second and the third input channels is interchanged between cases (i) and (ii), whilst the first input channel keeps routing light to the second output. Adapted with permission from \cite{dinsdaleDeepLearningEnabled2021}. Copyright (2021) American Chemical Society.
b) double-focus flat lens designed by a conditional WGAN inverse network. (i) shows the dielectric metasurface, (ii) the corresponding amplitude and (iii) the phase mask. (iv) shows a numerical simulation of the field intensity to test the ANN-design. Adapted with permission from \cite{anMultifunctionalMetasurfaceDesign2020}.
}
\label{fig:ML_inverse_design}
\end{figure*}
\subsection{Surrogate model based inverse design}
Deep learning models are particularly strong in predicting approximate solutions to direct problems like the optical response of photonic structures.
A possible approach to accelerate inverse design is therefore to use a ``forward neural network'' as an ultra-fast predictor together with an optimization technique.
In such a case the ANN acts as a so-called \textit{surrogate model}, taking the place of the much slower conventional simulation method.
\refstepcounter{BoxCounter}\label{box:one_to_many}
\begin{tcolorbox}[breakable,float*=t, width=\textwidth, title=\textbf{Box \arabic{BoxCounter}.} Inverse design: The one-to-many problem]
\begin{multicols}{2}
Let's assume a simple toy problem:
Under fixed wavelength illumination, we want to tailor the extinction coefficient of a gold nanorod by varying its length:
\begin{center}
\includegraphics[width=0.65\columnwidth]{boxfig_gold_nanorod}
\end{center}
Already this simple problem is ambiguous: Several rod lengths can lead to the same extinction, which makes a naive ANN implementation fail in those cases.
\begin{center}
\includegraphics[width=0.95\columnwidth]{boxfig_direct_inverse_ann}
\end{center}
The ``tandem neural network'' can stabilize the generator (G) via a physics loss, based on a pre-trained forward model (fwd). This approach however limits the inverse design to one solution per design target, rendering inaccessible possible multiple solutions to a given problem:
\begin{center}
\includegraphics[width=0.95\columnwidth]{boxfig_tandem_ann}
\end{center}
Mixture density networks predict several possible solutions at a time including their respective importance as Gaussian distributions. A disadvantage is that the maximum number of possible simultaneous solutions needs to be known.
\begin{center}
\includegraphics[width=0.95\columnwidth]{boxfig_mixdensity_ann}
\end{center}
Conditional generative adversarial networks (cGANs) or conditional [adversarial] autoencoders (c[A]AE) add a normal distributed latent vector (usually: ``$z$'') to the design target (``condition''), which encodes dynamically multiple possible solutions.
Adversarial models furthermore use a trained loss, a so-called discriminator network (D), which tries to distinguish generated (fake) from training samples (true).
\begin{center}
\includegraphics[width=0.95\columnwidth]{boxfig_GAN_ann}
\end{center}
\end{multicols}
\end{tcolorbox}
\subsection*{Deep learning forward solver}
ANNs have been successfully trained on the prediction of various physical quantities in nanophotonics.
Early works have proposed ANNs to create phenomenological models of non-linear optical effects or of optical ionization using experimental training data \cite{selleModelingLightmatterInteractions2007, selleModellingUltrafastCoherent2008}.
Recently, the idea has been picked up and it has been shown for instance that scattering and extinction spectra can be predicted with high accuracy \cite{malkielPlasmonicNanostructureDesign2018} and also that the phase can be included in the predictions \cite{anDeepLearningApproach2019}, which is important for nanostructures in metasurfaces.
The prediction of far-field observables can also be extended to include proximity effects in a dense metasurface, beyond the local phase approximation.
The latter has been demonstrated by including the nearfield interactions with the nearest neighbor structures in the training data \cite{zhelyeznyakovDeepLearningAccelerate2020}.
The prediction of physical effects is not limited to extinction, transmission or other far-field effects.
It has been shown that also nearfield effects can be approximated accurately, for instance around nanowires of complex shape \cite{liPredictingScatteringComplex2020}.
While networks that predict an observable like the scattering cross section perform usually very well within the range of their training data, such models often generalize rather poorly to cases outside the parameter range covered by the training data.
The ANN acts then as universal function approximator, but it does not develop a deeper ``understanding'' of the underlying physics.
In order to alleviate this problem, it turned out to be helpful to provide the network with pre-processed data.
For instance, instead of training an ANN with pure optical extinction spectra, So et al. \cite{soSimultaneousInverseDesign2019} trained their model using a decomposition in multiple electric and magnetic dipole resonances (ED, respectively MD), to predict the optical response of multi-material multi-shell nano-spheres. The approach is illustrated in figure \ref{fig:forward_models}a and has also been used to inverse design multi-shell spheres for Kerker-type directional scattering.
Using a metallic grating as model example, Blanchard-Dionne and Martin demonstrated that a neural network that learns light-matter interaction through a representation as multiple Lorentz-oscillators generalizes about an order of magnitude better outside the training data range, compared to a predictor network based on the raw optical spectrum \cite{blanchard-dionneTeachingOpticsMachine2020} (see figure \ref{fig:forward_models}b).
Instead of predicting specific physical observables such as the extinction cross section, Wiecha et al. demonstrated that a network can learn a discrete dipole approximation of the electric polarization density inside a 3D nanostructure of arbitrary shape \cite{wiechaDeepLearningMeets2020}.
The concept is depicted in figure \ref{fig:forward_models}c and allows to accurately derive manifold secondary quantities in the near- and far-field from a single generalized predictor neural network.
\subsection*{Forward predictor networks + evolutionary optimization}
In general, the greatest advantage of deep learning techniques as surrogate models for physics simulations is their tremendous evaluation speed.
Once trained, an ANN delivers its prediction within fractions of milliseconds, which is usually orders of magnitude faster than a numerical simulation.
Therefore, replacing conventional physics simulations by surrogate ANNs is a natural solution to speed-up the inverse design of photonic nano-structures via global optimization heuristics \cite{zhuPhysicsconstrainedDeepLearning2019, chughSurrogateassistedEvolutionaryOptimization2020}.
This concept has recently been applied by several groups to the design of individual photonic nanostructures or metasurfaces \cite{campbellAdvancedMultiobjectiveSurrogateassisted2018, kaltMetamodelingHighcontrastindexGratings2019, gonzalez-alcaldeEngineeringColorsAlldielectric2020, pestourieActiveLearningDeep2020, hegdePhotonicsInverseDesign2020, kudyshevMachineLearningAssisted2020}.
However, while the approach can significantly accelerate heuristics-based inverse design, it remains an iterative approach requiring thousands of calls to the surrogate model as well as intermediate computation steps.
Furthermore, the surrogate model represents only an approximation to the physical reality, introducing a systematic error.
And even worse than that, it cannot be guaranteed that the surrogate model does not contain singular points of totally false solutions \cite{suOnePixelAttack2019}, to which the optimization algorithm may converge in the worst case scenario.
Robust implementations therefore require a simulation-based fine-tuning procedure subsequent to the surrogate-based optimization run, which often relativizes the gain in speed \cite{jiangFreeFormDiffractiveMetagrating2019, trivediDatadrivenAccelerationPhotonic2019}.
The same problem holds of course also for the here-after discussed ANN-only inverse design methods.
\subsection{Direct neural network inverse design}
As mentioned above, using forward ANNs as surrogate models for evolutionary optimization is computationally not the most efficient technique and bares the risk of converging to singular points of the surrogate model.
In the recent past tremendous efforts have therefore been dedicated to the development of exclusively ANN-based inverse design schemes.
The main obstacle which needs to be circumvented is the so-called ``one-to-many'' problem, which describes the fact that most inverse design problems are ambiguous, hence several non-unique solutions exist for the same design target.
In consequence a naive inversion of the ANN layout usually fails \cite{liuTrainingDeepNeural2018}, but several solutions have been developed to tackle the one-to-many problem.
One possibility is the above described technique to use a forward-network as surrogate model, coupled to a global optimization algorithm.
In this section we give a brief overview of pure neural network models to solve non-unique inverse problems.
The different concepts are also schematized in Box~\ref{box:one_to_many}.
\refstepcounter{BoxCounter}\label{box:latent}
\begin{tcolorbox}[breakable, float=t, title={Box \arabic{BoxCounter}. Variational autoencoders and the latent space}]
Variational autoencoders (VAEs) learn to compress information in a lower-dimensional \textit{latent space}, by being trained on a reconstruction task.
\begin{center}
\includegraphics[width=\columnwidth]{boxfig_vae_latent}
\end{center}
In a VAE, forward propagation uses a random number generator (RNG) to draw samples $z$ with mean value $\mu$ and standard deviation $\sigma$. The random component ensures that the learned latent variables $z$ follow a normal distribution.
However, gradient descent training requires analytical gradients, which cannot be back-propagated through the RNG. This is why a \textit{re-parametrization} into deterministic layers of $\mu$ and $\sigma$ is necessary \cite{kingmaIntroductionVariationalAutoencoders2019}.
\begin{center}
\includegraphics[width=0.85\columnwidth]{boxfig_latent_space}
\end{center}
By forcing the latent variables on a normal distribution, the trained VAE clusters similar inputs in the latent space. Furthermore transitions between solutions in latent space are smooth, which allows for example interpolation operations.
\end{tcolorbox}
A popular type of a stable inverse design network is the so-called \textit{tandem network} architecture \cite{malkielPlasmonicNanostructureDesign2018, liuTrainingDeepNeural2018, maDeepLearningEnabledOnDemandDesign2018, soSimultaneousInverseDesign2019, gaoBidirectionalDeepNeural2019}.
In a tandem ANN a forward solver network is trained in a first step.
The training of the actual inverse design network (the \textit{generator}) subsequently uses the fixed pre-trained forward model as a physics predictor to evaluate the inverse design output.
In consequence, the loss function does not compare ambiguous design layouts but operates in the physics domain (comparing e.g. the extinction efficiency rather than the design parameters).
In this way, different design parameters which lead to a similar physical response no longer confuse the ANN, all correct solutions to a given design problem yield a positive training feedback.
Another model that circumvents the one-to-many problem is the conditional Generative Adversarial Network (cGAN) \cite{liuGenerativeModelInverse2018, soDesigningNanophotonicStructures2019, jiangFreeFormDiffractiveMetagrating2019, anMultifunctionalMetasurfaceDesign2020, mallFastDesignPlasmonic2020}.
A cGAN takes as input not only the design target but also an additional ``latent vector'', which is a normally distributed sequence of random values.
The network then learns to use different values of the latent vector to address the distinct non-unique solutions.
In addition to the introduction of a latent vector, a further peculiarity of cGANs is their loss function, which is is a discriminator network that tries to distinguish generated solutions from real ones, and which is also subject to training.
During training, the cGAN loss function hence evolves together with the ANN, which allows ideally a better convergence.
It is worth to note, that it is a delicate task to tune the network and training hyperparameters in GANs such that the learning converges. The training of both, generator network and discriminator network needs to evolve in a balanced way for the adversarial loss function to work efficiently.
A further type of one-to-many solving networks are conditional adversarial or conditional variational autoencoders (cAAEs, cVAEs) \cite{liuHybridStrategyDiscovery2020, maProbabilisticRepresentationInverse2019a, shiMetasurfaceInverseDesign2020, kudyshevMachineLearningAssisted2020, maDataefficientSelfsupervisedDeep2020}.
Those are usually symmetric models that take the physical response as input, which they try to identically reconstruct at their output layer.
In a conditional autoencoder, a bottleneck layer is placed in the ANN center. This bottleneck contains the design parameters on the one hand (as it is the case in a tandem-network), but on the other hand an additional latent vector is appended to the design parameters.
Like in the cGAN, the latent vector can be used by the ANN to address potential multiple solutions. Unlike in the tandem network the forward model is trained simultaneously with the generator.
Conditional autoencoders can be seen as a mixture of a tandem network and a cGAN.
For a short explanation of the basic idea behind VAEs and the meaning of the latent space, see also Box~\ref{box:latent}.
For completeness we want to mention also work on reinforcement learning for iterative design optimization, where the neural network learns to behave as an iterative optimization algorithm.
The expectation is that the ANN can adapt its optimization strategy specifically to the given problem and hence outperform conventional heuristic algorithms \cite{badloeBiomimeticUltrabroadbandPerfect2020, wangAutomatedMultilayerOptical2020}.
The above discussed models have been quite successfully used for manifold inverse design problems in nano-photonics.
Figure~\ref{fig:ML_inverse_design}a shows an example of multi-mode interference devices (MMIs) designed by a tandem-ANN.
MMIs are large waveguides that support many modes and that can have several inputs and outputs (here $3\times 3$).
The here shown MMIs are patterned with small perturbations in order to obtain specific light-routing properties.
The tandem ANN has been trained to design perturbation patterns which produce arbitrary transmission states.
This allows for instance to define MMI patterns which swap a pair of the $3\times 3$ in- and output paths, while one of the transmission channels remains constant, as demonstrated in figure~\ref{fig:ML_inverse_design}a (i) and (ii) \cite{dinsdaleDeepLearningEnabled2021}.
Figure~\ref{fig:ML_inverse_design}b shows a meta-surface which acts as a flat lens with two focal spots, designed by a variant of a cGAN network \cite{anMultifunctionalMetasurfaceDesign2020}.
Other examples are the design of chiral plasmonic structures \cite{maDeepLearningEnabledOnDemandDesign2018, ashalleyMultitaskDeeplearningbasedDesign2020},
dielectric structures \cite{trisnoApplyingMachineLearning2020},
multi-shell nano-spheres \cite{soSimultaneousInverseDesign2019, peurifoyNanophotonicParticleSimulation2018}, invisibility cloaks \cite{sheverdinPhotonicInverseDesign2020, blanchard-dionneSuccessiveTrainingGenerative2021, chenPhysicsinformedNeuralNetworks2020}, or metasurface design \cite{sajedianDoubledeepQlearningIncrease2019, phanDeepLearningInverse2020, yeungDesigningMultiplexedSupercell2020}.
\subsection{Strategies to improve neural-network inverse design}
\begin{figure*}[t!]
\centering{
\includegraphics[width=0.9\linewidth]{fig_improve_invdesign}}
\caption{
Concepts to improve common shortcomings of inverse design ANNs.
(a) iterative training data generation, in which a network learns from its own errors, here applied to the inverse design of an invisibility cloak device. Adapted from \cite{blanchard-dionneSuccessiveTrainingGenerative2021}, copyright (2021) Optical Society of America.
(b) Comparison of the Q-factors for photonic crystal cavities in a random dataset (left) and in an iteratively generated dataset after the first iteration (right). Adapted from \cite{asanoIterativeOptimizationPhotonic2019}, copyright (2019) de Gruyter.
(c) together with the training data, the network complexity can be progressively growing, allowing even better performance by successive learning of smaller features. Reprinted with permission from \cite{wenRobustFreeformMetasurface2020}. Copyright (2020) American Chemical Society.
(d) mixture density ANN which represents multiple solutions with Gaussian probability distributions to find several non-unique solutions to ambiguous problems. The shown example deals with the spectral design of a multi-layer stack. Adapted with permission from \cite{unniDeepConvolutionalMixture2020}. Copyright (2020) American Chemical Society.
(e) de-noising inverse ANN as robust approach for training on noisy data (noise parameter $a$ increasing from top to bottom). Adapted from \cite{huRobustInversedesignScattering2019}, copyright (2019) Optical Society of America.
(f) ``GLOnet'': Inverse design ANN using a transfer-matrix model loss for reflectivity and transmission spectra optimization of multi-layer stacks.
Adapted from \cite{jiangMultiobjectiveCategoricalGlobal2020}, copyright (2020) de Gruyter.
}
\label{fig:improve_inv_design}
\end{figure*}
Data-driven inverse design has the important drawback that the accuracy of the model is first of all limited by the quality of the data and an interpolation error between the data-samples is introduced by the ANN.
Early works on inverse design therefore reported rather qualitative agreement, but relatively large quantitative inaccuracies.
Therefore, in the recent past remarkable efforts have been put in developing methods to improve neural network inverse design.
In this section we want to provide an overview over the most successful concepts.
In general, two main constituents offer the largest potential for optimization: The training data and the neural network model.
\subsection*{Improving the data quality}
As mentioned before, many ANN models do actually generalize relatively poorly to cases outside the parameter range of the training data.
They act mainly as generalized function approximators, hence they interpolate very efficiently to fill the gaps in the training data, while their extrapolation capability remains limited.
But also the interpolation risks to be unsatisfactory if the physical model underlying the training data has sharp features such as high quality factor resonances.
If the training data does not contain a sufficient number of such resonant cases, there is a high risk that those features will be very poorly approximated by an ANN.
To tackle this problem, training data can be generated using an optimization algorithm to produce specific responses for the dataset \cite{sheverdinPhotonicInverseDesign2020, dinsdaleDeepLearningEnabled2021}.
In case of many free parameters this procedure is time-consuming, therefore recently the idea of iterative training data generation has emerged \cite{dinsdaleDeepLearningEnabled2021, sheverdinPhotonicInverseDesign2020, blanchard-dionneSuccessiveTrainingGenerative2021, asanoIterativeOptimizationPhotonic2019, pestourieActiveLearningDeep2020, kudyshevMachineLearningAssisted2020}.
The principal idea is depicted in figure~\ref{fig:improve_inv_design}a.
An initial dataset is generated traditionally via a randomized procedure, on which an inverse design ANN is trained.
This network is subsequently used to construct devices based on realistic design targets, but these designs are likely to be rather mediocre as the initial ANN performs relatively poor.
Now, the true physical response of these mediocre ANN designs is calculated in another run of numerical simulations, and these samples are appended to the training data.
The generator ANN is then trained again on the now extended training data and the generative cycle is repeated.
In this way, the neural network can literally learn from its previous mistakes and its performance on the specific design task will significantly improve.
Fig.~\ref{fig:improve_inv_design}a shows the example of an optical cloak design problem, for which the inverse design accuracy could be improved by more than one order of magnitude thanks to iterative training \cite{blanchard-dionneSuccessiveTrainingGenerative2021}.
To visualize the evolution of the training data quality, figure~\ref{fig:improve_inv_design}b shows the statistical distributions of resonator quality factors in a fully random dataset of photonic crystal cavities (left) compared to a dataset after one iteration of iterative training (right) \cite{asanoIterativeOptimizationPhotonic2019}.
The lack of resonant geometries in the randomly generated dataset is evident.
Despite those solutions not being present in the initial dataset, the ANN managed to conjecture a certain amount of resonant cases, improving the training data for the second iteration.
By repeating the procedure the training data increasingly contains resonant geometries, which consequently allows the ANN to inverse design close-to-optimum solutions.
Another positive side-effect specifically in tandem networks is that iterative training simultaneously improves the accuracy of the forward network \cite{dinsdaleDeepLearningEnabled2021}.
A recent work showed that an even better design performance can be achieved by iteratively increasing the network complexity together with a successive augmentation of the training-data, as depicted in figure~\ref{fig:improve_inv_design}c \cite{wenRobustFreeformMetasurface2020}.
\begin{figure*}[t!]
\centering{
\includegraphics[width=0.9\linewidth]{fig_data_enhancement}}
\caption{
Examples of input data pre-processing for optimized physics domain representation.
(a-b) deep learning on irregular grids via coordinate transform (a) which is implemented within the deep learning toolkit to allow fast gradient calculations through the coordinate system transformation. (b) the transformation allows to efficiently train networks on complex shaped physical domains. Adapted with permission from \cite{gaoPhyGeoNetPhysicsinformedGeometryadaptive2020}, copyright (2020) Elsevier.
(c) Data encoding and compression using a topology description based on low-frequency Fourier components, which allows data-efficient treatment of complex shapes, here for example a free-form metagrating. Adapted from \cite{liuTopologicalEncodingMethod2020}, copyright (2020) Optical Society of America.
}
\label{fig:improved_data_structures}
\end{figure*}
\refstepcounter{BoxCounter}\label{box:wisdom_of_many}
\begin{tcolorbox}[breakable, float=t, title={Box \arabic{BoxCounter}. ``Wisdom of the many''}]
\textit{Wisdom of the many} or also \textit{wisdom of the crowd} denotes the procedure of training multiple neural networks on the same data, each ANN with random initialization.
We illustrate the idea by the example of an optical spectrum predictor network:
\begin{center}
\includegraphics[width=0.99\columnwidth]{boxfig_wisdom_of_many}
\end{center}
While this approach adds a significant computational cost (training several networks), the mean \textmu\ of $N$ independent predictions provides a $\sqrt{N}$ times smaller statistical error compared to using a single ANN.
Furthermore, the standard deviation $\sigma$ of multiple predictions can be used to assess the credence of the ANN output.
\end{tcolorbox}
An obvious drawback of iterative procedures is their computational cost. Data generation is usually slow and the expensive network training needs to be repeated several times on increasing amounts of training samples.
Several suggestions have been made to accelerate the convergence of iterative data generation in order to reduce the number of cycles.
For instance by training several networks, the statistics from multiple predictions can be used to assess the quality and the uncertainty of the ANN output (``wisdom of the many'' \cite{wangMassiveComputationalAcceleration2019}, see also Box~\ref{box:wisdom_of_many}). This information can be exploited to choose only the best new solutions for re-simulation and insertion into the expanded training data, which reduces the number of expensive physics simulations \cite{pestourieActiveLearningDeep2020}.
Similarly, an evolutionary optimization algorithm might be coupled to a generative ANN in the iterative cycle to further specialize the training data with regards to the anticipated optimization target \cite{kudyshevMachineLearningAssisted2020}.
A drawback of such training-data optimization strategies is a risk of over-specializing the network to optimum cases and losing its capability to generalize to arbitrary situations.
Therefore care needs to be taken that the training data remains sufficiently diverse.
\subsection*{Physics model based loss function}
A similar, yet somehow more radical concept is to not use a fixed set of training data at all but instead implement a loss function based on a physical model within the framework of the machine learning toolkit.
Such an approach has been illustrated recently by the example of inverse designing multi-layer thin-film stacks for specific reflection and transmission spectra \cite{jiangMultiobjectiveCategoricalGlobal2020}.
As highlighted by a red box on the right in figure~\ref{fig:improve_inv_design}f, a transfer-matrix method (TMM) has been implemented directly in the deep learning toolkit as a loss function.
In consequence, error backpropagation is possible through the TMM solver, and the network can be trained without an explicit dataset.
The loss function in this so-called ``GLOnet'' is used to optimize the transmission and reflection spectra of a multi-layer stack with respect to a design target.
It is worth mentioning that the GLOnet learns to optimize a single design target, hence in principle the training of the network takes the place of a conventional global optimization algorithm run (hence its name ``GLOnet'').
The authors of Ref.~\cite{jiangMultiobjectiveCategoricalGlobal2020} claim that the training dynamics allow their GLOnet to ideally adapt its optimization scheme to each problem, resulting in better and faster convergence compared to hard-coded optimizers.
The same authors have generalized their concept to a somehow more flexible inverse network called ``conditional GLOnet'', using an iterative training scheme instead of a fully differentiable physics loss function.
For the training, gradients of the design efficiency are calculated via adjoint simulations and re-injected for backpropagation through the network \cite{jiangGlobalOptimizationDielectric2019}.
The conditional GLOnet is conceptually similar to a Pareto optimization in which a set of optimum solutions for a multi-objective problem is calculated \cite{debMultiobjectiveOptimizationUsing2001}.
While the specific solving of a single problem is intentional in Refs.~\cite{jiangMultiobjectiveCategoricalGlobal2020, jiangGlobalOptimizationDielectric2019}, as already mentioned before over-specialization is an inherent danger of all iterative data-generation methods.
Another concept to replace the dataset by a direct evaluation of a physics model has been demonstrated for the Helmholtz equation, by developing a loss function which directly evaluates this partial differential equation (PDE).
Such ANN model is called a ``physics informed neural network'' (PINN).
In case of a Helmholtz-PINN, the network learns to directly solve the wave equation in frequency domain.
The inverse design target is then implemented as a boundary condition matching problem \cite{fangDeepPhysicalInformed2020, chenPhysicsinformedNeuralNetworks2020}.
As in the GLOnet case, also such PINN inverse design requires a new training run for each optimization target.
PINNs will be discussed in more detail later in this review.
\subsection*{Sophisticated ANN models}
The second main lever allowing for performance optimization of inverse design ANNs is the neural network model itself.
It has been proven helpful to adopt recent findings in the research on optimum network layout for deep learning.
For instance, if applicable the ``U-Net'' architecture \cite{ronnebergerUNetConvolutionalNetworks2015} offers much better training convergence and generalization capacity than standard convolutional neural networks -- even in cases where its particularly efficient segmentation capabilities are not required \cite{borhaniLearningSeeMultimode2018, wiechaDeepLearningMeets2020}.
Furthermore so-called residual blocks, or ResNets \cite{szegedyInceptionv4InceptionResNetImpact2016}, should be adopted whenever possible.
Residual blocks are characterised by their skip connections which avoid the vanishing gradient problem, allowing the training of very deep network layouts.
\begin{figure*}[t!]
\centering{
\includegraphics[width=0.9\linewidth]{fig_PINNs}}
\caption{
Physics informed neural networks (PINNs) for nano-optics.
(a) PINN for solving the wave equation in time domain. Adapted with permission from \cite{moseleySolvingWaveEquation2020}.
(b) top: solving the Helmholtz equation (frequency domain), bottom: using the PINN for inverse design of the permittivity distribution in domain $\Omega_1$ for an invisibility cloak application. Adapted with permission from \cite{fangDeepPhysicalInformed2020}, copyright (2020) IEEE.
}
\label{fig:PINNs}
\end{figure*}
In addition to the application of general ``best-practice'' ANN design rules, problem-specific tailoring of the network layout can be very favorable for optimum inverse design performance.
For instance, to tackle the one-to-many problem, ``multi-branch'' or ``mixture density'' ANNs can be applied in addition to the above named network architectures.
The concept is based on representing the design parameters in a ``modal'' representation as multiple Gaussian distributions, where each of the Gaussian distributions describes a possible solution to an ambiguous problem (see also box~\ref{box:one_to_many}).
This concept has been proposed some time ago for microwave device inverse design \cite{kabirNeuralNetworkInverse2008, zhangMultivaluedNeuralNetwork2018} and was recently adapted to nano-photonics \cite{unniDeepConvolutionalMixture2020, luoProbabilityDensityBasedDeepLearning2020} (see also figure~\ref{fig:improve_inv_design}d).
The advantage is that the network can in principle deliver all possible solutions together with a weight for their respective priorities.
A drawback of the approach is that the approximate number of non-unique solutions needs to be known in advance.
Another recent proposition to optimize inverse networks specifically for noisy situations like in experiments is the implementation of concepts from machine learning based image denoising \cite{xieImageDenoisingInpainting2012}.
As shown in figure~\ref{fig:improve_inv_design}e, Hu et al. added artificial noise on training data and could demonstrate that a denoising network based inverse ANN offers a very robust performance even when trained on very noisy data \cite{huRobustInversedesignScattering2019}.
This opens promising perspectives for experimental applications.
\subsection*{Reformatting the input data}
Apart from optimizing the network model and generating training data of high quality, the \textit{format} of the inputs and outputs of a neural network can play a decisive role in whether the ANN manages to ``understand'' the data or not.
An example is illustrated in figure~\ref{fig:improved_data_structures}a, where a physical problem is to be solved on a non-Cartesian coordinate domain.
On 2D problems such as the here shown one, typically convolutional neural networks (CNNs) are most efficient.
However, as can be seen in the leftmost panel, the imposed discretization on a square mesh is very poor. This holds in particular for the domain borders.
Gao et al. \cite{gaoPhyGeoNetPhysicsinformedGeometryadaptive2020} proposed therefore to apply a transformation of the coordinate system from the physics domain to the CNN reference domain prior training.
As illustrated in figure~\ref{fig:improved_data_structures}b by the example of solving the heat equation, this additional pre-processing allows to successfully apply ANNs to very complex non-uniform physical domains.
The problem of discretization can also be alleviated by applying a topology encoding procedure, for instance via Fourier transformation \cite{liuTopologicalEncodingMethod2020}.
The idea is illustrated in figure~\ref{fig:improved_data_structures}c-d.
Such encoding can allow not only to describe geometries with odd shapes without restrictions due to discretization, it allows furthermore to condense the information to a low-dimensional space, which is helpful to reduce ANN complexity and furthermore advantageous in preventing overfitting.
\subsection*{Other concepts}
Further possibilities to improve the quality of ANN based inverse design are to use the ANN only as a first step for a rough estimate, and apply a conventional iterative approach in a subsequent refinement step.
Heuristic optimization algorithms usually benefit strongly from a good initial guess \cite{jiangFreeFormDiffractiveMetagrating2019}.
Another recent proposition is to use a forward neural network purely as an ultra-fast physics predictor to construct a huge look-up table \cite{nadellDeepLearningAccelerated2019}.
Using a well trained forward network, a look-up table can be created which covers the entire parameter space at a very fine resolution, impossible to achieve with conventional numerical methods. Appropriate solutions to specific problems can subsequently be searched in this database.
Transfer learning has also been recently applied to nano-optics problems to improve ANN performance if only small amounts of data exist \cite{quMigratingKnowledgePhysical2019}.
For instance experimental data is often expensive, but the situation can be improved by training an ANN first on simulated data, and subsequently specialize the pre-trained network via transfer learning on the experimental dataset \cite{narhiMachineLearningAnalysis2018}.
\subsection{Heuristics vs. deep learning -- a critical comparison}
It is of utmost importance to emphasize that a data-driven inverse design technique can never outperform an iterative method if it is based on the same simulation model used for training data generation. At least not if no time constraint is set for the iterative optimization.
Well trained and optimized data-driven ANNs usually produce errors in the order of a few percent \cite{liPredictingScatteringComplex2020, wiechaDeepLearningMeets2020}.
Furthermore, it is virtually impossible to completely suppress outliers in the network predictions \cite{suOnePixelAttack2019}. At the singular points the error of the ANN can be orders of magnitude higher.
It is thus a delicate task to assess whether a prediction is valid or rather the result of a singularity in the ANN.
While recently some sophisticated training techniques were presented that are capable to train ANNs for performances similar to conventional inverse optimization, they are either still considerably constrained or the high accuracy has a severe impact on the computational cost. Examples are physics-loss based inverse ANNs or networks based on progressive-complexity training schemes \cite{wenRobustFreeformMetasurface2020, jiangMultiobjectiveCategoricalGlobal2020}.
The model described in Ref.~\cite{jiangMultiobjectiveCategoricalGlobal2020} for example is constrained to a simple transfer-matrix description of a multi-layer system as well as to the inverse design of a single optimization target.
The fact that ANNs always introduce an additional error is inherent to the data-driven nature of machine learning, which implies that a ML model can never outperform the accuracy of the simulations used to create the dataset or the model defining the training loss.
On the other hand, once trained ANN techniques can offer extreme speed-up of the inverse design, generally many orders of magnitude faster than iterative approaches based on numerical simulations.
It is not unusual that milliseconds stand against hours or even days.
This is a marvellous advantage and often well worth to accept the reduced accuracy of ANN based techniques.
In daily applications a few percent error might actually not even matter too much, in particular when compared to the typical magnitude of inaccuracies in fabrication.
On the other hand, concerning the inverse design speed it is important to remember that the ultra-fast predictions require a fully trained neural network. This implies the computationally highly demanding data generation as well as the very expensive training of the ANN.
In many situations, conventional global optimization is in sum actually computationally cheaper.
In conclusion, deep learning based inverse design is mainly interesting for applications which require a large number of repetitions of similar design tasks, or that rely on ultimate speed for the design generation.
\section{Beyond inverse design}
The second part of this review is dedicated to applications of deep learning in nano-photonics ``beyond inverse design''.
We give an overview on physics informed neural networks, we present recent work on ANNs for physics interpretation and knowledge discovery as well as experimental applications.
\subsection{Physics informed neural networks: Solving PDEs}
Most machine learning applications in physics aim to predict derived observables such as transmittance or extinction cross sections.
In contrast, the idea of \textit{physics informed neural networks} (PINNs) is to train an ANN to directly predict the solution of a [partial] differential equation ([P]DE).
While this would be also possible using a dataset of pre-calculated solutions, the particularity of PINNs is that instead of using a loss function for data-comparison like MSE, the PINN-loss implements an explicit evaluation of the PDE.
In consequence, no pre-calculated training data is required for training.
For the PINN-loss, the PDE derivatives of the ANN-predicted observables are directly implemented in the respective deep learning toolkit.
Thus, the PINN-loss can be seen as a consistency check for the predicted solution.
Because modern deep learning toolkits offer powerful automatic differentiation functionalities, error backpropagation through the PINN-loss remains possible and the ANN can be efficiently trained without data.
\begin{figure*}[t!]
\centering{
\includegraphics[width=0.95\linewidth]{fig_knowledge_discovery}}
\caption{
Examples of ``knowledge discovery'' through machine learning.
a) The feasibility of a physical response by a defined geometric model can be assessed by a dimensionality reduction through an autoencoder neural network and subsequent non-convex hull determination. Adapted from \cite{kiarashinejadKnowledgeDiscoveryNanophotonics2020}, copyright (2019) the authors.
b) Study of the impact of the number of bottleneck neurons $N$ (left spectra) as well as of nanostructure design variations on the activation of the bottleneck neurons (W1-W4 in case $N=4$, yellow neurons in the top right panel).
This analysis allows to assess the physical importance of individual design parameters and reveals information about the complexity of the optical response. Adapted with permission from \cite{kiarashinejadDeepLearningReveals2019}, copyright (2019) John Wiley and Sons.
(c-d) By mimicking the human approach of interpreting and modelling physical observations (c), a conditional encoder-decoder network (d) can be used to discover implicit physics concepts from data. Reprinted with permission from \cite{itenDiscoveringPhysicalConcepts2020}, copyright (2020) APS.
e) Exploiting the high speed of a physics predictor network permits a systematic analysis of the achievable phase and intensity variations in metasurface constituent design. Adapted from \cite{anDeepLearningModeling2020}, copyright (2020) Optical Society of America.
}
\label{fig:knowledge_discovery}
\end{figure*}
This concept has been first proposed in 2019 by Raissi et al. \cite{raissiPhysicsinformedNeuralNetworks2019} and has since then attracted a great deal of attention across countless research communities in physics such as fluid mechanics \cite{raissiPhysicsinformedNeuralNetworks2019, raissiHiddenFluidMechanics2020}, thermodynamics \cite{gaoPhyGeoNetPhysicsInformedGeometryAdaptive2020} or geophysics \cite{moseleySolvingWaveEquation2020}.
Compared to data-based ANNs, the accuracy of PINNs is in general significantly higher.
On the other hand, because PINNs evaluate the underlying PDE ``point-by-point'', they are usually slower than conventional data-based models. Since the latter work on physical observables, it is easier to predict higher-dimensional data-structures at a time, making better use of the massively parallel computing architectures of modern GPUs.
Nevertheless, PINNs are usually orders of magnitude faster than numerical PDE solvers.
Applications to nano-photonics are still scarce. Recently Moseley et al. demonstrated that PINNs are capable to accurately solve the wave equation in time domain \cite{moseleySolvingWaveEquation2020}.
An example is shown in figure~\ref{fig:PINNs}a, demonstrating seismic wave propagation through an inhomogeneous medium at successive snapshots in time. As can be seen, the PINN is capable to predict the evolution of the wave propagation even in a complex environment.
While Ref.~\cite{moseleySolvingWaveEquation2020} treats shock waves in geophysics, the problem is conceptually identical to the wave equation in electrodynamics.
Depicted in figure~\ref{fig:PINNs}b, Fang and Zhan recently demonstrated that a PINN can accurately solve the Helmholtz equation, describing wave propagation in frequency domain \cite{fangDeepPhysicalInformed2020}.
They found that sinusoidal activation functions are the most adequate choice to solve a differential equation with time-harmonic solutions.
By formulating the inverse design as a boundary condition matching problem, it was possible to use the Helmholtz-PINN for the design of an optical cloak, as illustrated in the bottom of figure~\ref{fig:PINNs}b.
A similar frequency-domain PINN has been proposed for the homogenization of optical metamaterials \cite{chenPhysicsinformedNeuralNetworks2020}.
A disadvantage of PINNs is that the environment needs to be defined at the training stage and hence a new network needs to be trained if the boundary conditions change.
Each PINN-based inverse design therefore involves a new training procedure, comparable with conventional iterative techniques, which is evidently much slower than ``direct'' inverse-ANN models.
Conceptually related to PINNs is also the so-called ``GLOnet'', which is discussed in more detail above \cite{jiangMultiobjectiveCategoricalGlobal2020} (see also figure~\ref{fig:improve_inv_design}f).
\subsection{Interpretation of physical properties}
\begin{figure*}[t!]
\centering{
\includegraphics[width=0.9\linewidth]{fig_experimental_analysis}}
\caption{
Examples of ML applications in experimental data interpretation.
(a-c) ANN used to decode information from optical information storage via a spectral scattering analysis from sub-diffraction small nanostructures. (a) Each bit sequence is encoded by a specific geometry which is designed such that it possesses a unique scattering spectrum. (b) A neural network is trained on a large amount of spectra such that it learns to decode noisy spectra of formerly not seen structures. (c) Even if only few wavelengths are probed, the readout accuracy of the network is excellent. Adapted with permission from \cite{wiechaPushingLimitsOptical2019}, copyright (2019) Springer Nature.
(d-e) Holographic anthrax spore classification via holography microscopy. A machine learning algorithm is trained on phase images of different spore species, as depicted in (d). The neural network is capable to classify 5 different Anthrax species with a very high accuracy. Adapted from \cite{joHolographicDeepLearning2017}, copyright (2017) the authors.
(f) Microscopy force field calibration (top left, green line: trapping potential, dots: reconstructed potential).
Evaluation of $U(x)$ via ANN-based analysis of Brownian motion from undersampled statistical data (top right). Comparison of reconstruction fidelity of ANN (bottom left) and conventional method (bottom right). Ground truth is indicated by a black dashed line. Adapted from \cite{argunEnhancedForcefieldCalibration2020}, copyright (2020) the authors.
(g) ANN enabled real-time hyper-spectral image reconstruction from speckle patterns produced by a multicore multimode fiber bundle (MCMMF). The technique exploits the wavelength-dependence of the speckle patterns. Adapted from \cite{kurumDeepLearningEnabled2019}, copyright (2019) Optical Society of America.
(h) Scheme depicting the use of machine learning for statistics reconstruction of few-shot data acquisitions. Reprinted from \cite{cortesAcceleratingQuantumOptics2020}, with the permission of AIP Publishing.
}
\label{fig:experimental_applications}
\end{figure*}
In this section we will review recent approaches to extract information and correlations from deep learning models in order to reveal physical insights.
There is on the one hand the possibility to use deep learning models for dimensionality reduction.
Figure~\ref{fig:knowledge_discovery}a shows a work of Kiarashinejad et al. in which the number of discrete values in reflectance spectra from a set of electrodynamical simulations is reduced from 200 to 2 via an unsupervised autoencoder ANN.
In a second step, the non-convex hull of the compressed responses is calculated, which represents the region in the 2D compressed space containing all encoded points.
This region allows to assess the range of accessible physical responses within the allowed design parameters, the method is hence helpful to identify the physical limitations of specific nanostructure models. Note that the full physical response of any point in the reduced dimensionality space can be reconstructed using the decoder part of the autoencoder, also those points that were not present in the training data.
This means that feasible and non-feasible responses can be analyzed in the original response space (under the assumption that the neural network generalizes well to out-of-training situations).
Note that autoencoders are unsupervised ANN models, which are known to require relatively few data for training.
This facilitates the application of the technique to experimental data.
In a similar approach, the impact of variations of individual design parameters on the latent space can be studied.
Those parameters whose variations have large (respectively little) impact on the latent space contribute strongly (respectively weakly) to the optical response \cite{kiarashinejadDeepLearningReveals2019, kiarashinejadDeepLearningApproach2019, yeungElucidatingBehaviorNanophotonic2020}.
The latent space is indicated by yellow highlighted neurons in Fig.~\ref{fig:knowledge_discovery}b, top right.
The impact of physical parameters on these weights is illustrated in the bottom right of figure~\ref{fig:knowledge_discovery}b.
By varying the size of the bottleneck (i.e. reducing the latent space dimension), it is furthermore possible to extract something like the number of principal components of the response, as shown
in the left column of figure~\ref{fig:knowledge_discovery}b.
Iten et al. \cite{itenDiscoveringPhysicalConcepts2020} extended the encoder-decoder ANN for interpretable physics via an approach inspired by humans' interpretation and modelling of physical observations.
The concept is depicted in Fig.~\ref{fig:knowledge_discovery}c, where the motion of a mass is observed as function of time $x(t)$.
To implement this concept in an ANN the authors append a condition to the latent-vector at the bottleneck of an encoder-decoder ANN (see Fig.~\ref{fig:knowledge_discovery}d).
This condition is here called a \textit{question}, the example in Fig.~\ref{fig:knowledge_discovery}c uses the time $t'$ for which the ANN shall predict the position of the moving mass ($=$ the \textit{answer}).
In the context of nano-photonics the question could be an optical spectrum of a nanostructure.
The ``answer'' returned by the ANN might then be the material or the size of the nanostructure, or a wavelength or laser polarization state.
This kind of ANN is conceptually very similar to inverse design ANNs (in particular to the cGAN or cAE models), but instead of using it for the design of nanostructures, it is here used to understand causal correlations imposed by the implicit physics in the training data.
A more direct approach to extract physical knowledge from ANNs consists in using the ultra-fast approximation capability of deep learning surrogate models.
Through a systematic scan of the whole parameter-space it is for example possible to assess the accessible optical responses with a specific nanostructure model.
In this way, accessible phase and intensity values for metasurface elements have been classified systematically by An et al. \cite{anDeepLearningModeling2020}.
The logical conclusion of the study was, that allowing more complex shapes for the meta-atoms leads to a larger accessible range for the phase and intensity, as depicted in figure~\ref{fig:knowledge_discovery}e.
From left to right are shown increasingly complex geometric models (top row) and their accessible scattering phase and intensity range (bottom row).
As already mentioned before, another way to gain insight in physical processes through a machine learning analysis is to use a physical parametrization of the training data, such that the neural network explicitly returns a physical quantity.
As shown in figure~\ref{fig:forward_models}a and~\ref{fig:forward_models}b, extinction spectra can for example be pre-processed in a modal decomposition, such as a superposition of electric and magnetic dipole resonances \cite{soSimultaneousInverseDesign2019} or as a decomposition in Lorentzian resonance profiles \cite{blanchard-dionneTeachingOpticsMachine2020}.
Once trained, the respective neural networks deliver an explicit interpretation of the predicted spectra.
In another recent work, so-called explainable machine learning has been used to assess the importance of constituent parts of a nanostructure with respect to its optical response, as well as to identify those parts of the structure that contribute only weakly to the light-matter interaction \cite{yeungElucidatingDesignBehavior2020}.
Such information is important for the design of fabrication-robust nanostructures, but also for applications in which sub-constituents of high impact on the nanostructure's optical response need to be identified, e.g. for switchable optical antennas.
Another recent work proposes interpretable machine learning models like decision trees and random forests to understand the physical mechanisms behind inverse design results \cite{elzoukaInterpretableInverseDesign2020}.
\subsection{Deep learning for interpretation of photonics experiments}
The last section of this review is dedicated to recent applications of deep learning in nano-photonics experiments.
Deep learning has proven to enable unprecedented statistical evaluation of large and complicated data, which was formerly impossible with conventional methods.
It has been demonstrated for instance that ANN models can learn from huge microscopy datasets to optically characterize 2D materials such as graphene or transition-metal dichalcogenides (TMDs) \cite{hanDeepLearningEnabled2019} or to automatically localize and classify nano-scale defects \cite{ziatdinovDeepLearningAtomically2017} or to track particles in 3D space using holographic microscopy \cite{shaoMachineLearningHolography2020}.
Deep learning was also successfully applied for the ultra-fast analysis of single molecule emission patterns \cite{zhangAnalyzingComplexSinglemolecule2018} as well as for the experimental reconstruction of quantum states for quantum optics tomography \cite{palmieriExperimentalNeuralNetwork2020}.
By training an ANN on large amounts of experimental optical scattering spectra from complex photonic nanostructures, recently an optical information storage concept has been proposed, able to push the data-density beyond the optical diffraction limit \cite{wiechaPushingLimitsOptical2019}.
The principle is depicted in figure~\ref{fig:experimental_applications}a.
Digital information is encoded in silicon nanostructures, which are designed such that each nanostructure encoding a specific bit-sequence possesses a unique scattering spectrum.
Visible light scattering is subsequently interpreted by an artificial neural network (Fig.~\ref{fig:experimental_applications}b).
Training on experimental data renders this read-out robust against fabrication imperfections and instrumental noise.
Therein, the ANN is the key ingredient to allow high readout accuracies from distorted data (Fig.~\ref{fig:experimental_applications}c).
Deep learning can be used for various further experimental classification tasks in nano-optics.
For instance, as depicted in figure~\ref{fig:experimental_applications}d it has been recently demonstrated that an ANN can learn to classify different species of Anthrax spores from holographic microscopy images \cite{joHolographicDeepLearning2017}.
The confusion rates in the individual classes (Fig.~\ref{fig:experimental_applications}e) allow furthermore to assess similarities and differences between the different Anthrax species.
Similar recent deep-learning based holographic image classification tasks include analysis of colloidal dispersions \cite{yevickMachinelearningApproachHolographic2014} or the real time determination of size and refractive index of subwavelength small particles \cite{midtvedtHolographicCharacterisationSubwavelength2020}.
Deep learning is particularly strong at the interpretation of sparse, undersampled data.
In a recent example, Argun et al. used a deep neural network for force field calibration in microscopy, by monitoring and interpreting Brownian particle motion \cite{argunEnhancedForcefieldCalibration2020}.
As depicted in figure~\ref{fig:experimental_applications}f, complex trapping potentials (top left) can be reconstructed efficiently from few experimental samples (top right).
In contrast to a conventional method (bottom right), the ANN (bottom left) reconstructs the correct potential with high accuracy also from little data (using only the dark part in the top right panel of \ref{fig:experimental_applications}f).
Similarly, machine learning has been used for real-time particle tracking \cite{hannelMachinelearningTechniquesFast2018, newbyConvolutionalNeuralNetworks2018, helgadottirDigitalVideoMicroscopy2019}.
Recently ANNs have also been succesfully trained on simulated data to efficiently predict the optical forces in complex particle trapping situations \cite{lentonMachineLearningReveals2020}.
Moreover deep learning has been found to be very powerful in solving inverse problems occurring in imaging experiments.
In this context often sparsity assumptions are required to enable deconstruction of undersampled data, which demands computationally complex inverse solving techniques like compressive sensing.
Corresponding imaging applications include phase recovery \cite{rivensonPhaseRecoveryHolographic2018, nishizakiAnalysisNoniterativePhase2020}, image reconstruction or enhancement \cite{jinDeepConvolutionalNeural2017, ongieDeepLearningTechniques2020, barbastathisUseDeepLearning2019, rivensonDeepLearningMicroscopy2017}, super-resolution microscopy \cite{nehmeDeepSTORMSuperresolutionSinglemolecule2018, ouyangDeepLearningMassively2018, nehmeDeepSTORM3DDense3D2020, puUnlabeledFarfieldDeeply2020, puLabelfreeDeeplySubwavelength2020} or coherent diffractive imaging \cite{bouchetOptimizingIlluminationPrecise2020, ghoshMachineLearningBased2020}.
In the context of photonics, it has been demonstrated that speckle patterns which occur after light transmission through complex media can be deconstructed very efficiently with deep learning methods \cite{horisakiLearningbasedImagingScattering2016, yunzheDeepSpeckleCorrelation2018, rahmaniMultimodeOpticalFiber2018, borhaniLearningSeeMultimode2018, kurumDeepLearningEnabled2019, bruceFemtometerresolvedSimultaneousMeasurement2020}.
While such speckles appear as if they were random patterns, they are actually the result of deterministic multiple scattering events.
Therefore, a fixed correlation between input and output before and after the complex medium can be established, which is classically done by constructing a transmission matrix \cite{popoffImageTransmissionOpaque2010}, involving complex regularisation schemes, inversion procedures or computationally expensive compressive sensing techniques \cite{frenchSnapshotFiberSpectral2018}.
While speckle-based methods allow for instance imaging through opaque media or the reconstruction of spectral information, the aforementioned computational burden usually prohibits real time applications.
ANN models on the other hand can be trained to solve the implicit inverse problem in speckle deconstruction very efficiently, which recently enabled to use complex media such as multi-mode fibers for real-time applications in imaging \cite{horisakiLearningbasedImagingScattering2016, yunzheDeepSpeckleCorrelation2018, rahmaniMultimodeOpticalFiber2018, borhaniLearningSeeMultimode2018, pinkardDeepLearningSingleshot2019}, spectral reconstruction \cite{bruceFemtometerresolvedSimultaneousMeasurement2020} or both (hyper-spectral imaging) \cite{kurumDeepLearningEnabled2019}.
Figure~\ref{fig:experimental_applications}g illustrates a setup for such speckle-based hyper-spectral imaging.
An image is formed via an intensity spatial light modulator (SLM), spectrally shaped using an acousto-optic tunable filter (AOTF), and focused on the aperture of a multi-core multimode fiber bundle (MCMMF). The fiber cores act as pixels of the image, whose individual speckle patterns encode the spectral information.
K\"ur\"um et al. \cite{kurumDeepLearningEnabled2019} demonstrated that even under noisy conditions and in the undersampling regime, an ANN can reconstruct the spectral information of several thousand fibers with a speed of a few frames per second.
In contrast, conventional compressive sensing algorithms require tens of minutes for the same task with similar reconstruction fidelity \cite{frenchSnapshotFiberSpectral2018}.
In the context of sparse data reconstruction, deep learning has recently been used in quantum optics applications for the reconstruction of statistical distributions from experiments with weak photon counts, as schematized in figure~\ref{fig:experimental_applications}h.
For instance, Cortes et al. \cite{cortesAcceleratingQuantumOptics2020} demonstrated the successful reconstruction of time dependent data from few photon events using statistical learning.
In this procedure a machine learning algorithm learns to predict the statistical distribution of the data.
A similar approach has been applied to assess whether a nano-diamond contains a single or several nitrogen vacancy photon emitters \cite{kudyshevRapidClassificationQuantum2020}.
An other work demonstrated a machine learning model capable to differentiate between coherent and thermal light sources via a statistical analysis of the temporal distribution of a very low number of photons \cite{youIdentificationLightSources2020}.
These learning based statistical analysis methods are capable to outperform conventional data fitting techniques thanks to their capacity to learn the most probable statistical distributions from the actual data.
Essentially, the machine learning model learns to ``focus'' on the important regions in the data (comparable to adaptive fitting weights). Conventional data fitting algorithms on the other hand bare the risk of attaching too much importance to ``flat'' areas, to the detriment of the accuracy in the relevant regions.
Just as with accidentally over-specialized inverse networks, care must be taken when interpreting the ANN reconstructions. Since data-driven approaches always bare the risk of being biased towards the training data, a neural network might for instance detect a learned statistical distribution even in pure noise.
Deep learning can be applied not only to data analysis, but is also increasingly used to control real time experimental feedback systems.
Recent examples touching the field of nano-photonics are mainly found in AI-stabilized microscopy.
ANNs can be applied for instance to real-time image enhancement \cite{rivensonDeepLearningEnhanced2018}, microscopy stabilizing feed-back systems \cite{cirovicFeedforwardArtificialNeural1997, liFastConfocalMicroscopy2020} or to conduct sparse data acquisition schemes for the acceleration of scanning microscopy systems via compressive sensing \cite{edePartialScanningTransmission2020}.
ANNs have been also applied to controlling laser mode-locking stabilization systems \cite{bruntonSelfTuningFiberLasers2014, kutzIntelligentSystemsStabilizing2015, baumeisterDeepLearningModel2018}.
So far the direct application of ANNs to experimental hardware for nano-photonics is still scarce, but the research is in an early stage.
A recent work proposed for instance to calibrate and control electrically reconfigurable photonic circuits by deep learning algorithms \cite{youssryModelingControlReconfigurable2020, youssryModelingControlReconfigurable2020}.
Another example is a pioneering work of Selle et al. \cite{selleModellingUltrafastCoherent2008} which proposed to use ANNs coupled to a femtosecond laser pulse shaper for real-time control of the light-matter interaction in nano-structures or molecules.
We expect a very rapid development of applications in this direction in the near future, in particular real-time critical applications like sensing \cite{wangArtificialSensingIntelligence2014} will hugely benefit from the tremendous acceleration potential of ANNs.
\section{Conclusions and perspectives}
In conclusion, in this mini-review we discussed the most recent developments in deep learning methods applied to nano-photonics.
In the first section we focused on ANN-driven nano-photonic inverse design methods and discussed concepts to improve the design quality of inverse ANNs in comparison with conventional optimization techniques.
In the second part we discussed applications of deep learning in nano-photonics ``beyond inverse design'', spanning from physics informed neural networks over ANNs for physical knowledge extraction to data interpretation and experimental applications.
We would like to emphasize that despite their latest remarkable success and their undeniable great potential, artificial neural networks are ``black boxes''.
It is extremely hard, mostly even impossible to understand how a neural network generates it's predictions.
It has been demonstrated at many occasions that even the most sophisticated ANNs, trained on the most carefully assembled datasets contain singular points at which their predictions diverge.
Another noteworthy danger of data-driven techniques is that they bare a considerable risk to be biased with respect to their training data, like an incident where google's image-tagging algorithm learned implicit racism from its training data \cite{GoogleSaysSorry2015}.
We therefore appeal to the reader to keep in mind that, simply speaking, ``what you put in is what you get out''.
In consequence the ANN models are only the second most important ingredient to deep learning.
The essential element is first of all \textit{the training data}.
Unfortunately it is often understated and not discussed with sufficient emphasis that high quality training data is of utmost importance. By reviewing techniques that aim at improving the training data quality, we tried to arouse some awareness in this respect.
Another important aspect in this context is the \textit{amount} of training data, required to train a well performing and generalizing ANN.
Unfortunately in many problems which would be naturally suited for deep learning applications, training data is scarce or very expensive to generate.
Additionally, the more general a problem for an ANN is, the more training data is usually required for a good prediction fidelity.
Last but not least, adapting an ANN model to a new problem often requires the entire training data to be generated from scratch, which might even be the case for minor modifications.
These aspects can create considerable computational barriers for broad and flexible applications of ANNs.
Deep learning techniques in the context of nano-photonics have experienced a tremendous amount of attention in the past few years and research has literally exploded.
ANNs have enabled manifold applications which formerly seemed strictly impossible.
As discussed above, a prominent example are data-driven ultra-fast solvers for various inverse problems, for which conventional methods are computationally extremely expensive and slow.
We expect that further groundbreaking applications will be developed in the near future.
For instance very promising progress has been made in the field of Quantum machine learning \cite{schuldIntroductionQuantumMachine2015}, which aims at using deep learning concepts to push the capabilities and interpretability of quantum computing systems.
In this context, machine learning algorithms recently have autonomously proposed designs for non-trivial quantum optics experiments \cite{krennAutomatedSearchNew2016, melnikovActiveLearningMachine2018, krennComputerinspiredQuantumExperiments2020}.
We expect that deep learning will continue to produce exciting pioneering results.
We also anticipate that deep learning techniques will become a common numerical tool, regularly employed for the daily use.
\subsection*{Acknowledgments}
We thank the NVIDIA Corporation for the donation of a Quadro P6000 GPU used for this research.
This work was supported by the German Research Foundation (DFG) through a research fellowship (WI 5261/1-1).
The authors acknowledge the CALMIP computing facility (grant p20010).
OM acknowledges support through EPSRC grant EP/M009122/1.
\subsection*{Disclosures}
The authors declare no conflicts of interest.
|
\section{Introduction}
\label{SecI}
The fabrication of graphene has opened the door to the world of \emph{flatland materials}~\cite{Graphene1,Graphene2, GrapheneMacDonald}.
This diverse family is still growing and prominently includes the transition-metal dichalcogenide (TMDC) monolayers, $\mathrm{MoS}_2$, $\mathrm{MoSe}_2$, $\mathrm{WS}_2$ and $\mathrm{WSe}_2$. These are two-dimensional semiconductors featuring a direct bandgap and extraordinarily strong Coulomb interactions, such that their optical properties are dominated by exciton physics (bound electron-hole pairs) even at room temperature. An important
property of TMDC monolayers is a strong spin-valley splitting. Together with the possibility of valley selective light-matter coupling by using circularly polarized light, this opens avenues for spintronics and valleytronics~\cite{ReviewValleytronics1,ReviewValleytronics2}. The ability to combine TMDC monolayers in lateral and vertical heterostructures furthermore makes them
strong candidates for optoelectronic applications (\textit{e.g.},~\cite{Applications1,Applications2,Applications3,Applications4,Applications5}), and
promises
a
versatile platform for the exploration of exciton physics~\cite{ExcitonReview1,ExcitonReview2,ExcitonReviewGlazov}.
An additional advantage of TMDC monolayers is that their optical properties can be tuned by gating. The presence of excess charge carriers (electrons or holes) has been found~\cite{TrionExperiment1,TrionExperiment2,TrionExperiment3,TrionExperiment4,TrionExperiment5,TrionEnergyRecent,TrionEnergyRecent} to split the exciton feature in absorption spectra~\footnote{One should note that photoluminescence
experiments with ultraclean TMDC samples have also reported the presence of additional peaks, which have been attributed to biexcitons, localized excitons and trions, as well as to four- and five-particle electron-hole complexes (\textit{e.g.},~\cite{ManyParticleComplexes1,ManyParticleComplexes2})} into two peaks~\footnote{It should be noted that this phenomenon has been observed in conventional semiconductor GaAs and CdTe quantum wells (QWs)~\cite{QW1,QW2,QW3,QW4,QW5}. However, the binding energies, $\epsilon_\mathrm{X}$ and $\epsilon_\mathrm{T}$, in QWs are more than an order of magnitude smaller than in TMDC monolayers, and this restricts the observability of phenomena in QWs to very low temperatures.}. The presence of the
redshifted peak has conventionally
been attributed to trions, charged and weakly-coupled three-particle complexes formed by binding two electrons to one hole, or two holes to one electron~\cite{ExcitonReview1,ExcitonReview2,ExcitonReviewGlazov}. Its binding energy $\epsilon_\mathrm{T}$ is interpreted to be equal to the splitting between peaks in the limit of vanishing doping~\cite{TrionTheory1,TrionTheory2,TrionTheory3, TrionTheory4,XPVagov1,XPVagov2}.
However, recent work~\cite{TMDCDemlerExp,EfimkinMacDonald1,EfimkinMacDonald2}
has argued that the three-particle picture for the additional peak is only relevant at very low doping and cannot explain the doping dependence of absorption (see also earlier works~\cite{Suris1,Suris2,Wouters1,Wouters2, Combescot1, Combescot2, Combescot3,Zimmermann} where the trion scenario has been questioned).
Instead, within the wide doping range where the excess-carrier Fermi energy $\epsilon_\mathrm{F}\sim \epsilon_\mathrm{T}$,
the appropriate picture is one of excitons interacting with the degenerate Fermi sea of excess charge carriers. In this case, the excitons are dressed by excitations of the Fermi sea, forming attractive and repulsive exciton-polaron (XP) quasiparticles
like in the Fermi-polaron problem introduced in the context of cold atoms~\cite{FermiPolaronReview1,Levinsen2015review}.
These quasiparticles represent a many-body generalization of exciton-electron (X-e) bound and unbound states.
The theory of absorption by XPs developed in Refs.~\cite{EfimkinMacDonald1,EfimkinMacDonald2} has naturally and successfully explained its observed doping dependence (it should be mentioned that there is an alternative picture that is based on dynamical screening and exciton-plasmon interactions~\cite{Dery1,Dery2,Dery3}). However, there are still a number of experimentally relevant open questions that are within the focus of recent theoretical research~\cite{XPnew1,XPnew2,GalzovXT,ImamogluSchmidt,XPVagov1,XPVagov2}. These include the manifestations of the XP physics in photoluminescence (PL) and in nonlinear optical phenomena~\cite{XPnonlinear,TrionNonlinear1,TrionNonlinear2,bastarracheamagnani2020attractive}, as well as the crossover between few-particle and Fermi polaron physics. For the latter problem, it has been recently argued~\cite{GalzovXT} that predictions of XP and trion based absorption theories are almost indistinguishable in the limit of low doping. Another outstanding question concerns the importance of the microscopic details of the X-e interactions, which have been approximated by a phenomenological contact potential in previous work~\cite{EfimkinMacDonald1,EfimkinMacDonald2,TMDCDemlerExp}. These details are also essential if excitons and excess charge carriers are spatially separated into different layers, a scenario that opens new avenues to control the flow of excitons~\cite{PolaronDragExp,PolaronDragTheory}.
In the present work, we have used a mixture of
variational and perturbative techniques to derive the microscopic exciton-electron interactions. We have found that these interactions possess a weak doping dependence. Furthermore, they can be well approximated by a local potential which depends only on the X-e distance, and which features classical charge-dipole behavior at large separation. We find that this potential compares well to those recently obtained by other researchers~\cite{XPnew1,ImamogluSchmidt}, and that the resulting energy of the exciton-electron bound state agrees well with previous numerical results for the trion binding energy in the full three-body problem~\cite{TrionEnergy1,TrionEnergy2,TrionEnergyRecent}. We compare our calculated doping dependence of the optical conductivity with that obtained in a model with a phenomenological contact potential, and find that these agree very well. This indicates that including the finite range of exciton-electron interactions is not essential to capturing XP physics.
This paper is organized as follows: In Sec.~\ref{SecII}, we introduce our model for describing the optical properties of TMDC monolayers. We briefly review the phenomenological theory for XPs, and then we present our novel microscopic theory in Sec.~\ref{sec:SecXPTheory}. We discuss the details of our microscopically derived X-e interactions in Sec.~\ref{Sec:X-e}, and we also compare them to the recent results of other investigations. In Sec.~\ref{SecXPApsorption}, we present a microscopic calculation of the optical conductivity and we describe its dependence on frequency and doping. Section~\ref{SecConc} contains discussions and a brief summary.
\section{Model}
\label{SecII}
\begin{figure}[t]
\begin{center}
\includegraphics[trim=2cm 13cm 7.5cm 1cm, clip, width=1.0\columnwidth]{Fig2Sketch.pdf}
\caption{Low-energy region of the TMDC band structure in the presence of strong valley imbalance. Selective coupling with circularly polarized light leads to the creation of exciton-polarons dressed solely by either the indistinguishable (a) or the distinguishable (b) Fermi sea. The second band arrangement (b) is considered in the present work.
\label{FigBands}
}
\end{center}
\end{figure}
The low-energy electron and hole states in TMDC monolayers are concentrated near two equivalent valleys ($K$ and $K'$) and are separated by
a direct bandgap. In undoped monolayers, the absorption spectrum is dominated by excitons that can be selectively excited in one of the valleys by circularly polarized light. In the presence of excess charge carriers (we assume these to be electrons with the generalization to holes straightforward), the valleys are generically equally populated which provides two Fermi seas (FSs) for the polaronic dressing of excitons. Importantly, electrons in one valley are distinguishable from the photo-excited electron hidden in the exciton, while electrons in the other valley are clearly not. The complicated interplay between the exchange and the polaronic physics with two FSs still represents a challenge for the microscopic theory of absorption. However, the effects of two FSs can be disentangled in the presence of strong valley splitting which depletes electrons in one of the two valleys. Since the $K$ and $K'$ points are time reversal partners, the splitting can be induced by exchange coupling to an insulating magnetic substrate~\cite{MagneticSubstarte} or by a magnetic field~\cite{MagneticField}.
Two possible scenarios in the presence of strong splitting are sketched in Fig.~\ref{FigBands}.
Figure~\ref{FigBands}(a) illustrates the case where the photo-excited electron is indistinguishable from the electrons in the Fermi sea. In this case, the polaronic dressing is limited by exchange physics and momentum-space restrictions
usually referred to as the Pauli-blocking effect)~\cite{Parish2011,Cotlet2020}. It is firmly established experimentally in the TMDCs~\cite{MagneticField,TMDCMF1,TMDCMF2,TMDCMF3,TMDCMF4} that this does not result in a splitting of the excitonic feature in absorption~\footnote{The polaronic effect leads to a splitting only when there is an electron-hole mass imbalance~\cite{TrionEnergyRecent}. However, this imbalance is removed for TMDC monolayers and also in the presence of a magnetic field~\cite{QWMF1,QWMF2,QWMF3}}. While at the theoretical level the role of exchange physics on the absorption peaks is understood only at very low doping~\cite{TrionEnergyRecent}, this problem is outside the scope of the present work. The dressing by a distinguishable Fermi sea is sketched in Fig.~\ref{FigBands}(b). Due to the absence of both exchange physics and the Pauli-blocking effect, this regime is more favorable for polaronic physics, and it is the scenario considered in the current work.
The physics of XPs for the band arrangement shown in Fig.~\ref{FigBands}(b) can be described by the Hamiltonian, $H=H_0+H_\mathrm{C}+H_\mathrm{LM}$, which includes the kinetic energy $H_0$, Coulomb interactions $H_\mathrm{C}$, and light-matter interactions $H_\mathrm{LM}$. The
first of these is given by
\begin{equation}
\label{H0}
H_0=\sum_\vec{p}\Big[\epsilon_\vec{p}^\mathrm{e} e_\vec{p}^\dagger e_\vec{p} + \epsilon_\vec{p}^\mathrm{h} h_\vec{p}^\dagger h_\vec{p} + \epsilon_\vec{p}^\mathrm{f} f_\vec{p}^\dagger f_\vec{p}\Big].
\end{equation}
Here, $e_\vec{p}^\dagger$ and $h_\vec{p}^\dagger$ are the creation operators for photo-excited electrons and holes, respectively, with $f_\vec{p}^\dagger$ the operator for excess electrons. The band masses for electrons and holes in monolayer TMDCs can be well approximated as equal to each other. Thus, we take the dispersions to be $\epsilon_\vec{p}^{\mathrm{e}(\mathrm{h})}=\epsilon_\mathrm{g}/2+p^2/2m$ (with $p\equiv|\vec{p}|$) and $\epsilon_\vec{p}^\mathrm{f}=p^2/2m-\epsilon_\mathrm{F}$, where $\epsilon_\mathrm{g}$ is the gap in the spectrum and $\epsilon_\mathrm{F}$ is the Fermi energy of excess charge carriers. Note that, in this work, we employ Gaussian units ($4\pi\varepsilon_0=1$) and we additionally set the system area to unity.
The Coulombic interactions can be modelled by
\begin{align}
\label{eq:HC}
H_\mathrm{C}=
\sum_{\vec{p} \bar{\vec{p}}\vec{q}} U_\vec{q} \Big[ e_{\vec{p}+\vec{q}}^\dagger f_{\bar{\vec{p}}-\vec{q}}^\dagger f_{\bar{\vec{p}}} e_\vec{p} &- h_{\vec{p}+\vec{q}}^\dagger f_{\bar{\vec{p}}-\vec{q}}^\dagger f_{\bar{\vec{p}}} h_\vec{p} \nonumber\\&- e_{\vec{p}+\vec{q}}^\dagger h_{\bar{\vec{p}}-\vec{q}}^\dagger h_{\bar{\vec{p}}} e_\vec{p} \Big],
\end{align}
where we neglect intraspecies interactions since these do not significantly affect the absorption~\footnote{The exciton-polaron state comprises only a single photo-excited electron-hole pair. As a result, both electron-electron and hole-hole interactions are irrelevant for absorption and might only be important for nonlinear optical effects that are outside the scope of this work.}.
Here, $U_\vec{q}$ is the Coulomb interaction potential and our developed microscopic theory for exciton-polarons does not rely on its explicit form. For numerical calculations, we employ the two-dimensional (2D) Coulomb potential, $U_\vec{q}=2\pi e^2/\kappa q$, with $\kappa$ the effective dielectric constant of the surrounding media. However, we argue that our results are much more general and can be extended to other screening models, including the Keldysh potential~\cite{Keldysh1,Keldysh2,Keldysh3}. The Keldysh potential properly handles dielectric screening and is argued to quite accurately capture the spectrum of excitonic states in TMDC monolayers~\cite{TMDCEx1,TrionExperiment4}.
Within the dipole approximation, light-matter interactions can be described by using a position-independent vector potential, $\vec{A}$, as follows:
\begin{equation}
\label{HLM}
H_\mathrm{LM}= - \frac{e v }{c} \sum_\vec{p} \vec{A}\cdot \Big[\vec{e} \; e^\dagger_\vec{p} h^\dagger_{-\vec{p}}e^{- i \omega t} + \mathrm{h.c.} \Big]. \\
\end{equation}
The light frequency satisfies $\omega\sim\epsilon_\mathrm{g}\gg\epsilon_\mathrm{F}$, which allows us to neglect intraband electronic transitions. Above, $v=\sqrt{\epsilon_\mathrm{g}/m}$ is the interband matrix element for the velocity operator, and $\vec{e}=(\vec{e}_\mathrm{x}\pm i \vec{e}_\mathrm{y})/\sqrt{2}$ determines the valley selection by circularly polarized light. We elaborate on the absorption theory in Sec.~\ref{SecXPApsorption}, while the two subsequent sections are devoted to our microscopic theory for XPs.
\section{Exciton-polaron theory}
\label{sec:SecXPTheory}
\subsection{Exciton problem}
\label{sec:exciton}
Within our model, the exciton can be
described by the creation operator
\begin{equation}
\label{X}
X_{\vec{p}_\mathrm{X}}^\dagger=\sum_\vec{p} C_{\vec{p}}
e_{\vec{p}+\vec{p}_\mathrm{X}/2}^\dagger h_{-\vec{p}+\vec{p}_\mathrm{X}/2}^\dagger\,.
\end{equation}
Here, $C_{\vec{p}}$ is the wave function for the relative motion of the electron and hole. Note that it does not depend on the exciton's center-of-mass momentum, $\vec{p}_\mathrm{X}$. This is because there is a separation of relative and center-of-mass dynamics in the two-body problem with a conventional quadratic spectrum.
The wave function, $C_\vec{p}$, satisfies the following eigenvalue equation:
\begin{equation}
\label{P}
\big(\epsilon_\vec{p}^\mathrm{e}+\epsilon_{-\vec{p}}^\mathrm{h}\big)C_\vec{p}-\sum_{\vec{p}'} U_{\vec{p}-\vec{p}'}C_{\vec{p}'}=E^\mathrm{X} C_\vec{p}\,,
\end{equation}
with total energy $E^\mathrm{X}$. The resulting spectrum includes both discrete excitonic states and continuous unbound electron-hole pairs, and we label these states by a collective index, $\nu$. The bound excitonic states are labeled by principal $n$ and orbital $l$ quantum numbers, $|\nu\rangle=|n,l\rangle$ (with $|0,0\rangle$ corresponding to the ground-state exciton).
\subsection{Phenomenological approach}
For completeness, here, we briefly review the theory of exciton-polarons with phenomenological contact exciton-electron interactions~\cite{EfimkinMacDonald1,EfimkinMacDonald2,TMDCDemlerExp}. Its cornerstone is the hierarchy of binding energies for trions ($\epsilon_\mathrm{T}$) and excitons ($\epsilon_\mathrm{X}$), \textit{i.e.}, $\epsilon_\mathrm{T}\ll \epsilon_\mathrm{X}$. This ensures that in the wide density range where $\epsilon_\mathrm{T}\sim \epsilon_\mathrm{F}$, the formation of an exciton by a photo-excited electron and hole is only weakly disturbed by excess charge carriers. In this limit,
it is therefore reasonable to consider the exciton as a structureless quasiparticle where the center-of-mass momentum
is the only relevant degree of freedom.
The exciton's interaction with the Fermi sea dresses it into an exciton-polaron. The corresponding Fermi-polaron problem (involving a Fermi sea as a quantum environment) has recently been realized in 2D cold-atom experiments~\cite{Koschorreck2012,Zhang2012,Oppong2019}, and a remarkable understanding of its rich behavior has been achieved~\cite{FermiPolaronReview1,Levinsen2015review}.
The creation operator for an optically active XP with zero momentum
can be well approximated by the Chevy ansatz~\cite{FermiPolaron4} as follows:
\begin{equation}
\label{PF}
P^\dagger_\vec{0}=\phi X_\vec{0}^\dagger + \sum_{\vec{k}\vec{k}'} \chi_{\vec{k} \vec{k}'} X_{\vec{k}'-\vec{k}}^\dagger f_\vec{k}^\dagger f_{\vec{k}'}\,.
\end{equation}
Above, $\phi$ is the weight of the exciton, while $\chi_{\vec{k} \vec{k}'}$ weights the contribution of a single electron-hole pair excitation of the FS with momenta $k>k_\mathrm{F}$ and $k'<k_\mathrm{F}$. The possibility to excite multiple electron-hole pairs has been proven to be negligibly small~\cite{Combescot2008}. The photo-excited electron and hole interact both with the electron outside the FS and with the hole inside the FS. However, momentum-space limitations mean that the latter is inefficient for $\epsilon_\mathrm{F}\ll\epsilon_\mathrm{X}$ and can therefore be omitted. If we introduce the exciton-electron interactions in a phenomenological manner as $V_\vec{q}$, then the variational equations for the state~\eqref{PF} are given by
\begin{subequations}
\label{eq:vareqscontact}
\begin{align}
\left(\Delta E^\mathrm{XP}-\sum_{\vec{k}'} V_\vec{0}\right) \phi&= \sum_{\vec{k}\vec{k}'} V_{\vec{k}-\vec{k}'} \chi_{\vec{k} \vec{k}'}\,, \\
\left( \Delta E^\mathrm{XP}- \epsilon_{\vec{k}\vec{k}'}^\mathrm{FS}\right)\chi_{\vec{k}\vec{k'}} & = V_{\vec{k}'- \vec{k}} \phi+\sum_{\bar{\vec{k}}} V_{\bar{\vec{k}}-\vec{k}} \chi_{\bar{\vec{k}}\vec{k}'}\,.
\end{align}
\end{subequations}
Here, $\epsilon^\mathrm{FS}_{\vec{k}\vec{k}'}=\epsilon^\mathrm{X}_{\vec{k}'-\vec{k}}+\epsilon^\mathrm{f}_\vec{k}-\epsilon^\mathrm{f}_{\vec{k}'}$ is the sum of kinetic energies for the exciton's center of mass and an electron-hole excitation of the Fermi sea. The quantity, $\Delta E^\mathrm{XP}=E^\mathrm{XP}-E^\mathrm{X}$, is the energy of the exciton-polaron state $E^\mathrm{XP}$ defined with respect to the exciton energy $E^\mathrm{X}$. Due to the Pauli-blocking effect of electrons in the FS, the momentum in the last sum of Eq.~(\ref{eq:vareqscontact}) is restricted to $\bar{k}>k_\mathrm{F}$.
If
$V_\vec{q}$ is approximated by a contact potential with a momentum-independent Fourier transform, then the system of equations becomes algebraic~\cite{FermiPolaronNew3} and analytically tractable~\cite{FermiPolaronNew1}. Its solution can be elegantly parameterized by the binding energy $\epsilon_\mathrm{T}$ for the two-particle X-e state, which is a simplified model for the trion. The energy $\epsilon_\mathrm{T}$ determines the splitting between attractive and repulsive XP branches in the limit of vanishing doping, and therefore can be easily adjusted to fit experiments. The frequency and doping dependence of absorption within this model has been extensively discussed in our previous work~\cite{EfimkinMacDonald1} and has been argued to well describe the experimental data.
\subsection{Microscopic theory}
To derive the microscopic theory for XPs we avoid using excitons as an intermediate step of the theory. Instead we write the creation operator for an XP with zero momentum
as follows:
\begin{equation}
\label{MicroscopicAnzatz}
P_\vec{0}^\dagger=\sum_\vec{p} \phi_\vec{p}e_\vec{p}^\dagger h_{-\vec{p}}^\dagger + \sum_{\vec{p} \vec{k}\vec{k}'} \chi_{\vec{p}\vec{k} \vec{k}'} e^\dagger_{\vec{p}_+} h^\dagger_{-\vec{p}_-} f_\vec{k}^\dagger f_{\vec{k}'}\,.
\end{equation}
Here, $\vec{p}_\pm=\vec{p}\pm (\vec{k}'-\vec{k})/2$ and $\vec{k}'-\vec{k}$ is the center-of-mass momentum for the photo-excited electron and hole. In addition, $\phi_\vec{p}$ is the wave function for the relative motion of the electron-hole pair, while $\chi_{\vec{p}\vec{k} \vec{k}'}$ weights its correlations with a single particle-hole excitation of the Fermi sea. By neglecting interactions between the excitonic electron or hole and the Fermi-sea hole, since these are inefficient due to momentum-space limitations, we obtain the variational expressions shown below:
\begin{equation}
\begin{split}
\label{Variational1}
\left(\epsilon^\mathrm{e}_\vec{p}+\epsilon^\mathrm{h}_{-\vec{p}}\right)\phi_\vec{p}- \sum_{\bar{\vec{p}}} U_{\vec{p}-\bar{\vec{p}}} \phi_{\bar{\vec{p}}}\;+ \\ \sum_{\vec{k}\vec{k}'} U_{\vec{k}-\vec{k'}}\left(\chi_{\vec{p}-\frac{\vec{k}-\vec{k}'}{2},\vec{k}\vec{k}'}-\chi_{\vec{p}+\frac{\vec{k}-\vec{k}'}{2},\vec{k}\vec{k}'}\right)= E^\mathrm{XP} \phi_\vec{p}\,,
\end{split}
\end{equation}
and
\begin{equation}
\label{Variational1Part2}
\begin{split}
\left(\epsilon^\mathrm{e}_\vec{p}+\epsilon^\mathrm{h}_{-\vec{p}}+\epsilon_{\vec{k}\vec{k}'}^\mathrm{FS}\right)\chi_{\vec{p}\vec{k}\vec{k}'}-\sum_{\bar{\vec{p}}} U_{\vec{p}-\bar{\vec{p}}} \chi_{\bar{\vec{p}}\vec{k}\vec{k}'}\;+ \\ \sum_{\bar{\vec{k}}} U_{\bar{\vec{k}}-\vec{k}} \left(\chi_{\vec{p}-\frac{\bar{\vec{k}}-\vec{k}}{2},\bar{\vec{k}}\vec{k}'}-\chi_{\vec{p}+\frac{\bar{\vec{k}}-\vec{k}}{2},\bar{\vec{k}}\vec{k}'} \right) + \\ U_{\vec{k}'-\vec{k}} \left(\phi_{\vec{p}-\frac{\vec{k}'-\vec{k}}{2}}-\phi_{\vec{p}+\frac{\vec{k}'-\vec{k}}{2}} \right) = E^\mathrm{XP} \chi_{\vec{p}\vec{k}\vec{k}'}\,.
\end{split}
\end{equation}
Due to the presence of the Fermi sea, the momenta are restricted to $k,\,\bar{k}>k_\mathrm{F}$ and $k'<k_\mathrm{F}$ above and in what follows.
For the considered doping range, $\epsilon_\mathrm{F}\ll\epsilon_\mathrm{X}$, the relative motion of the electron and hole within the exciton is only weakly disturbed by excess electrons. This motivates the decomposition of both wave functions, $\phi_\vec{p}$ and $\chi_{\vec{p}\vec{k}\vec{k}'}$, into the excitonic (and continuum) states discussed in Sec.~\ref{sec:exciton}:
\begin{equation}
\label{Basis}
\phi_\vec{p}=\sum_{\nu} C_\vec{p}^\nu \phi_{\nu}\,, \quad \quad
\chi_{\vec{p} \vec{k} \vec{k'}}=\sum_{\nu} C_\vec{p}^\nu \chi_{\nu \vec{k} \vec{k}'}\,.
\end{equation}
The variational equations can then be rewritten as
\begin{subequations}
\label{Variational2}
\begin{align}
\Delta E^\mathrm{XP}_\nu \phi_{\nu}&=\sum_{\bar{\nu}\vec{k} \vec{k'}} \Lambda_{\vec{k}-\vec{k'}}^{\nu \bar{\nu}} \chi_{\bar{\nu} \vec{k}\vec{k}'}\,, \\
\left(\Delta E^\mathrm{XP}_\nu -\epsilon_{\vec{k}\vec{k}'}^\mathrm{FS}\right) \chi_{\nu \vec{k}\vec{k}'} &=\sum_{\bar{\nu}} \Lambda_{\vec{k}'-\vec{k}}^{\nu \bar{\nu}} \phi_{\bar{\nu}} + \sum_{\bar{\nu} \bar{\vec{k}}} \Lambda_{\bar{\vec{k}}-\vec{k}}^{\nu \bar{\nu}} \chi_{\bar{\nu} \bar{\vec{k}} \vec{k}'}\,,
\end{align}
\end{subequations}
where we denote $\Delta E^\mathrm{XP}_\nu=E^\mathrm{XP}-E^\mathrm{X}_\nu$. The excitonic levels are coupled by the matrix element $\Lambda^{\nu\bar{\nu}}_\vec{q}$, which represents the amplitude of X-e scattering between states $|i_\nu\rangle=X^\dagger_{\nu \vec{p}_\mathrm{X}} f^\dagger_{\vec{p}_\mathrm{e}}|\mathrm{g}\rangle$ and $|f_\nu\rangle=X^\dagger_{\nu \vec{p}_\mathrm{X}+\vec{q}} f^\dagger_{\vec{p}_\mathrm{e}-\vec{q}}|\mathrm{g}\rangle$ (where $|\mathrm{g}\rangle$ is the undisturbed Fermi sea). The scattering amplitude, with transferred momentum $\vec{q}$, in the Born approximation is given by
\begin{equation}
\Lambda^{\nu\bar{\nu}}_\vec{q}=\langle f_\nu|\big(H_{\mathrm{e\text{-}f}}+H_{\mathrm{h\text{-}f}}\big)|i_{\bar{\nu}} \rangle\,.
\end{equation}
Here, $H_{\mathrm{e\text{-}f}}$ and $H_{\mathrm{h\text{-}f}}$ represent, respectively, the interaction between a Fermi-sea electron and the electron or hole that constitutes the exciton. They correspond to the first two terms in Eq.~\eqref{eq:HC}. The explicit expression for the scattering matrix element is
\begin{align}
\begin{split}\
\Lambda^{\nu\bar{\nu}}_{\vec{q}} =U_\vec{q}\sum_\vec{p} (C_\vec{p}^\mathrm{\nu})^* \left(C_{\vec{p}-\vec{q}/2}^{\bar{\nu}}- C_{\vec{p}+\vec{q}/2}^{\bar{\nu}}\right).
\label{eq:Lambda}
\end{split}
\end{align}
We can further comprehend the nature of $\Lambda^{\nu\bar{\nu}}_\vec{q}$ by now considering its behavior at small momentum transfer, $q a_\mathrm{X}\ll 1$, with $a_\mathrm{X}$ the exciton size. By introducing $C_\vec{r}^\nu$ as the Fourier transform of $C_{\vec p}^\nu$ in Eq.~\eqref{eq:Lambda}, we find that
\begin{subequations}
\begin{align}
\Lambda^{\nu\bar{\nu}}_\vec{q}&= U_\vec{q}\int d\vec{r}\, (C_\vec{r}^\nu)^*C_\vec{r}^{\bar{\nu}}\,2 i \sin\left(\frac{\vec{q}\cdot\vec{r}}{2}\right) \\
& \simeq i U_\vec{q} \vec{q}\cdot\vec{d}_{\nu\bar{\nu}}\,, \quad qa_X\ll 1\,,
\end{align}
\end{subequations}
where $e\vec{d}_{\nu \bar{\nu}}=\langle \nu|e\vec{r}|\bar{\nu}\rangle$ is the matrix element of the dipole moment. This explicitly reflects the charge-dipole nature of exciton-electron interactions.
Since $|\nu\rangle$ is a parity eigenstate, $\Lambda^{\nu\bar{\nu}}_\vec{q}$ follows the selection rules for optical dipole transitions between the excitonic states. Therefore, $\Lambda_\vec{q}^{\nu\bar{\nu}}$ is nonzero only between states of opposite parities, which implies that $l-\bar{l}=\pm1,\,\pm3,\,...$\,\,. Consequently, the diagonal matrix elements vanish, $\Lambda^{\nu\nu}_\vec{q}=0$, and we emphasize that only those elements coupling distinct excitonic (and continuum) states are nonzero.
To proceed, we restrict our attention to the effect of the excess electrons on only the ground excitonic state. The corresponding exciton-polaron state predominantly consists of $\phi \equiv \phi_{\nu} $ and $ \chi_{\vec{k}\vec{k}'} \equiv \chi_{\nu \vec{k}\vec{k}'}$, with $|\nu\rangle=|0,0\rangle$. Provided that $\epsilon_\mathrm{F},\epsilon_\mathrm{T}\ll\epsilon_\mathrm{X}$, the contribution of all excited states is small. Interactions between them are of second order in $\epsilon_\mathrm{T}/\epsilon_\mathrm{X}$ and can therefore be neglected. If we treat the coupling of excited states to (only) the ground state $|0,0\rangle$ perturbatively, then Eq.~(\ref{Variational2}) simplifies to
\begin{subequations}
\label{Variational3}
\begin{align}
\left(\Delta E^\mathrm{XP}_0 - \sum_{\vec{k}'} V_{\vec{k}' \vec{k}' \vec{k}'}\right)\phi&= \sum_{\vec k\vec{k}'} V_{\vec{k} \vec{k}' \vec{k}'}\chi_{\vec{k}\vec{k}'}\,, \\
\left(\Delta E^\mathrm{XP}_0 - \epsilon^\mathrm{FS}_{\vec{k}\vec{k}'}\right)\chi_{\vec{k}\vec{k'}} &= V_{\vec{k}' \vec{k} \vec{k}'} \phi+\sum_{\bar{\vec k}} V_{\bar{\vec{k}} \vec{k} \vec{k}'} \chi_{\bar{\vec{k}}\vec{k}'}\,.
\end{align}
\end{subequations}
For a detailed derivation we refer the reader to App.~\ref{AppPerturbationTheory}.
This set of equations remarkably coincides with the variational expressions~\eqref{eq:vareqscontact} obtained previously within the phenomenological approach. However, the microscopically derived interactions,
\begin{equation}
\label{Vint}
V_{\vec{k}_1 \vec{k}_2 \vec{k}'}=\sum_{\nu \vec{k}}\frac{\Lambda_{\vec{k}-\vec{k}_2}^{0\nu} \Lambda_{\vec{k}_1-\vec{k}}^{\nu0}}{E^\mathrm{X}_0-E^\mathrm{X}_\nu-\epsilon^\mathrm{FS}_{\vec{k} \vec{k}'}}\,,
\end{equation}
are intrinsically nonlocal and depend explicitly on the momentum of the electron before ($\vec{k}_2$) and after ($\vec{k}_1$) scattering with the exciton, as well as on the momentum of the redundant Fermi hole ($\vec{k}'$) which does not participate directly in the scattering process. Note that we have taken $E^\mathrm{XP}\simeq E_0^\mathrm{X}$ in the denominator of Eq.~(\ref{Vint}). This approximation makes Eq.~(\ref{Variational3}) tractable, and is reasonable because the total energy is only shifted away from the exciton energy by a small amount (on the order of $\epsilon_\mathrm{F},\epsilon_\mathrm{T}\ll\epsilon_\mathrm{X}$).
The cornerstone relation of the exciton-polaron theory is the hierarchy of scales $\epsilon_\mathrm{F}\sim \epsilon_\mathrm{T} \ll \epsilon_\mathrm{X}$, ensuring that the theory is applicable in a wide range of density of excess charge carriers. At very low doping, $\epsilon_\mathrm{F}\ll \epsilon_\mathrm{T}$, three-particle correlations not captured by the theory may be expected to be important. However, predictions of trion and exciton-polaron scenarios have been recently found to be almost indistinguishable in this regime~\cite{GalzovXT}, thus suggesting that the theory is applicable also at low doping.
Note that our arguments thus far do not specify the interaction between electrons and holes, $U_\vec{q}$, which relies on details of the screening (dielectric or metallic) due to the surrounding media. For this reason, our developed theory is applicable to monolayer semiconductors as well as to conventional semiconductor quantum wells (QWs). In the following, for simplicity, we have chosen to use the 2D Coulomb potential, $U_\vec{q}=2\pi e^2/\kappa q$, where $\kappa$ is the effective dielectric constant of the surrounding environment. While this potential properly captures only the excited excitonic states including the continuous part of the spectrum, analytic expressions for the wave functions $C^\nu_\vec{p}$ are known, which considerably simplifies the numerics. These wave functions are provided in App.~\ref{AppExcitonicSpectrum}. (Note, the entire spectrum is reasonably well described by the Keldysh potential~\cite{Keldysh1,Keldysh2,Keldysh3} which properly incorporates the dielectric screening in layered systems~\cite{TMDCEx1,TrionExperiment4}.) In the discussion, Sec.~\ref{SecConc}, we argue that our results are very general and therefore extendable to other potentials.
\section{Exciton-electron interactions}
\label{Sec:X-e}
The excitonic spectrum with 2D Coulomb interactions, $U_\vec{q}=2\pi e^2/\kappa q$, admits an analytical solution which has been extensively discussed in Refs.~\cite{Coulomb2D1,Coulomb2D2,Coulomb2DPortnoi} and is summarized in App.~\ref{AppExcitonicSpectrum}. The spectrum of discrete states, $E^\mathrm{X}_\nu=-\epsilon_\mathrm{X}/(2n+1)^2$ where $|\nu\rangle=|n,l\rangle$, possesses accidental degeneracy which is typical for Coulomb problems~\cite{Coulomb2DPortnoi}. Here, $\epsilon_\mathrm{X}=\hbar^2/ma_\mathrm{X}^2=me^4/\hbar^2\kappa^2$ is the binding energy of the excitonic ground state $|\nu\rangle=|0,0\rangle$, and $a_\mathrm{X}=\hbar^2 \kappa/m e^2$ is the average electron-hole separation in that state. The continuous spectrum of unbound electron-hole pairs, $E^\mathrm{X}_\nu=q^2\epsilon_\mathrm{X}$, can be labeled $|\nu\rangle=|q,l\rangle$ by a dimensionless absolute momentum $q$ and an orbital quantum number $l$. For numerical calculations of the effective X-e interactions, we have taken into account excitonic states with $n=1,\,...,\,10$ and $|l|=1,\,3,\,5$ as well as the whole continuous spectrum with $|l|=1,\,3$. We have checked that the contribution of truncated states is negligibly small.
The derived X-e interaction~(\ref{Vint}) is doping dependent and nonlocal in nature. However, it is instructive to introduce its simplified doping-dependent \emph{local} counterpart:
\begin{equation}
\label{Vintlocal}
V_\mathrm{L}(\vec{q})=V_{\vec{q},\vec{0},\vec{0}}=V_{\vec{0},\vec{q},\vec{0}}\,.
\end{equation}
This local potential is solely determined by the transferred momentum $\vec{q}$, which implies that the corresponding real-space potential $V_\mathrm{L}(\vec{r})$ only depends on the relative distance between the exciton and electron.
Due to the hierarchy of energy scales $\epsilon_\mathrm{F},\,\epsilon_\mathrm{T}\ll\epsilon_\mathrm{X}$ the spatial scale over which the polaronic correlations occur can be estimated by $a_\mathrm{T}\approx a_\mathrm{X} \sqrt{\epsilon_\mathrm{X}/\epsilon_\mathrm{T}}\approx 3 a_\mathrm{X}$. This implies that the details of the real-space potential profile, corresponding to Eq.~(\ref{Vint}), are most important at $r\gtrsim a_\mathrm{X}$. A careful numerical comparison of the nonlocal~(\ref{Vint}) and local~(\ref{Vintlocal}) potentials is presented in App.~\ref{AppNonlocal}, and there we show how the latter very well approximates the interactions for $q a_\mathrm{X}\ll 1$. Evidently, the nonlocal nature of X-e interactions is unimportant, and at $r \gtrsim a_\mathrm{X}$ they are well captured by Eq.~(\ref{Vintlocal}) which we use below.
The resulting local interactions, $V_\mathrm{L}(\vec{q})$, at zero doping and at doping $\epsilon_\mathrm{F}=0.12\,\epsilon_\mathrm{X}$ are presented in Fig.~\ref{FigVFourier}.
The doping dependence of the interaction is weak and its dependence on momentum at $q a_\mathrm{X}\ll 1$ is smooth. This is a signature of the short-range nature of the interactions and it presents an additional justification for the contact phenomenological potential that has been used previously~\cite{EfimkinMacDonald1,EfimkinMacDonald2,TMDCDemlerExp}.
\begin{figure}[t]
\includegraphics[width=8cm ]{Fig3a.pdf}
\caption{Fourier transform of the X-e interactions at doping levels $\epsilon_\mathrm{F}=0$ [solid red] and $\epsilon_\mathrm{F}=0.12\,\epsilon_\mathrm{X}$ [dashed blue]. The inset shows the weak doping dependence for the binding energy $\epsilon_\mathrm{T}$ of the two-particle X-e bound state. \label{FigVFourier}}
\end{figure}
In the limit of vanishing doping, the polaronic physics reduces to the two-particle X-e problem. Their bound state represents a simplified model for the trion and its binding energy is shown in the inset of Fig.~\ref{FigVFourier}. It has a very weak doping dependence and is equal to $\epsilon_\mathrm{T}^\star=0.106\,\epsilon_\mathrm{X}$ at $\epsilon_\mathrm{F}=0$. This energy is quite close to the numerical solution for the three-particle trion problem, $\epsilon_\mathrm{T}=0.118\,\epsilon_\mathrm{X}$, with 2D Coulomb interactions~\cite{TrionEnergy1,TrionEnergy2,TrionEnergyRecent}. This suggests that the low-doping regime $\epsilon_\mathrm{F}\ll \epsilon_\mathrm{T}$ is also properly captured by the polaronic theory, in agreement with the conclusions of Ref.~\cite{GalzovXT} where a detailed comparison of the predictions of trion and XP theories is presented. The origin of the small discrepancy with the numerical solution for $\epsilon_\mathrm{T}$ is the perturbative treatment of the excited exciton states --- not the local approximation of interactions given by Eq.~(\ref{Vintlocal}).
The spatial dependence of the interactions at $\epsilon_\mathrm{F}=0$ is presented in Fig.~\ref{FigVReal}, and it can be accurately approximated by the following expression:
\begin{equation}
\label{VintAnalytic}
V_\mathrm{A}(\vec{r})=\frac{\alpha e^2 r}{2 \kappa^2 (r^2+a_0^2)^\frac{5}{2}}\,.
\end{equation}
Here, $a_0\approx0.54\,a_\mathrm{X}$, and $\alpha$ is the polarizability of the ground state $|0,0\rangle$ which, within second-order perturbation theory, is calculated to be
\begin{equation}
\alpha=\sum_{\nu}\frac{|\vec{d}_{0\nu}|^2}{E_0^\mathrm{X}-E^\mathrm{X}_{\nu}}\,.
\end{equation}
As before, $\vec{d}_{0\nu}$ is the matrix element for the dipole moment between the excitonic ground state and an excited state $|\nu\rangle$. It is clearly seen in Fig.~\ref{FigVReal} that the potential perfectly follows the classical charge-dipole interaction,
$-\alpha e^2/2 \kappa^2 r^4$ at $r\gtrsim a_\mathrm{X}$, which is the relevant region for polaronic physics. For this reason, we refer to the microscopically derived interaction~(\ref{Vint}) as a charge-dipole potential.
Numerically, we find that the contributions of discrete excitonic states ($\alpha_\mathrm{D}\approx2\alpha/3$) and unbound electron-hole pairs ($\alpha_\mathrm{C}\approx\alpha/3$) to the polarizability of the exciton are comparable with each other. Thus, the latter is important and cannot be truncated within the microscopic XP theory. It should also be mentioned that the low-energy continuum states cannot be approximated by plane waves, due to
the presence of Gamow-Sommerfeld enhancement~\cite{Glutch}.
\begin{figure}[t]
\includegraphics[width=8 cm]{Fig3b.pdf}
\caption{Spatial profile of the local X-e interaction $V_\mathrm{L}(\vec{r})$ [solid red], its approximation
by a modified charge-dipole potential $V_\mathrm{A}(\vec{r})$ [dashed purple], and the asymptotic behavior at large interparticle distance [dashed black]. \label{FigVReal}
}
\end{figure}
The interactions between excitons and electrons have also been recently addressed through other approaches. In particular, a comprehensive analysis~\cite{ImamogluSchmidt} of the energy-dependent phase shifts $\delta(E)$ for X-e scattering has demonstrated that their low-energy behavior is well captured by the following modified charge-dipole interaction:
\begin{equation}
V'_\mathrm{A}(\vec{r})=
\begin{cases}
-\frac{\alpha}{2}\left(\frac{\partial U}{\partial r}\right)^2, \quad & r>a_*\,, \\
\quad \quad V_*\,, \quad \quad \; & r<a_*\,,
\end{cases}
\end{equation}
which importantly features the same functional form of the long-range interactions.
Here, the potential $V_*$ and length $a_*$ (which is comparable to the exciton radius $a_\mathrm{X}$) are parameters used for the fitting of $\delta(E)$ calculated numerically within the three-particle problem. Within the spatial range relevant for the polaronic correlations, $r\gtrsim a_\mathrm{T}\sim 3 a_\mathrm{X}$, the potential $V'_\mathrm{A}$ follows the classical charge-dipole behavior in the same manner as $V_\mathrm{A}(\vec{r})$ in Eq.~(\ref{VintAnalytic}). However, they have different short-range behavior at $r\lesssim a_\mathrm{X}$. In Ref.~\cite{ImamogluSchmidt}, the interactions $U(\vec{r})$ were approximated by the Keldysh potential, which complicates a direct comparison between $V_\mathrm{A}$ and $V'_\mathrm{A}$, however we may still compare the general behavior of the resulting X-e scattering. To investigate the importance of short-range details for the X-e potentials, we therefore instead use 2D Coulomb interactions, $U(\vec{r})=e^2/\kappa r$, and we choose the potential $V'_\mathrm{A}$ to be continuous, which implies that $V_*=-\alpha e^2/2\kappa^2 a_*^4$. We then adjust the length $a_*=0.866\,a_\mathrm{X}$ such that the potential $V'_\mathrm{A}$ reproduces the binding energy of the exciton-electron bound state $\epsilon_\mathrm{T}^\star$ in this simplified model for the formation of a trion. The resulting energy dependence of the scattering phase shift $\delta(E)$ is presented in Fig.~\ref{FigPhaseShift} where we see that the results for $V_\mathrm{A}$ and $V'_\mathrm{A}$ are almost indistinguishable, demonstrating that the short-range details of the potentials are not important. We can further illustrate this point by comparing with the universal form of the phase shift calculated from a contact exciton-electron potential that reproduces the same binding energy, $\cot\delta(E)=\frac1\pi\ln(E/\epsilon_\mathrm{T}^\star)$. We see that the phase shifts obtained within the potentials $V_\mathrm{A}$ and $V'_\mathrm{A}$ can be reasonably described by contact interactions, which does not agree with the conclusions of Ref.~\cite{ImamogluSchmidt}. Our calculations therefore suggest that the screening of electronic interactions is essential to resolve this discrepancy.
Previous work has argued that the X-e interactions can be extracted directly from the matrix element of their scattering, $V_\mathrm{S}(\vec{q})=\Lambda^{00}_\vec{q}$~\cite{XEint1,XPnew1, XEint2}. Its magnitude and sign were shown to be very sensitive to the ratio between electron $m_\mathrm{e}$ and hole $m_\mathrm{h}$ masses. In particular, for the balanced case considered here where $m_\mathrm{e}=m_\mathrm{h}$, $V_\mathrm{S}(\vec{q})$ is zero due to parity arguments and it is therefore insensitive to the details of the interaction potential, $U_\vec{q}$, between electrons and holes~\footnote{In the balanced case $m_\mathrm{e}=m_\mathrm{h}$, the nonzero $V_\mathrm{S}(\vec{q})$ was mistakenly claimed in Ref.~\cite{XPnew1} but resolved thereafter~\cite{XEint2}. Private communication with David Reichman}.
Therefore, our theory represents the minimal level of perturbation theory necessary to describe the experimentally relevant case of TMDC monolayers.
The matrix element $V_\mathrm{S}(\vec{q})$ can be
nonzero in the presence of the exchange channel that appears if the electron within the exciton and those of the Fermi sea are indistinguishable. This is relevant in the case of intravalley exciton-electron correlations in TMDC monolayers and spin-triplet ones in semiconductor QWs, however this effect is outside the scope of the present work.
\begin{figure}[t]
\includegraphics[width=8 cm]{Fig7.pdf}
\caption{Energy dependence of the X-e scattering phase shift $\delta(E)$ with the interactions approximated by $V_\mathrm{A}(\vec{r})$ [solid red] and $V_\mathrm{A}'(\vec{r})$ [long-dashed blue]. The result for the contact potential which reproduces the X-e binding energy $\epsilon_\mathrm{T}^\star$ is also shown for comparison [short-dashed black]. For all considered interactions, the phase shift approaches $\delta=-\pi$ for $E\gg\epsilon_\mathrm{X}$. \label{FigPhaseShift}
}
\end{figure}
We conclude that the interactions between an exciton and an electron of the Fermi sea, Eq.~(\ref{Vint}), are very well approximated by the local and doping independent interactions in Eq.~(\ref{VintAnalytic}) that are derived from the two-particle exciton-electron problem. We use the latter in our numerical calculations of absorption by XPs.
\section{Absorption of exciton-polarons}
\label{SecXPApsorption}
\subsection{Derivation of optical conductivity}
The absorption of a semiconductor is determined by the real part of its optical conductivity $\sigma(\omega)$. Within linear-response (Kubo) theory, this can be approximated by~\footnote{The optical conductivity is an even function of the frequency $\omega$, and within linear response theory, can be presented as $\sigma_\mathrm{total}(\omega)=\sigma(\omega)+\sigma(-\omega)$, with $\sigma(\omega)$ given by Eq.~(\ref{OpticalConductivity}). In the frequency range $\omega\sim\epsilon_\mathrm{g}$, the second term is negligible and can be safely omitted.}
\begin{equation}
\label{OpticalConductivity}
\sigma(\omega)=\frac{\pi}{2 \epsilon_\mathrm{g}}\sum_\mu |\langle \mathrm{g}|{\vec{J}} | \mu \rangle|^2 \delta\big(\hbar \omega-E^\mathrm{XP}_\mu\big)\,.
\end{equation}
Above, ${\vec{J}}= e v \vec{e} \sum_\vec{p} e_\vec{p} h_{-\vec{p}} + \mathrm{h.c.}$ is the electric current operator restricted to intraband transitions. Its matrix element is calculated between the ground state, $|g\rangle=\Pi_{k'<k_\mathrm{F}} f^\dagger_{\vec{k}'} |\mathrm{vac}\rangle$, and the polaronic state with zero momentum, $|\mu\rangle=P_{\mu\vec{0}}^\dagger|g\rangle$. The index $\mu$ labels an eigenstate of the polaronic equations~(\ref{Variational3}) with energy $E^\mathrm{XP}_\mu$. The corresponding matrix element is given by
\begin{equation}\langle \mathrm{g}|{\vec{J}} |\mu \rangle=e v \vec{e} \sum_\vec{p} \phi_{\mu \vec{p}}= e v \vec{e} \sum_\nu C^\nu_{\vec{r}\,=\,0} \phi_{\mu \nu}\,.
\end{equation}
Here, we have used the decomposition $\phi_{\mu\vec{p}}=\sum_\nu C^\nu_\vec{p} \phi_{\mu\nu}$ in terms of the excitonic states $C_\vec{p}^\nu$, as written in~(\ref{Basis}). The contribution of excited states is small at $\epsilon_\mathrm{F}\ll\epsilon_\mathrm{X}$ and we only keep the contribution of the ground state $\phi_\mu\equiv \phi_{\mu 0}$. If we assume that the light is circularly polarized and note that $C^0_{\vec{r}\,=\,0}=\sqrt{2/\pi a_\mathrm{X}^2}$, then the optical conductivity~(\ref{OpticalConductivity}) simplifies as follows:
\begin{equation}
\sigma(\omega)=\sigma_0 \epsilon_\mathrm{X}\sum_\mu 2\pi |\phi_{\mu}|^2 \delta (\omega-E_\mu^\mathrm{XP})=\sigma_0 \epsilon_\mathrm{X} A_\mathrm{X}(\omega)\,.
\end{equation}
Above, $\sigma_0=e^2/2\pi \hbar$ is the conductivity quantum and we have introduced the spectral function for excitons dressed into XPs, $A_\mathrm{X}(\omega)$. The latter naturally appears in the diagrammatic theory for XPs~\cite{EfimkinMacDonald1,EfimkinMacDonald2,TMDCDemlerExp}. The frequency dependence of the absorption is completely determined from the spectral function, and we have numerically calculated this by using the variational equations~(\ref{Variational3}) for XPs with local doping-dependent interactions~(\ref{Vintlocal}).
\subsection{Doping dependence of optical conductivity}
We now proceed to compare the predictions of our parameter-free microscopic theory for XPs with those of the phenomenological approach. To this end, we need to adjust $\epsilon_\mathrm{T}$ in the latter, since this is the only free parameter. We have chosen to use $\epsilon_\mathrm{T}^\star$ which represents the binding energy for the two-body X-e state. The numerical calculations require a broadening~\cite{Parish2016}, and thus we replace $\delta(\omega)\to (\gamma_\mathrm{X}/\pi)/(\omega^2+\gamma_\mathrm{X}^2)$,
where we take
$\gamma_\mathrm{X}=0.1\,\epsilon_\mathrm{T}^\star$. Physically, such a broadening can originate from the radiative decay of excitons or from their scattering due to disorder or phonons; all of these effects are inevitably present in real materials.
The doping and frequency dependence of the optical conductivity $\sigma(\omega)$ is presented in Fig.~\ref{FigOpticalConductivity}, both for our charge-dipole interactions and for the case of contact interactions~\cite{Parish2016,EfimkinMacDonald1}. The dressing of excitons by the Fermi sea of excess charge carriers splits them into attractive (redshifted peak) and repulsive (blueshifted) XPs. Even at a quantitative level, the predictions between contact and charge-dipole interactions agree very well, and any difference becomes apparent only at a moderate doping $\epsilon_\mathrm{F}\sim\epsilon_\mathrm{T}$. In the following, we characterize these attractive (A) and repulsive (R) branches
by their position $\bar{\omega}_{\mathrm{A}(\mathrm{R})}$, width $\gamma_{\mathrm{A}(\mathrm{R})}$, and spectral weight $Z_{\mathrm{A}(\mathrm{R})}$ (also commonly referred to as the oscillator strength).
\begin{figure}[b]
\includegraphics[width=8 cm]{Fig6.pdf}
\caption{Optical conductivity, $\sigma(\omega)/\sigma_0$, where $\sigma_0 =e^2/h$ is the quantum unit of conductance. Interactions between an exciton and a Fermi sea of excess charge carriers are approximated by either a charge-dipole (a) or a contact (b) potential, which causes the excitonic absorption feature to split into attractive and repulsive exciton-polaron branches. \label{FigOpticalConductivity}}
\end{figure}
The doping dependence of the peak positions $\bar{\omega}_{\mathrm{A}(\mathrm{R})}$ is presented in Fig.~\ref{FigPeaks}(a). It is important to separate the effect of excess charge carriers on the splitting between XPs ($\Delta \bar{\omega} = \bar{\omega}_\mathrm{R}-\bar{\omega}_\mathrm{A}$) and their synchronous shift. The latter can also be induced by other factors (\textit{e.g.}, band gap renormalization and interactions with phonons) that are material dependent and are not easy to separate and distinguish. By contrast, the splitting
originates solely from the polaronic dressing and is presented in Fig.~\ref{FigSplitting}. The difference between the predictions of the two models becomes apparent only at $\epsilon_\mathrm{F}\approx\epsilon_\mathrm{T}$, but is still much smaller than $\Delta \bar{\omega}$. Importantly, within both models, the splitting increases linearly with $\epsilon_\mathrm{F}$ as $\Delta\bar{\omega}=\epsilon_\mathrm{T}+3 \epsilon_\mathrm{F}/2$, which can be considered as a hallmark of Fermi polaron physics and agrees with experimental observations~\cite{TMDC5,TrionExperiment1}. The factor $3/2$ is given by the ratio between the electron mass $m$ and the reduced exciton-electron mass $2m/3$.
It is instructive to compare these results with the predictions of the exciton-polaron model where the exciton is taken to be infinitely heavy. This scenario is known to be exactly solvable, and according to Fumi's theorem the position of the peaks are related to the energy dependent phase shifts $\delta(E)$ for X-e scattering as follows~\cite{Fumi1,Fumi2}
\begin{equation}
\label{FummiTheorem}
\begin{split}
\omega_\mathrm{R}=-\int_0^{\epsilon_\mathrm{F}}d E \frac{\delta(E)}{\pi} \\
\omega_\mathrm{A}=-\epsilon_\mathrm{T}-\epsilon_\mathrm{F}-\int_0^{\epsilon_\mathrm{F}}d E \frac{ \delta(E)}{\pi}
\end{split}
\end{equation}
The corresponding results are also shown in Figs.~\ref{FigPeaks}(a) and ~\ref{FigSplitting}. The position of attractive branch is well captured by the infinite mass model, while the shift of the repulsive one is underestimated. The doping dependence of the splitting between peaks is also linear, $\Delta \bar{\omega}=\epsilon_\mathrm{T}+\epsilon_\mathrm{F}$, but with the factor $1$ instead of $3/2$. This is not surprising, since the reduced exciton-electron mass equals the electron mass $m$ in the case of the infinitely heavy exciton.
\begin{figure}
\includegraphics[width=8 cm]{Fig4.pdf}
\caption{Doping dependence of the peak position (a), peak width (b), and the associated spectral weight (c). The solid red and long-dashed blue lines correspond, respectively, to the attractive and repulsive XP branches calculated by using charge-dipole interactions. The dot-dashed purple and short-dashed green lines likewise correspond to those calculated for contact interactions. Black dots in (a) correspond to the model with infinite exciton mass and are evaluated with Eqs.~(\ref{FummiTheorem})} \label{FigPeaks}
\end{figure}
The doping dependence of the peak width $\gamma_\mathrm{A(R)}$ is presented in Fig.~\ref{FigPeaks}(b). In the limit of vanishing doping, $\epsilon_\mathrm{F}\ll \epsilon_\mathrm{X}$, the widths of both XP branches are equal to the bare broadening for excitons $\gamma_\mathrm{X}$. At finite doping, the repulsive XP linearly broadens with $\epsilon_\mathrm{F}$, while the width of the attractive XP remains unchanged. This behavior agrees with observations both in TMDC monolayers~\cite{TrionExperiment1} and in semiconductor QWs~\cite{QW1,QW5}, and it is produced by both models with only a small difference between them, even at moderate doping, $\epsilon_\mathrm{F}\sim\epsilon_\mathrm{T}$.
Figure \ref{FigPeaks}(c) shows the doping dependence of the spectral weight $Z_{\mathrm{A}(\mathrm{R})}$. While the total weight is conserved, $Z_\mathrm{R}+Z_\mathrm{A}=1$, the doping results in a flow from the repulsive XP branch to the attractive XP branch until the former disappears.
Again, we see a very good agreement between the results of the charge-dipole potential and those from the contact exciton-electron interaction.
At a qualitative level, the behavior of the weights agrees with the experiment~\cite{TrionExperiment1}, which reported the dependence of absorption on the gate voltage that electrically controls the charge-carrier concentration in a TMDC monolayer.
\begin{figure}
\includegraphics[width=8 cm]{Fig5.pdf}
\caption{ Doping dependence of the splitting between the attractive and repulsive XP branches for both charge-dipole [solid red] and contact [dashed blue] interactions. It is well captured by relation $\Delta\bar{\omega}=\epsilon_\mathrm{T}+3 \epsilon_\mathrm{F}/2$. Black dots in (a) correspond to the model with infinite exciton mass that predicts $\Delta\bar{\omega}=\epsilon_\mathrm{T}+\epsilon_\mathrm{F}$.} \label{FigSplitting}
\end{figure}
\section{Discussion}
\label{SecConc}
In this work, we have focused on the experimentally relevant scenario where the photo-excited electron is distinguishable from those of the Fermi sea. The corresponding band arrangement, presented in Fig.~\ref{FigBands}, implies the presence of valley splitting in order for one of the Fermi seas to be depleted.
Since the two valleys are time reversal partners, this splitting
can be induced either by exchange coupling with a ferromagnetic substrate or by a magnetic field~\cite{TMDCMF1,TMDCMF2,TMDCMF3,TMDCMF4}. As shown in previous work by some of us~\cite{EfimkinMacDonald2}, the magnetic field only weakly influences the polaronic physics as long as $\hbar \omega_\mathrm{B}\ll\epsilon_\mathrm{T}$, with $\omega_\mathrm{B}=eB/mc$ the Larmor frequency for electrons. For a TMDC monolayer with $\epsilon_\mathrm{T}\approx 20\; \mathrm{meV}$, this condition corresponds to $B\ll 57 \; \mathrm{T}$, which is why even a magnetic field $B\sim 20~\mathrm{T}$ can still be considered rather weak. The combined effect of a magnetic substrate $\mathrm{EuS}$~\cite{MagneticSubstarte} and a magnetic field $23~\mathrm{T}$~\cite{MagneticField} can be estimated to be $7.5\;\mathrm{meV}$ which is sufficient to probe solely intervalley polaronic correlations, free from Pauli blocking and exchange physics.
We have demonstrated that at $\epsilon_\mathrm{F}\ll\epsilon_\mathrm{X}$, the X-e interactions can be approximated by a local potential that depends only on the relative distance between the exciton and the electron, and that its dependence on the doping is very weak. As a result, the presence of a Fermi sea of excess charge carriers only weakly influences the interactions, and they can be effectively addressed from the perspective of the three-particle trion problem. The recent comprehensive analysis of the energy-dependent phase shifts in the X-e scattering problem has demonstrated~\cite{ImamogluSchmidt} that their low-energy behavior is well captured by classical charge-dipole interactions, in agreement with our results and conclusions.
The developed microscopic theory for XPs does not rely on any particular model for the screening of the Coulomb interactions. We have chosen the 2D Coulomb potential only due to the significant simplifications it provides in numerical calculations. This should predict the excited states in the excitonic spectrum reasonably well, while the ground state is instead well described by the Keldysh potential~\cite{Keldysh1,Keldysh2,Keldysh3} that properly treats the dielectric screening in layered structures~\cite{TMDCEx1,TrionExperiment4} (including TMDC monolayers embedded in hBN or deposited on a dielectric substrate). However, the universal classical charge-dipole behavior of the calculated X-e interactions suggests a natural generalization of our results to other potentials, including the Keldysh one. For instance, the X-e interactions can be approximated by modified charge-dipole interactions~(\ref{VintAnalytic}), which depend only on the polarizability of the excitonic state $\alpha$, and on the length $a_0$, which together incorporate the details of the screening and band structure. The polarizability can either be obtained from first-principle calculations~\cite{StarkTheory1, StarkTheory2,StarkTheory3,StarkTheory4,ImamogluSchmidt} of the quadratic Stark effect for the ground excitonic state, or it can be extracted from optical absorption measurements in the presence of a direct-current electric field. The value of $a_0$ can then be used as a free parameter to fit the splitting between the XP branches which, at low doping, is equal to the trion binding energy.
The scenario where the photo-excited electron is indistinguishable from those of the Fermi sea has been addressed
within three-particle physics that is valid in the low doping regime, $\epsilon_\mathrm{F}\ll\epsilon_\mathrm{T}$~\cite{TrionEnergyRecent}. In this case, exchange physics limits correlations, and trions (intravalley ones in TMDCs or spin-singlet ones in semiconductor QWs) are only stable if there is a strong imbalance between the masses of electrons and holes, or in the presence of a strong magnetic field~\cite{MacDonaldTrion,Dzyubenko1,Dzyubenko2,TrionQHTheory1,TrionQHTheory2}. While experiments confirm this prediction, the interplay of exchange and polaronic physics is still poorly understood. This question can be naturally addressed based on our proposed variational ansatz for the XP state, Eq.~\eqref{P}, but this is outside the scope of the present work.
We have focused on the polaronic splitting for the ground excitonic state $|0,0\rangle$ and have considered its coupling to the excited states perturbatively. The splitting for the excited state $|1,0\rangle$ (the other two states $|1,\pm 1\rangle$ are optically dark) that has been recently reported~\cite{2Strion1,2Strion2,2Strion3} is outside the scope of the current work, but the ability of our approach to address this physics appears promising.
Details of the X-e interactions are especially important if they reside in closely spaced layers. The strong interlayer polaronic coupling opens new avenues to control the motion of excitons via the strong Coulomb drag effect~\cite{PolaronDragTheory}, which cannot be captured by standard perturbative approaches~\cite{CDreview}. Moreover, control over the flow of neutral excitons via electric and magnetic fields has recently been experimentally demonstrated~\cite{PolaronDragExp}.
To conclude, we have microscopically derived X-e interactions with the help of variational and perturbative approaches. The interactions only weakly depend on doping and can be well approximated by the classical charge-dipole potential. We have calculated the doping dependence of the optical conductivity, and demonstrated that this is well captured by a model that uses instead a phenomenological exciton-electron contact potential. This indicates that including the finite range of interactions is not essential to capturing the physics of exciton-polarons.
\acknowledgments
We acknowledge useful discussions with Francesca Maria Marchetti, Jonathan Keeling and David Reichman. We acknowledge support from the Australian Research Council Centre of Excellence in Future Low-Energy Electronics Technologies (CE170100039). JL is also supported through the Australian Research Council Future Fellowship FT160100244.
\paragraph*{Note added.---}During the preparation of this work we became aware of a recent series of related papers~\cite{Manolatou1,Manolatou2,Manolatou3}. These papers address the trion/exciton-polaron physics with coupled two- and four-particle correlation functions, and they are both consistent with and complementary to our microscopic theory based on the variational approach.
|
\section{Introduction}\label{intro}
The Standard Model of particle physics provides viable parameterisation
of all sub--atomic observable phenomena. Yet, many enigmas remain, in
particular those pertaining to gravitational observations, {\it e.g.} the
dark matter and dark energy sectors. Furthermore, the general framework
that underlies the Standard Model, that of quantum field theories, is
fundamentally incompatible with general relativity,
the general framework that underlies gravitational observations.
String theory
is a contemporary framework that provides a perturbatively
consistent approach for the synthesis of quantum mechanics and
general relativity. In that context, it is sensible to construct
string models that aim to reproduce the general structure of the
Standard Model. In turn these string constructions may shed
light on some of the parameters of the Standard Model \cite{fhcp}.
For example, it has recently been proposed that modular symmetries
that are ubiquitous in string theory play a role in the flavour
structure of the Standard Model \cite{eclectic}.
The $Z_2\times Z_2$ heterotic string orbifold gave rise to a large number
of phenomenological string models
\cite{fsu5,fny, alr,slm,lrs,acfkr,su62,frs,slmclass, lrsclass, lrsfertile}.
It has been studied primarily by using the
free fermionic formulation of the heterotic string in four
dimensions \cite{fff}, but bosonic constructions exist as well
\cite{stefanetal}.
Detailed dictionaries between the two formalisms have been developed
\cite{z2xz2},
as well as tools to extract the smooth effective field theory
limit of the orbifold constructions \cite{smooth}.
The $Z_2\times Z_2$ orbifold also exhibits rich mathematical
structures \cite{mathematical}, and it is of further interest
to explore how these are reflected in the phenomenological data
{\it e.g.} in the Standard Model flavour data.
The $Z_2\times Z_2$ orbifold compactifications
have been investigated in other string limits as well \cite{as}.
The majority of phenomenological studies pertain to the
Standard Model particle data, but some cosmological scenarios
have been explored as well \cite{z2z2cosmo}. In this respect it
should be noted that contemporary understanding of string theory
is confined primarily to its static vacuum solutions and
dynamical questions are mostly explored in effective field
theory limits. This raises the prevailing enigma as to when, if at all, an effective field theory model can be incorporated into an
ultraviolet complete theory of quantum gravity. Or, more
concretely, when does an effective field theory
model have an embedding in string theory?
Developing a more complete understanding
of the string dynamics in the early universe requires elucidation of the
non--supersymmetric as well as the tachyonic and unstable string configurations.
Non--supersymmetric tachyon--free string vacua
in ten dimensions were studied since the mid--eighties \cite{dh, kltclas, itoyama, gv}.
Some phenomenological studies in four dimensions of such vacua are explored in
\cite{nonsusy, interpol, aafs, ADM, FR}.
Recently, we embarked on the construction
of tachyon--free $Z_2\times Z_2$ heterotic string
models that are related to compactifications of the
ten dimensional non--supersymmetric and tachyonic string
vacua in ten dimensions \cite{spwsp,stable,so10tclass,PStclass}.
A tachyon--free three generation
Standard--like model in this class was presented in \cite{stable},
whereas in refs \cite{so10tclass} and \cite{PStclass} we performed
a broad classification of models with unbroken $SO(10)$ and
$SO(6)\times SO(4)$ unbroken GUT groups, respectively, as well as
the analysis of their vacuum energy, and models with equal numbers
of massless bosonic and fermionic degrees of freedom, {\it i.e.}
$N_b^0=N_f^0$. In ref. \cite{type0} the analysis of fermionic
$Z_2\times Z_2$ orbifolds was extended to type 0 models,
{\it i.e.} models that do not contain any massless fermionic
degrees of freedom. While clearly not of phenomenological relevance,
these cases are of particular interest in trying to develop a
picture of the string dynamics around unstable configurations,
due to their relative simplicity and high degree of symmetry. Indeed,
type 0 string constructions have been studied in other string theory
limits and their properties were explored \cite{type0string}.
In this paper we extend the analysis of such extreme
cases to tachyon--free heterotic string
models that do not contain any twisted bosonic
degrees of freedom. In analogy with type 0 models,
we refer to such configurations as type ${\bar 0}$ models.
It is apparent that such models contain untwisted bosonic degrees
of freedom that correspond to the gravitational, gauge and untwisted
scalar fields. However, in the type ${\bar 0}$
configurations that we present all
the bosonic degrees of freedom from the twisted sectors of the
$Z_2\times Z_2$ orbifold are projected out. As a consequence,
in such vacua there exist an excess of fermionic over bosonic
degrees of freedom and the models possess a positive cosmological constant.
Furthermore, in contrast to the type 0 models of ref. \cite{type0}
that necessarily contains some tachyonic degrees of freedom,
we find that most cases of type ${\bar0}$ models are free of tachyonic states.
We present type ${\bar 0}$ models that belong to the class of {$\tilde S$}--models
of ref. \cite{spwsp,stable,so10tclass, PStclass}, as well as the class of
$S$--models, where the first class are those models that descend from
a tachyonic ten dimensional vacuum, whereas the second are those that
can be regarded as compactifications of the non--supersymmetric $SO(16)\times
SO(16)$ ten dimensional tachyon--free vacuum. We also note the existence
of a supersymmetric vacuum that does not contain massless twisted bosons
that has indeed appeared in previous classifications \cite{fknr, fkr,
acfkr, frs}. In these cases the partition function is vanishing,
whereas the type ${\bar 0}$ of interest are those that are
not supersymmetric, and with an excess of fermionic over
bosonic states. In such configurations the vacuum energy is positive.
Though they are unstable they may serve as laboratories to explore the possible
string dynamics in the early universe. We also remark that in all the type ${\bar 0}$
models that we find there are no spinorial or anti--spinorial representations of the $SO(10)$
GUT group, which is necessarily the case in the supersymmetric ${\bar 0}$ configurations.
\section{Type $\mathbf{\bar{0}}$ $\mathbb{Z}_2\times \mathbb{Z}_2$
Heterotic String Orbifold}\label{model}
We will utilize the free fermionic contruction \cite{fff} in which we require
a set of boundary condition basis vectors and one--loop Generalised
GSO (GGSO) phases in order to define our models \cite{fff}.
The details of the formalism are not repeated here but we will be
adopting the conventional notation used in the
free fermionic constructions
\cite{fsu5, fny, alr, slm, lrs, acfkr, su62, frs, slmclass, lrsclass,
lrsfertile}.
The first type $\bar{0}$ model we found is built off the {${\overline{\rm NAHE}}$}--set
that was employed in \cite{spwsp, stable}. In this set, the basis
vector $S$ that generates spacetime supersymmetry in NAHE--based models
\cite{nahe} is augmented with four periodic right--moving fermions,
which amounts to making the gravitinos massive. This introduces a general
$S\rightarrow {\tilde S}$ map in the space of models that was discussed in
detail in ref. \cite{stable, so10tclass, PStclass}.
The set of basis vectors is given by
\begin{align}\label{basis}
\mathds{1}&=\{\psi^\mu,\
\chi^{1,\dots,6},y^{1,\dots,6}, w^{1,\dots,6}\ | \ \overline{y}^{1,\dots,6},\overline{w}^{1,\dots,6},
\overline{\psi}^{1,\dots,5},\overline{\eta}^{1,2,3},\overline{\phi}^{1,\dots,8}\},\nonumber\\
\tilde{S}&=\{{\psi^\mu},\chi^{1,\dots,6} \ | \ \overline{\phi}^{3,4,5,6}\},\nonumber\\
{b_1}&=\{\psi^{\mu},\chi^{12},y^{34},y^{56}\; | \; \overline{y}^{34},
\overline{y}^{56},\overline{\eta}^1,\overline{\psi}^{1,\dots,5}\},\\
{b_2}&=\{\psi^{\mu},\chi^{34},y^{12},w^{56}\; | \; \overline{y}^{12},
\overline{w}^{56},\overline{\eta}^2,\overline{\psi}^{1,\dots,5}\},\nonumber\\
{b_3}&=\{\psi^{\mu},\chi^{56},w^{12},w^{34}\; | \; \overline{w}^{12},
\overline{w}^{34},\overline{\eta}^3,\overline{\psi}^{1,\dots,5}\},\nonumber\\
z_1&=\{\overline{\phi}^{1,\dots,4}\},\nonumber\\
G&=\{y^{1,...,6},w^{1,...,6} \ | \ \overline{y}^{1,...,6},\overline{w}^{1,...,6}\},\nonumber
\nonumber
\end{align}
and we further define the important linear combination
\begin{equation}
z_2=1+b_1+b_2+b_3+z_1=\{\bar{\phi}^{5,6,7,8}\}.
\end{equation}
A model may then be specified through the assignment of modular invariant GGSO phases $\CC{v_i}{v_j}$ between the basis vectors. An example type $\bar{0}$ configuration arises for the GGSO assignment
{\begin{equation}
\small
\CC{v_i}{v_j}=
\begin{blockarray}{ccccccccc}
&\mathbf{1}& \tilde{S} & b_1 & b_2&b_3&z_1 & G \\
\begin{block}{c(rrrrrrrr)}
\mathbf{1}& 1& 1& -1& -1& 1& 1& 1&\ \\
\tilde{S} & 1& -1& 1& -1& 1& -1& -1&\ \\
b_1 &-1& -1& -1& 1& 1& 1& -1&\ \\
b_2 &-1& 1& 1& -1& 1& 1& -1&\ \\
b_3 & 1& -1& 1& 1& 1& 1& 1&\ \\
z_1 &1& 1& 1& 1& 1& 1& -1&\ \\
G &1& -1& -1& -1& 1& -1& -1&\ \\
\end{block}
\end{blockarray}
\label{ggsophases}
\end{equation}}
The model is free of (on--shell) tachyons and the gauge group is given by the model--independent contribution from the NS (untwisted) sector giving the vector bosons of $SO(10)\times U(1)^3\times SO(4)^3\times
SU(2)^8$, as well as the additional gauge bosons arising from the presence of $\psi^\mu\ket{z_1+z_2}$ in the massless spectrum, as well as additional scalars from the $\{\lambda^a\}\{\bar{\lambda}^b\}\ket{z_k}$, $k=1,2$ and $\lambda^a$ is some left--moving oscillator not equal to $\psi^\mu$ and $\bar{\lambda}^b$ is any right--moving oscillator with NS boundary conditions in $z_k$. These additional scalars arise
in the untwisted sector necessarily to give the scalar moduli degrees of
freedom.
With the gauge enhancement the full gauge group of the model becomes
\begin{equation}
SO(10)\times U(1)^3\times SO(4)^3\times SO(8)^2.
\end{equation}
Apart from these untwisted
sector gauge bosons and scalars though, the massless spectrum contains exclusively fermionic states,
as advertised for a type $\bar{0}$ configuration. These fermionic sectors are
\begin{align}
\begin{split}
&\tilde{S}, \ \
\tilde{S}+z_1, \ \
\tilde{S}+z_1+z_2, \ \
\tilde{S}+z_2, \\
&b_1+b_2+b_3+G, \\
&\tilde{S}+b_i+b_j+G, \\
&\tilde{S}+b_i+b_j+z_1+G, \\
&\mathds{1}+\tilde{S}+b_i+G, \\
&\mathds{1}+\tilde{S}+b_i+z_1+G,
\end{split}
\end{align}
where $i\neq j \neq k\in \{1,2,3\}$. This is notably all the possible fermionic massless sectors except $b_{1,2,3}$ which generate the $\mathbf{16}/\overline{\mathbf{16}}$ of $SO(10)$.
Within the class of models with the minimal basis (\ref{basis}),
possible twisted bosons may arise from the vectorial sectors
\begin{align}
\begin{split}\label{VectBosons}
V^1&=b_2+b_3+G,\\
V^2&=b_1+b_3+G,\\
V^3&=b_1+b_2+G,
\end{split}
\end{align}
which come with a right--moving oscillator, and the fermionic spinorial sectors
\begin{align}
\begin{split}\label{FermBosons}
B^1&=b_2+b_3+z_1+G,\\
B^2&=b_1+b_3+z_1+G,\\
B^3&=b_1+b_2+z_1+G, \\
B^4&=\mathds{1}+b_1+z_1+G,\\
B^5&=\mathds{1}+b_2+z_1+G,\\
B^6&=\mathds{1}+b_3+z_1+G.
\end{split}
\end{align}
Type $\bar{0}$ models will be those in which the Hilbert space of GGSO-projected states $\ket{S_\xi}$
\begin{equation}
\mathcal{H}=\bigoplus_{\xi\in\Xi}\prod^{k}_{i=1}
\left\{ e^{i\pi v_i\cdot F_{\xi}}\ket{S_\xi}=\delta_{\xi}
\CC{\xi}{v_i}^*\ket{S_\xi}\right\},
\end{equation}
only has contributions from sectors $\xi$ in the additive space $\Xi$ with fermionic spin statistic index $\delta_{\xi}=-1$ at the massless level, except for the aforementioned untwisted sectors. Thus, using GGSO projections, we can derive the conditions on the GGSO phases in order to realise type $\bar{0}$ configurations.
One easy way to derive these conditions is to first inspect the projection of the sector $B^4$ which can only be projected by $z_1$ such that
\begin{equation} \label{B4cond1}
\CC{\mathds{1}+b_1+z_1+G}{z_1}=-1 \ \ \iff \ \ \CC{z_1}{b_1}\CC{z_1}{G}=-1.
\end{equation}
Similarly, projecting $B^5$ and $B^6$ requires
\begin{equation} \label{B4cond2}
\CC{z_1}{b_2}\CC{z_1}{G}=-1=\CC{z_1}{b_3}\CC{z_1}{G}.
\end{equation}
The projection of $B^1$ then requires that
\begin{equation}
\left( 1+\CC{B^1}{b_1+G}\right)\left( 1+\CC{B^1}{z_2}\right)=0,
\end{equation}
and so expanding $z_2$ in terms of basis vectors and using the ABK rules for these two phases results in
\begin{align}
\begin{split}\label{B1ABK}
\CC{B^1}{b_1+G}&=-\CC{b_2}{b_1}\CC{b_2}{G}\CC{b_3}{b_1}\CC{b_3}{G}\underbrace{\CC{z_1}{b_1}\CC{z_1}{G}}_{\text{=$-1$ from (\ref{B4cond1})}}\CC{G}{b_1}\CC{G}{G} \\
&=-\CC{b_2}{b_1}\CC{b_3}{b_1}\CC{1}{G}\CC{b_1}{G}\CC{b_2}{G}\CC{b_3}{G} \\
\CC{B^1}{z_2}&=\CC{z_2}{b_2}\CC{z_2}{b_3}\CC{z_2}{z_1}\CC{z_2}{G}\\
&=-\CC{b_2}{b_1}\CC{b_3}{b_1}\CC{1}{G}\CC{b_1}{G}\CC{b_2}{G}\CC{b_3}{G},
\end{split}
\end{align}
\textit{i.e.} they are equal. Considering also projecting $B^2$ and $B^3$ we can therefore deduce
\begin{equation} \label{B1cond1}
\CC{b_1}{b_2}=\CC{b_1}{b_3}=\CC{b_2}{b_3}
\end{equation}
and
\begin{equation} \label{B1cond2}
\CC{1}{G}\CC{b_1}{G}\CC{b_2}{G}\CC{b_3}{G}=1.
\end{equation}
Finally, we can note that the GGSO phases that can project on the $V^1$ sector are
\begin{equation}
O_{V^1}=\left\{\CC{V^1}{z_1},\CC{V^1}{z_2},\CC{V^1}{b_1+G}\right\},
\end{equation}
and since $B^1=V^1+z_1$ these can be simplified using (\ref{B1ABK}) and (\ref{B4cond1}) to give
\begin{equation}
O_{V^1}=\left\{\CC{z_1}{G},\CC{z_1}{G},-1\right\}.
\end{equation}
We can write the projection condition for all possible oscillators as
\begin{equation}
\# \left\{x \in O_{V^1} | x=-1\right\} \neq 1,
\end{equation}
therefore we observe that $\CC{z_1}{G}=-1$ for the projection of $V^1$. Using this in equations (\ref{B4cond1}) and (\ref{B4cond2}) and rewriting conditions (\ref{B1cond1}) and (\ref{B1cond2}) we get the full conditions for the type $\bar{0}$ string vacua
\boxalign{\begin{align}
\label{Type0barConds}
\CC{z_1}{b_1}&=\CC{z_1}{b_2}=\CC{z_1}{b_3}=1, \ \ \ \ \CC{z_1}{G}=-1, \\
\CC{b_1}{b_2}&=\CC{b_1}{b_3}, \ \ \ \ \CC{b_2}{b_3}=\CC{b_1}{b_3}, \\
\CC{1}{G}&= \CC{b_1}{G}\CC{b_2}{G}\CC{b_3}{G}.
\end{align}}
Therefore we see that 7 GGSO phases are fixed and we have 14 free phases. Similar constraints were derived for type 0 models in ref. \cite{type0} where it was shown that in a similar minimal basis to (\ref{basis}) there were 12 free phases giving $2^{12}=4096$ versions of a single unique type 0
partition function.
To check whether we have $2^{14}$ versions of a unique
partition function or not in our type $\bar{0}$ case we must analyse the partition function, which in free fermionic models is given by the integral
\begin{equation}
Z = \int_\mathcal{F}\frac{d^2\tau}{\tau_2^2}\, Z_B \sum_{\alpha,\beta} \CC{\alpha}{\beta} \prod_{f} Z \sqbinom{\alpha(f)}{\beta(f)}= \int_\mathcal{F} \frac{d^2\tau}{\tau_2^3} \,\sum_{n.m} a_{mn}\, q^m \bar{q}^n,
\label{ZInt}
\end{equation}
where $d^2\tau/\tau_2^2$ is the modular invariant measure and $Z_B$ denotes the contribution from the worldsheet bosons. The product is over the free worldsheet fermions. On the right hand side of (\ref{ZInt}) we have expanded the partition function in terms of the parameters $q\equiv e^{2\pi i \tau}$ and $\bar{q}\equiv e^{-2\pi i \bar{\tau}}$, which allows us to read off the boson-fermion degeneracies at each mass level. That is, $a_{mn}=N_b-N_f$ at mass level $(m,n)$ and so we expect that type $\bar{0}$ models have large negative $a_{00}$ due to the absence of twisted bosonic states. Throughout this paper we will refer to the unintegrated sum as the partition function. The whole integrated expression (\ref{ZInt}) represents the one-loop worldsheet vacuum energy $\Lambda_{\text{WS}}$ of our theory and thus is a dimensionless quantity. It is related to the 4D spacetime cosmological constant $\Lambda$ via
\begin{equation}\label{lambda}
\Lambda = -\frac{1}{2}\mathcal{M}^4\Lambda_{\text{WS}},
\end{equation}
where $\mathcal{M}$ is given in terms of the string mass as $\mathcal{M}=M_{String}/2\pi$. In the following, when we refer to the cosmological constant, we implicitly mean the spacetime value, but for simplicity we drop the factor of $\mathcal{M}^4/2$. This can be reinstated if needed based on dimensional analysis.
Performing the calculation of the partition function for the $2^{14}=16384$ type $\bar{0}$ configurations we find that they all share the partition function
\begin{equation}
Z=2\,q^0\bar{q}^{-1}-728\,q^0\bar{q}^0+288\,q^{1/2}\bar{q}^{-1/2}+1088\,q^{-1/2}\bar{q}^{1/2}+38400\,q^{1/2}\bar{q}^{1/2}+\cdots,
\end{equation}
and so are, indeed, the same model. We note that there are no on-shell tachyons and the absence of twisted bosons ensures a large negative contribution at the massless level $N_b^0-N_f^0=-728$. We can calculate the cosmological constant now for this unique case. Due to the abundance of fermionic states compared to bosonic ones, we expect a positive cosmological constant, and performing the modular integral using standard techniques we, indeed, find
\begin{equation}
\Lambda=238.38\times\mathcal{M}^4.
\end{equation}
In ref. \cite{type0} it was shown that type 0 models exhibit misaligned supersymmetry \cite{MSUSY}, and further details of this behaviour were given. Similarly, all type $\bar{0}$ models presented in this paper exhibit a form of misaligned supersymmetry, meaning that the boson-fermion degeneracies oscillate while ascending through the KK tower of massive states.
\section{Generalised Type $\bar{0}$ $\tilde{S}$-models}
In order to do a more general search for type $\bar{0}$
models we can generalise from the basis (\ref{basis}) to
\begin{align}\label{basisStTi}
\mathds{1}&=\{\psi^\mu,\
\chi^{1,\dots,6},y^{1,\dots,6}, w^{1,\dots,6}\ | \ \overline{y}^{1,\dots,6},\overline{w}^{1,\dots,6},
\overline{\psi}^{1,\dots,5},\overline{\eta}^{1,2,3},\overline{\phi}^{1,\dots,8}\},\nonumber\\
\tilde{S}&=\{{\psi^\mu},\chi^{1,\dots,6} \ | \ \overline{\phi}^{3,4,5,6}\},\nonumber\\
{T_1}&=\{y^{1,2},w^{1,2}\; | \; \overline{y}^{1,2},\overline{w}^{1,2}\},\nonumber\\
{T_2}&=\{y^{3,4},w^{3,4}\; | \; \overline{y}^{3,4},\overline{w}^{3,4}\},\nonumber\\
{T_3}&=\{y^{5,6},w^{5,6}\; | \; \overline{y}^{5,6},\overline{w}^{5,6}\},\nonumber\\
{b_1}&=\{\psi^{\mu},\chi^{12},y^{34},y^{56}\; | \; \overline{y}^{34},
\overline{y}^{56},\overline{\eta}^1,\overline{\psi}^{1,\dots,5}\},\\
{b_2}&=\{\psi^{\mu},\chi^{34},y^{12},w^{56}\; | \; \overline{y}^{12},
\overline{w}^{56},\overline{\eta}^2,\overline{\psi}^{1,\dots,5}\},\nonumber\\
{b_3}&=\{\psi^{\mu},\chi^{56},w^{12},w^{34}\; | \; \overline{w}^{12},
\overline{w}^{34},\overline{\eta}^3,\overline{\psi}^{1,\dots,5}\},\nonumber\\
z_1&=\{\overline{\phi}^{1,\dots,4}\},\nonumber
\nonumber
\end{align}
where introducing $T_i$, $i=1,2,3$ allows for internal symmetric shifts around the 3 internal $T^2$ tori. Since we have 9 basis vectors there are $2^{9(9-1)/2}=2^{36}\sim 6.87 \times 10^{10}$ independent GGSO phase configurations.
The bosonic sectors that need projecting in this basis are similar to (\ref{VectBosons}), up to allowing for the shifts induced by $T_i$. Explicitly, there are 15 vectorial bosonic sectors
\begin{align}
\begin{split}\label{VectBosonsTi}
V^1_{pq}&=b_2+b_3+T_1+pT_2+qT_3,\\
V^2_{pq}&=b_1+b_3+T_2+pT_1+qT_3,\\
V^3_{pq}&=b_1+b_2+T_3+pT_1+qT_2,\\
V^4&=T_1+T_2, \\
V^5&=T_1+T_3, \\
V^6&=T_2+T_3,
\end{split}
\end{align}
which come with a right--moving oscillator and $p,q=0,1$. Additionally, there are 30 fermionic spinorial sectors
\begin{align}
\begin{split}\label{FermBosonsTi}
B^1_{pq}&=b_2+b_3+z_1+T_1+pT_2+qT_3,\\
B^2_{pq}&=b_1+b_3+z_1+T_2+pT_1+qT_3,\\
B^3_{pq}&=b_1+b_2+z_1+T_3+pT_1+qT_2, \\
B^4_{pq}&=\mathds{1}+b_1+z_1+T_1+pT_2+qT_3,\\
B^5_{pq}&=\mathds{1}+b_2+z_1+T_2+pT_1+qT_3,\\
B^6_{pq}&=\mathds{1}+b_3+z_1+T_3+pT_1+qT_2,\\
B^7&=T_1+T_2+z_1,\\
B^8&=T_1+T_3+z_1, \\
B^9&=T_2+T_3+z_1,\\
B^{10}&=T_1+T_2+z_2,\\
B^{11}&=T_1+T_3+z_2, \\
B^{12}&=T_2+T_3+z_2.\\
\end{split}
\end{align}
Implementing the GGSO projection conditions on all the sectors and scanning over $10^8$ random GGSO phase configurations resulted in uncovering 5676 type $\bar{0}$ configurations that correspond to just two distinct tachyon--free models and two distinct tachyonic models. The first tachyon--free model has partition function
\begin{equation}
Z=2\,q^0\bar{q}^{-1}-440\,q^0\bar{q}^0+32\,q^{1/4}\bar{q}^{-3/4}-6080\,q^{1/4}\bar{q}^{1/4}+\cdots,
\end{equation}
and cosmological constant
\begin{equation}
\Lambda =213.27\times\mathcal{M}^4.
\end{equation}
Whereas the second tachyon--free model has partition function
\begin{equation}
Z=2\,q^0\bar{q}^{-1}-504\,q^0\bar{q}^0+48\,q^{1/4}\bar{q}^{-3/4}-12192\,q^{1/4}\bar{q}^{1/4}+\cdots,
\end{equation}
and cosmological constant
\begin{equation}
\Lambda =278.60\times\mathcal{M}^4.
\end{equation}
Both models contain the same gauge boson enhancement and additional scalars from the sectors $z_1,z_2$ and $z_1+z_2$ as in case with minimal basis (\ref{basis}). Other than these untwisted bosons the two models contain only twisted fermionic states in their massless spectra, as required for type $\bar{0}$ configurations.
Regarding the two tachyonic models, we have one model with partition function
\begin{equation}
Z=2\,q^0\bar{q}^{-1}+32q^{-1/4}\bar{q}^{-1/4}-1016\,q^0\bar{q}^0+4096\,q^{1/4}\bar{q}^{1/4}+\cdots,
\end{equation}
which has 32 tachyonic states and one with partition function
\begin{equation}
Z=2\,q^0\bar{q}^{-1}+48\,q^{-1/4}\bar{q}^{-1/4}-1272\,q^0\bar{q}^0+5120\,q^{1/4}\bar{q}^{1/4}+\cdots,
\end{equation}
which has 48 tachyonic states. Such models with a tachyonic instability should not be written of as of no interest. In particular, moving away from the free fermionic point in the moduli space or considering the theory in a different background may stabilise the model. Furthermore, there may be ways to connect such unstable vacua to stable ones via interpolation.
\section{Generalised Type $\bar{0}$ $S$-models}
We can now do a similar exploration of type $\bar{0}$ models within a class of models which include the SUSY generating basis vector $S$. We employ a very familiar choice of $SO(10)$ basis
\begin{align}\label{basisSTi}
\mathds{1}&=\{\psi^\mu,\
\chi^{1,\dots,6},y^{1,\dots,6}, w^{1,\dots,6}\ | \ \overline{y}^{1,\dots,6},\overline{w}^{1,\dots,6},
\overline{\psi}^{1,\dots,5},\overline{\eta}^{1,2,3},\overline{\phi}^{1,\dots,8}\},\nonumber\\
S&=\{{\psi^\mu},\chi^{1,\dots,6} \},\nonumber\\
{T_1}&=\{y^{1,2},w^{1,2}\; | \; \overline{y}^{1,2},\overline{w}^{1,2}\},\nonumber\\
{T_2}&=\{y^{3,4},w^{3,4}\; | \; \overline{y}^{3,4},\overline{w}^{3,4}\},\nonumber\\
{T_3}&=\{y^{5,6},w^{5,6}\; | \; \overline{y}^{5,6},\overline{w}^{5,6}\},\nonumber\\
{b_1}&=\{\chi^{3,4,5,6},y^{34},y^{56}\; | \; \overline{y}^{34},
\overline{y}^{56},\overline{\eta}^1,\overline{\psi}^{1,\dots,5}\},\\
{b_2}&=\{\chi^{1,2,5,6},y^{12},y^{56}\; | \; \overline{y}^{12},
\overline{y}^{56},\overline{\eta}^2,\overline{\psi}^{1,\dots,5}\},\nonumber\\
z_1&=\{\overline{\phi}^{1,\dots,4}\},\nonumber\\
z_2&=\{\overline{\phi}^{5,\dots,8}\},\nonumber
\nonumber
\end{align}
which is exactly the same as that used to classify non--SUSY string models in ref. \cite{FR}. We will note the important linear combination in this basis
\begin{equation}
x=1+S+\sum_{i=1,2,3}T_i + \sum_{k=1,2}z_k,
\end{equation}
and then have the combination $b_3=b_1+b_2+x$. As in the $\tilde{S}$-models we have 9 basis vectors and so the number of independent GGSO phase configurations is $2^{9(9-1)/2}=2^{36}\sim 6.87 \times 10^{10}$.
A key difference between this basis and the basis (\ref{basisStTi}) is that there exists a supersymmetric subspace of the full space for certain choices of GGSO phase. In particular, the $S$ sector generates supersymmetry whenever
\begin{equation} \label{susyPhases}
\CC{S}{T_i}=\CC{S}{z_k}=-1, \ \ \ \ \ \ \ i=1,2,3 \text{ and } k=1,2
\end{equation}
which, furthermore, automatically ensures the projection of tachyonic sectors through the $S$ GGSO projection.
Now we turn to the massless bosonic vectorial sectors that in our $S$--models arise from
\begin{eqnarray}
\label{SVectFerms}
& & b_i+x+pT_j+qT_k,\nonumber\\
& &T_1+T_2,\\
& &T_1+T_3, \nonumber\\
& &T_2+T_3,\nonumber
\end{eqnarray}
and the massless bosonic spinorial sectors from
\begin{eqnarray}
\label{SSpinFerms}
& &b_i+pT_j+qT_k,\\
& &b_i+x+z_1+pT_j+qT_k, \nonumber\\
& &b_i+x+z_2+pT_j+qT_k,\nonumber\\
& &T_1+T_2+z_1,\nonumber\\
& &T_1+T_3+z_1, \\
& &T_2+T_3+z_1,\nonumber\\
& &T_1+T_2+z_2,\nonumber\\
& &T_1+T_3+z_2, \\
& &T_2+T_3+z_2,\nonumber
\end{eqnarray}
where $i\neq j \neq k\in \{1,2,3\}$ and $p,q\in \{0,1\}$.
We can now search for type $\bar{0}$ GGSO configurations by implementing the conditions for the GGSO projection of all these massless twisted bosonic sectors.
In a random scan of $10^8$ independent GGSO phase configurations we found one supersymmetric model which contains a very simple massless spectrum containing the untwisted gauge bosons from the NS sector and its gauginos from the $S$ sector, along with gauge enhancements and additional scalars of some form from $z_1,z_2,z_1+z_2$ and $x$ and their superpartners from $S+z_1,S+z_2,S+z_1+z_2$ and $S+x$, respectively. The other type $\bar{0}$ models arising in our $10^8$ scan are non--supersymmetric.
All the type $\bar{0}$ models are summarised in Table \ref{STable} with their partition functions, key characteristics and frequency within the sample delineated. Where we recall that the frequency refers to the number of different GGSO phase configurations corresponding to the same partition function. The projected total number is simply how many we expect in the full space of $2^{36}$ independent GGSO phase configurations. In principle, the exact constraints on the GGSO phases for each model could be deriving and the free phases found to derive the exact number of each model in the total space.
\begin{table}[!ht]
\centering
\small
\setlength{\tabcolsep}{5pt}
\def1.2{1.2}
\begin{tabular}{|c|c|c|c|c|c|}
\hline
\multirow{2}{*}{\textbf{Partition Function }}& \multirow{2}{*}{$\Lambda \, [\mathcal{M}^4]$}&\multirow{2}{*}{\textbf{Tachyons?}}&\multirow{2}{*}{\textbf{SUSY?}}&\textbf{\# Models }&\textbf{Total \#}\\
&&&&\textbf{in Sample}&\textbf{Projected}\\
\hline
\multirow{2}{*}{$Z=0$}&\multirow{2}{*}{0}&\multirow{2}{*}{No}&\multirow{2}{*}{Yes}&\multirow{2}{*}{562}&\multirow{2}{*}{$3.86\times 10^5$}\\
&&&&&\\
\hline
$Z=2\bar{q}^{-1}-632+48q^{1/4}\bar{q}^{-3/4}$&\multirow{2}{*}{293.8}&\multirow{2}{*}{No}&\multirow{2}{*}{No}&\multirow{2}{*}{389}&\multirow{2}{*}{$2.67\times 10^5$}\\
$-8096q^{1/4}\bar{q}^{1/4}+\cdots$&&&&&\\
\hline
$Z=2\bar{q}^{-1}-120+32q^{1/4}\bar{q}^{-3/4}$&\multirow{2}{*}{125.6}&\multirow{2}{*}{No}&\multirow{2}{*}{No}&\multirow{2}{*}{284}&\multirow{2}{*}{$1.95\times 10^5$}\\
$-6080q^{1/4}\bar{q}^{1/4}+\cdots$&&&&&\\
\hline
$Z=2\bar{q}^{-1}-568+32q^{1/4}\bar{q}^{-3/4}$&\multirow{2}{*}{223.97}&\multirow{2}{*}{No}&\multirow{2}{*}{No}&\multirow{2}{*}{1163}&\multirow{2}{*}{$7.99\times 10^5$}\\
$-1984q^{1/4}\bar{q}^{1/4}+\cdots$&&&&&\\
\hline
$Z=2\bar{q}^{-1}-504+32q^{1/4}\bar{q}^{-3/4}$&\multirow{2}{*}{158.64}&\multirow{2}{*}{No}&\multirow{2}{*}{No}&\multirow{2}{*}{715}&\multirow{2}{*}{$3.91\times 10^5$}\\
$+4128q^{1/4}\bar{q}^{1/4}+\cdots$&&&&&\\
\hline
$Z=2\bar{q}^{-1}+32q^{-1/4}\bar{q}^{-1/4}-664$&\multirow{2}{*}{$\infty$}&\multirow{2}{*}{Yes}&\multirow{2}{*}{No}&\multirow{2}{*}{287}&\multirow{2}{*}{$1.97\times 10^5$}\\
$+6144q^{1/4}\bar{q}^{1/4}+\cdots$&&&&&\\
\hline
$Z=2\bar{q}^{-1}+32q^{-1/4}\bar{q}^{-1/4}-1272$&\multirow{2}{*}{$\infty$}&\multirow{2}{*}{Yes}&\multirow{2}{*}{No}&\multirow{2}{*}{290}&\multirow{2}{*}{$1.99\times 10^5$}\\
$+5888^{1/4}\bar{q}^{1/4}+\cdots$&&&&&\\
\hline
$Z=2\bar{q}^{-1}+32q^{-1/4}\bar{q}^{-1/4}-632$&\multirow{2}{*}{$\infty$}&\multirow{2}{*}{Yes}&\multirow{2}{*}{No}&\multirow{2}{*}{301}&\multirow{2}{*}{$2.07\times 10^5$}\\
$-512q^{1/4}\bar{q}^{1/4}+\cdots$&&&&&\\
\hline
$Z=2\bar{q}^{-1}+32q^{-1/4}\bar{q}^{-1/4}-1528$&\multirow{2}{*}{$\infty$}&\multirow{2}{*}{Yes}&\multirow{2}{*}{No}&\multirow{2}{*}{429}&\multirow{2}{*}{$2.95\times 10^5$}\\
$+4608q^{1/4}\bar{q}^{1/4}+\cdots$&&&&&\\
\hline
$Z=2\bar{q}^{-1}+32q^{-1/4}\bar{q}^{-1/4}-1528$&\multirow{2}{*}{$\infty$}&\multirow{2}{*}{Yes}&\multirow{2}{*}{No}&\multirow{2}{*}{395}&\multirow{2}{*}{$2.71\times 10^5$}\\
$+11008q^{1/4}\bar{q}^{1/4}+\cdots$&&&&&\\
\hline
$Z=2\bar{q}^{-1}+48q^{-1/4}\bar{q}^{-1/4}-1016$&\multirow{2}{*}{$\infty$}&\multirow{2}{*}{Yes}&\multirow{2}{*}{No}&\multirow{2}{*}{155}&\multirow{2}{*}{$1.07\times 10^5$}\\
$-1792q^{1/4}\bar{q}^{1/4}+\cdots$&&&&&\\
\hline
$Z=2\bar{q}^{-1}+144q^{-1/4}\bar{q}^{-1/4}-504$&\multirow{2}{*}{$\infty$}&\multirow{2}{*}{Yes}&\multirow{2}{*}{No}&\multirow{2}{*}{153}&\multirow{2}{*}{$1.05\times 10^5$}\\
$+9472^{1/4}\bar{q}^{1/4}+\cdots$&&&&&\\
\hline
\end{tabular}
\caption{\label{Stype0bar}\emph{Summary of type $\bar{0}$ models arising from the basis (\ref{basisSTi}). The cosmological constant $\Lambda$ is expressed in units of $\mathcal{M}^4$ as in (\ref{lambda}).}}\label{STable}
\end{table}
\section{Conclusions}
In this paper we explored the existence of $Z_2\times Z_2$ heterotic string
orbifolds that do not contain any massless spacetime scalar bosons from
the twisted sectors. In analogy with the type 0 $Z_2\times Z_2$
heterotic string orbifolds that were presented in \cite{type0},
we dubbed such configurations type ${\bar 0}$ models. We presented
two classes of such models, where the first are of the {$\tilde S$}--models type,
whereas the second belong to the class of $S$--models. We note that the
second class also contains a supersymmetric model that necessarily
do not contain twisted fermionic states and have vanishing
cosmological constant, whereas all other type $\bar{0}$ models found in
both classes are non--supersymmetric and necessarily have an excess of
fermionic over bosonic states and therefore have a positive
cosmological constant. While our findings at this stage should be
regarded as mere curiosities, it is plausible that they may
contribute to the understanding of the string dynamics in the
early universe. We have also found that in all the type ${\bar 0}$
models, there are no spinorial or anti--spinorial representations of the $SO(10)$
GUT group. This is necessarily the case in the supersymmetric ${\bar 0}$ configurations,
which therefore necessarily have a vanishing Euler characteristic.
The non--supersymmetric ${\bar 0}$ configurations may therefore be interpreted as
supersymmetric ${\bar 0}$ models, in which supersymmetry is maximally violated.
A feature that may be explored by studying the interpolations between the two cases.
\section*{Acknowledgments}
The work of VGM is supported in part by EPSRC grant EP/R513271/1.
The work of BP is supported in part by STFC grant ST/N504130/1.
\bigskip
\bibliographystyle{unsrt}
|
\section{#1}}
\newcommand{\sse}[1]{\subsection{#1}}
\newcommand{\ssse}[1]{\subsubsection{#1}}
\newcommand{\spa}[1]{\subparagraph{#1}}
\newcommand{\mspa}[1]{\subparagraph{\color{magenta} #1}}
\newcommand{\cspa}[1]{\subparagraph{\color{cyan} #1}}
\newcommand{\pa}[1]{\paragraph{#1}}
\newcommand{\rpa}[1]{\paragraph{\rmfamily #1}}
\newcommand{\upa}[1]{\paragraph{\underline{\normalfont #1}}}
\newcommand{\mpa}[1]{\paragraph{\color{magenta} #1}}
\newcommand{\cpa}[1]{\paragraph{\color{cyan} #1}}
\newcommand{\bpa}[1]{\paragraph{\color{blue} #1}}
\newcommand{\gpa}[1]{\paragraph{\color{green} #1}}
\newcommand{\opa}[1]{\paragraph{\color{orange} #1}}
\newcommand{\mbf}[1]{ {\bf\color{magenta} #1} }
\newcommand{\cbf}[1]{ {\bf\color{cyan} #1} }
\newcommand{\obf}[1]{ {\bf\color{orange} #1} }
\newcommand{\pabullet}[1] {\paragraph{$\bullet$ #1} }
\newcommand{\begin{equation}}{\begin{equation}}
\newcommand{\end{equation}}{\end{equation}}
\newcommand{\begin{eqnarray*}}{\begin{eqnarray*}}
\newcommand{\end{eqnarray*}}{\end{eqnarray*}}
\newcommand{\begin{eqnarray}}{\begin{eqnarray}}
\newcommand{\end{eqnarray}}{\end{eqnarray}}
\newcommand{\begin{enumerate}}{\begin{enumerate}}
\newcommand{\end{enumerate}}{\end{enumerate}}
\newcommand{\begin{itemize}}{\begin{itemize}}
\newcommand{\end{itemize}}{\end{itemize}}
\newcommand{\begin{remark}}{\begin{remark}}
\newcommand{\end{remark}}{\end{remark}}
\newcommand{\begin{center}}{\begin{center}}
\newcommand{\end{center}}{\end{center}}
\newcommand{\begin{semiverbatim}}{\begin{semiverbatim}}
\newcommand{\end{semiverbatim}}{\end{semiverbatim}}
\newcommand{\begin{theorem}}{\begin{theorem}}
\newcommand{\end{theorem}}{\end{theorem}}
\newcommand{\begin{lemma}}{\begin{lemma}}
\newcommand{\end{lemma}}{\end{lemma}}
\newcommand{\begin{definition}}{\begin{definition}}
\newcommand{\end{definition}}{\end{definition}}
\newcommand{\begin{corollary}}{\begin{corollary}}
\newcommand{\end{corollary}}{\end{corollary}}
\newcommand{\begin{proposition}}{\begin{proposition}}
\newcommand{\end{proposition}}{\end{proposition}}
\newcommand{{\theta^t}}{{\theta^t}}
\newcommand{{p^t}}{{p^t}}
\newcommand{{\mathbb{E}^t}}{{\mathbb{E}^t}}
\newcommand{{\mathbb{V}ar^t}}{{\mathbb{V}ar^t}}
\newcommand{\hat{d}}{\hat{d}}
\newcommand{\hat{f}}{\hat{f}}
\newcommand{\hat{g}}{\hat{g}}
\newcommand{\hat{h}}{\hat{h}}
\newcommand{\hat{m}}{\hat{m}}
\newcommand{\hat{p}}{\hat{p}}
\newcommand{\hat{u}}{\hat{u}}
\newcommand{\hat{v}}{\hat{v}}
\newcommand{\hat{x}}{\hat{x}}
\newcommand{\hat{y}}{\hat{y}}
\newcommand{\hat{F}}{\hat{F}}
\newcommand{\hat{G}}{\hat{G}}
\newcommand{\hat{H}}{\hat{H}}
\newcommand{\hat{I}}{\hat{I}}
\newcommand{\hat{V}}{\hat{V}}
\newcommand{\hat{X}}{\hat{X}}
\newcommand{\hat{Y}}{\hat{Y}}
\newcommand{{\hat{\alpha}}}{{\hat{\alpha}}}
\newcommand{{\hat{\beta}}}{{\hat{\beta}}}
\newcommand{{\hat{\gamma}}}{{\hat{\gamma}}}
\newcommand{{\hat{\eta}}}{{\hat{\eta}}}
\newcommand{{\hat{\mu}}}{{\hat{\mu}}}
\newcommand{{\hat{\pi}}}{{\hat{\pi}}}
\newcommand{{\hat{\phi}}}{{\hat{\phi}}}
\newcommand{{\hat{\psi}}}{{\hat{\psi}}}
\newcommand{{\hat{\sigma}}}{{\hat{\sigma}}}
\newcommand{{\hat{\theta}}}{{\hat{\theta}}}
\newcommand{{\hat{\Sigma}}}{{\hat{\Sigma}}}
\newcommand{\bar{p}}{\bar{p}}
\newcommand{\bar{x}}{\bar{x}}
\newcommand{\bar{y}}{\bar{y}}
\newcommand{\bar{z}}{\bar{z}}
\newcommand{\bar{D}}{\bar{D}}
\newcommand{\bar{X}}{\bar{X}}
\newcommand{\bar{X}}{\bar{X}}
\newcommand{\bar{Y}}{\bar{Y}}
\newcommand{\bar{Z}}{\bar{Z}}
\newcommand{\bar{\theta}}{\bar{\theta}}
\newcommand{\bar{\eta}}{\bar{\eta}}
\newcommand{ \tilde{p}}{ \tilde{p}}
\newcommand{ \tilde{R}}{ \tilde{R}}
\newcommand{ \tilde{V}}{ \tilde{V}}
\newcommand{ \tilde{X}}{ \tilde{X}}
\newcommand{ \tilde{Y}}{ \tilde{Y}}
\newcommand{ \tilde{\beta}}{ \tilde{\beta}}
\newcommand{ \tilde{\mu}}{ \tilde{\mu}}
\newcommand{ \tilde{\xi}}{ \tilde{\xi}}
\newcommand{ \tilde{\pi}}{ \tilde{\pi}}
\newcommand{ \tilde{\theta}}{ \tilde{\theta}}
\newcommand{ \tilde{\sigma}}{ \tilde{\sigma}}
\newcommand{ \tilde{\Sigma}}{ \tilde{\Sigma}}
\newcommand{ \tilde{Var}}{ \tilde{Var}}
\newcommand{ \dot{E}}{ \dot{E}}
\newcommand{ \dot{I}}{ \dot{I}}
\newcommand{ \dot{R}}{ \dot{R}}
\newcommand{ \dot{S}}{ \dot{S}}
\newcommand{ \dot{f}}{ \dot{f}}
\newcommand{ \dot{x}}{ \dot{x}}
\newcommand{\mathbf{c}}{\mathbf{c}}
\newcommand{ \mathbf{f}}{ \mathbf{f}}
\newcommand{ \mathbf{m}}{ \mathbf{m}}
\newcommand{ \mathbf{n}}{ \mathbf{n}}
\newcommand{ \mathbf{r}}{ \mathbf{r}}
\newcommand{ \mathbf{s}}{ \mathbf{s}}
\newcommand{ \mathbf{t}}{ \mathbf{t}}
\newcommand{ \mathbf{u}}{ \mathbf{u}}
\newcommand{ \mathbf{w}}{ \mathbf{w}}
\newcommand{ \mathbf{x}}{ \mathbf{x}}
\newcommand{ \mathbf{y}}{ \mathbf{y}}
\newcommand{ \mathbf{z}}{ \mathbf{z}}
\newcommand{ \mathbf{E}}{ \mathbf{E}}
\newcommand{ \mathbf{F}}{ \mathbf{F}}
\newcommand{ \mathbf{O}}{ \mathbf{O}}
\newcommand{ \mathbf{X}}{ \mathbf{X}}
\newcommand{\bfY}{ \mathbf{Y}}
\newcommand{\mathbf{Z}}{\mathbf{Z}}
\newcommand{{\bf 0}}{{\bf 0}}
\newcommand{{\bf 1}}{{\bf 1}}
\newcommand{{ \mathbb{C}}}{{ \mathbb{C}}}
\newcommand{{ \mathbb{E}}}{{ \mathbb{E}}}
\newcommand{ \mathbb{N}}{ \mathbb{N}}
\newcommand{\bbP}{ \mathbb{P}}
\newcommand{ \mathbb{R}}{ \mathbb{R}}
\newcommand{ \mathbb{X}}{ \mathbb{X}}
\newcommand{\bbY}{ \mathbb{Y}}
\newcommand{ \mathbb{Z}}{ \mathbb{Z}}
\newcommand{\mathcal{A}}{\mathcal{A}}
\newcommand{\mathcal{B}}{\mathcal{B}}
\newcommand{\mathcal{C}}{\mathcal{C}}
\newcommand{\mathcal{D}}{\mathcal{D}}
\newcommand{\mathcal{E}}{\mathcal{E}}
\newcommand{\mathcal{F}}{\mathcal{F}}
\newcommand{\mathcal{G}}{\mathcal{G}}
\newcommand{\mathcal{H}}{\mathcal{H}}
\newcommand{\mathcal{L}}{\mathcal{L}}
\newcommand{\mathcal{M}}{\mathcal{M}}
\newcommand{\mathcal{P}}{\mathcal{P}}
\newcommand{\mathcal{Q}}{\mathcal{Q}}
\newcommand{\mathcal{R}}{\mathcal{R}}
\newcommand{\mathcal{S}}{\mathcal{S}}
\newcommand{\mathcal{T}}{\mathcal{T}}
\newcommand{ \mathcal{X}}{ \mathcal{X}}
\newcommand{\calY}{\mathcal{Y}}
\newcommand{\mathcal{Z}}{\mathcal{Z}}
\newcommand{ \boldsymbol{\alpha}}{ \boldsymbol{\alpha}}
\newcommand{ \boldsymbol{\beta}}{ \boldsymbol{\beta}}
\newcommand{ \boldsymbol{\epsilon}}{ \boldsymbol{\epsilon}}
\newcommand{ \boldsymbol{\lambda}}{ \boldsymbol{\lambda}}
\newcommand{ \boldsymbol{\mu}}{ \boldsymbol{\mu}}
\newcommand{ \boldsymbol{\nu}}{ \boldsymbol{\nu}}
\newcommand{ \boldsymbol{\pi}}{ \boldsymbol{\pi}}
\newcommand{ \boldsymbol{\phi}}{ \boldsymbol{\phi}}
\newcommand{ \boldsymbol{\psi}}{ \boldsymbol{\psi}}
\newcommand{ \boldsymbol{\theta}}{ \boldsymbol{\theta}}
\newcommand{ \boldsymbol{\omega}}{ \boldsymbol{\omega}}
\newcommand{ \boldsymbol{\xi}}{ \boldsymbol{\xi}}
\renewcommand{\baselinestretch}{1.5}
\parindent=15pt
\textheight 22cm
\textwidth 16cm
\oddsidemargin 0mm
\topmargin 5mm
\headheight 0mm
\title{ Post-Processed Posteriors for Banded Covariances}
\author[1]{Kwangmin Lee}
\author[2]{Kyoungjae Lee}
\author[1]{Jaeyong Lee}
\affil[1]{Department of Statistics, Seoul National University}
\affil[2]{Department Statistics, Inha University}
\begin{document}
\maketitle
\begin{abstract}
We consider Bayesian inference of banded covariance matrices and propose a post-processed posterior.
The post-processing of the posterior consists of two steps. In the first step, posterior samples are obtained from the conjugate inverse-Wishart posterior which does not satisfy any structural restrictions. In the second step, the posterior samples are transformed to satisfy the structural restriction through a post-processing function.
The conceptually straightforward procedure of the post-processed posterior makes its computation efficient and can render interval estimators of functionals of covariance matrices. We show that it has nearly optimal minimax rates for banded covariances among all possible pairs of priors and post-processing functions.
Furthermore, we prove that, the expected coverage probability of the $(1-\alpha)100\%$ highest posterior density region of the post-processed posterior is asymptotically $1-\alpha$ with respect to a conventional posterior distribution. It implies that the highest posterior density region of the post-processed posterior is, on average, a credible set of a conventional posterior.
The advantages of the post-processed posterior are demonstrated by a simulation study and a real data analysis.
\end{abstract}
\section{Introduction}
\label{sec:intro}
In this paper, we propose a new Bayesian procedure for banded covariance matrices. The banded matrices are the matrices whose entries farther than a certain distance from the diagonal are all zeros.
Banded covariance matrices arise in modelling marginal dependence structures of variables with natural ordering such as time series data.
The banded sample covariance has been applied to the autoregressive and moving average models \citep{wu2009banding} and the time-varying autoregressive-moving-average models \citep{wiesel2012covariance}.
When $p$ is small relative to $n$, the inverse-Wishart prior is the most commonly used conjugate prior for the covariance of the multivariate normal model.
We denote $\Sigma\sim IW_p(\Lambda,\nu)$, if it has density $\pi(\Sigma)\propto |\Sigma|^{-\nu/2} \exp\{- tr(\Sigma^{-1}\Lambda)/2\}$, for any $p\times p$ positive definite matrix $\Sigma$, where $\nu >2p$ is the degree of freedom, and $|\Sigma|$ is the determinant of $\Sigma$.
The inverse-Wishart prior has many nice properties under the traditional setting of a small $p$. The posterior induced by the inverse-Wishart prior attains the optimal minimax rate when $p \leq c n, ~ 0 \leq c < 1$, under the spectral norm \citep{lee2018optimal}.
The Jeffreys prior for covariance matrices \citep{yang1996catalog} can be expressed as the limit of the inverse-Wishart prior as the degree of freedom and the scale matrix converge to $p+1$ and the $p\times p$ zero matrix, respectively. When the degree of freedom is $2p+1$ and the scale matrix is a diagonal matrix, the marginal distribution of each correlation induced by the inverse-Wishart prior follows a uniform distribution over the interval $[-1,1]$ \citep{huang2013simple}; thus it can be viewed as a non-informative prior for correlations.
When $p \geq n$, however, \cite{lee2018optimal} showed that the degenerate prior $\delta_{I_p}$, an obviously inadequate prior, attains the optimal minimax rate, implying that without further assumptions, the inference of the covariance matrix is hopeless.
This is expected because, without any constraint, the number of parameters, $p(p+1)/2$, in the covariance matrix is much larger than the sample size $n$.
To reduce the number of effective parameters, several matrix classes have been proposed including bandable matrices \citep{cai2010optimal,banerjee2014posterior}, sparse matrices \citep{cai2011adaptive,cai2016estimating,lee2019minimax} and low-dimensional structural matrices \citep{cai2013sparse,pati2014posterior,gao2015rate}.
In this paper, we focus on the banded covariance assumption. The banded covariance assumption is a popular structural assumption to reduce the number of effective parameters, especially when there is a natural ordering between variables. From the frequentist side, the banded covariance estimator has been studied extensively.
Since the banded covariance structure is an example of the Gaussian covariance graph model, the methods of \cite{kauermann1996dualization} and \cite{chaudhuri2007estimation} can be used for the estimation of the banded covariance.
However, the two methods are originally designed for the case of $p < n$, and need a modification of the sample covariance matrix for the case of $p \geq n$.
\cite{bickel2008regularized} focused on the bandable covariance structure and obtained the convergence rate of the banded sample covariance.
Despite of a few point estimation methods, there is no frequentist interval estimation method in high-dimensional settings.
\cite{chaudhuri2007estimation} suggested an interval estimation of banded covariances under the asymptotic normality of the maximum likelihood estimator, which is valid only for fixed $p$.
Also, there is no minimax rate result in the literature for banded covariance matrices, although \cite{cai2010optimal, cai2012minimax} showed the tapering estimator satisfies the optimal minimax rate for bandable covariances, which are the matrices whose entries are getting smaller as they are more distant from the diagonal.
Compared to frequentist methods, Bayesian methods have a natural advantage of producing interval estimators automatically.
However, Bayesian methods for banded covariance matrices that are scalable and supported by theoretical properties in high-dimensional settings are scarce. This is due to the difficulty of inventing a tractable prior distribution on the space of banded covariances.
\cite{khare2011wishart} and \cite{silva2009hidden} proposed prior distributions for covariance graphical model, which can be used for banded covariance matrices, but there are no minimax optimality results for these methods. This is partly because there are no closed forms of normalizing constants for these priors, which prevents direct investigation of posterior asymptotics.
It is also mathematically challenging to apply traditional posterior consistency and contraction theorems \citep{ghosal2017fundamentals}, which are applicable when it is hard to tract posterior directly.
In summary, there are no Bayesian or frequentist methods for banded covariance matrices, which
(1) are computationally efficient, (2) produce interval estimators for functionals of covariance matrices, and (3) have optimal or nearly optimal minimax rate.
In this paper, we propose a new Bayesian method that has the above three properties. In particular, we propose
{\it post-processed posteriors} for banded covariance matrices.
The construction of the post-processed posterior consists of two steps, {\it the initial posterior computing step} and {\it the post-processing step}. In the initial posterior computing step, posterior samples are generated from the initial posterior, the conjugate inverse-Wishart posterior for covariance, without any structural restrictions. In the post-processing step, the initial posterior samples are transformed through a function $f(\Sigma)$ whose range belongs to a space of banded covariances. We call the distribution of the transformed posterior samples the post-processed posterior, which will be rigorously defined in Section \ref{sec:banded_PPP}.
The idea of transforming the posterior samples has been suggested in various settings. Posterior projection methods (Patra and Dunson 2018; Dunson and Neelon 2003; Gunn and Dunson 2005; Lin and Dunson 2014)\nocite{dunson2003bayesian,gunn2005transformation,lin2014bayesian,patra2018constrained} are proposed for various problems, which project the posterior samples onto the the constrained parameter space to obtain the projected posterior.
Our proposal is the same as the posterior projection method in spirit, but the choice of posterior transformation is determined through asymptotic consideration, while the posterior projection method uses the projection on the constrained space. In fact, our proposal is the posterior projection method on the space of banded covariances with the Frobenius norm.
Recently, \cite{bashir2018post} proposed a support recovery method for sparse precision matrices based on post-processing of the posterior samples.
The post-processed posterior is conceptually straightforward and computationally fast. This is advantageous when the data set is huge and the dimension of the observations is high. The existing Bayesian method can be slow at times especially in high-dimensional settings.
Through the simulation study, we will show that the post-processed posterior significantly reduces the computation time compared to the covariance graphical models proposed by \cite{silva2009hidden} and \cite{khare2011wishart}.
Furthermore, the post-processed posterior attains the nearly optimal minimax rate for the class of banded covariance matrices.
This is the first minimax result for banded covariance matrices in both Bayesian and frequentist sides.
The banded covariance matrices have been investigated as a case of covariance graphical model, but the minimax lower bound for covariance graphical model is absent in the literature. Methods for obtaining minimax lower bound, e.g., Le Cam's method and Assouad's lemma, are based on the testing problem of $\delta$-separated sets as described in Proposition 15.1 of \cite{wainwright2019high}. Since patterns of parameter spaces of covariance graphical model differ by the graphs, it is not easy to choose representative separated sets for arbitrary graphical structures.
Instead, we focus on the banded covariance structure and could choose appropriate separated sets.
We also show that the post-processed posterior has the nearly optimal minimax rate for the class of bandable covariances, which is given in the supplementary material.
It is worth mentioning that there are substantial differences between banded covariance and precision matrices.
For banded precision matrices, $G$-Wishart priors \citep{banerjee2014posterior} or banded Cholesky priors \citep{lee2017estimating} can be used, and the normalizing constants are available in a closed form.
Intuitively, in the Bayesian framework, constraints on precision matrices are more manageable than those on covariance matrices because the precision matrix is a natural parameter of multivariate normal distributions as an exponential family. In other words, the likelihood function of the covariance is expressed through the precision matrix.
Thus, Bayesian banded covariance matrix estimation is more challenging than banded precision matrix estimation.
There is difference in the estimation methods of covariance and precision matrices in the frequentist literature as well. The sparse covariance estimation is typically based on banding or thresholding the sample covariance \citep{cai2012optimal} while the sparse precision matrix estimation is often based on the penalized likelihood approach (Cai et al. 2011; Zhang and Zou 2014)\nocite{zhang2014sparse,cai2011constrained}.
The difference is due to the form of the likelihood function as well as the singularity of the sample covariance matrix. Contrary to the sample covariance matrix, the sample precision matrix, the inverse of the sample covariance matrix, does not exist when $p>n$, which prevents thresholding the sample precision matrix. One could choose a small constant $\epsilon>0$ to make $S_n + \epsilon I_p$ invertible and use $(S_n + \epsilon I_p)^{-1}$ instead of $S_n^{-1}$ as the sample precision matrix, but it can be computationally unstable especially when $\epsilon$ is small.
The rest of the paper is organized as follows.
In Section \ref{sec:banded_PPP}, the post-processed posterior is introduced for the banded covariances.
In Section \ref{sec:minimax}, it is shown that the banding post-processed posterior attains the nearly optimal minimax rate for banded covariance matrices, and the expected coverage probability of the $(1-\alpha)100\%$ highest posterior density region of the post-processed posterior is asymptotically $1-\alpha$ with respect to a conventional posterior distribution. In Section \ref{sec:numerical}, the post-processed posterior is demonstrated via simulation studies and a real data analysis.
The supplementary material contains the proofs of the theorems in the paper, a minimax result of for bandable covariance matrices and more numerical studies.
\section{Post-Processed Posterior}\label{sec:banded_PPP}
Suppose $X_1, \ldots, X_n$ are independent and identically distributed samples from $N_p(0, \Sigma)$, the $p$-dimensional normal distribution with zero mean vector and covariance matrix $\Sigma =(\sigma_{ij})>0$.
We write $B >0$ $(B \ge 0)$ if $B$ is a positive (nonnegative) definite matrix.
When the variables have a natural ordering such as time or causal relationship, it is commonly assumed that the covariance satisfies a band structure.
In this paper, we assume that $\Sigma$ is banded:
\begin{eqnarray}
\Sigma \in \mathcal{B}_{p,k} &:=& \mathcal{B}_{p,k}(M_0,M_1) \nonumber \\
&=& \Big\{\Sigma \in \mathcal{C}_p: \sigma_{ij}=0 \text{ if }|i-j|>k,\forall i, j \in [p],\lambda_{\max}(\Sigma)\le M_0,\lambda_{\min}(\Sigma)\ge M_1 \Big\}, \quad\,\,
\end{eqnarray}
where $0 < M_1 \leq M_0 < \infty$, $k$ is a natural number, $[p] = \{1,2, \ldots, p \}$, $\mathcal{C}_p$ is the set of all $p\times p$ positive definite matrices, and $\lambda_{\min}(\Sigma)$ and $\lambda_{\max}(\Sigma)$ are the minimum and maximum eigenvalues of $\Sigma$, respectively.
We propose a computationally efficient and theoretically supported Bayesian method for banded covariance matrices.
The proposed method consists of two steps: the initial posterior computing step and the post-processing step.
We describe these two steps in detail below.
\begin{enumerate}
\item[Step 1.] (Initial posterior computing step) \\
In the initial posterior step, a conjugate posterior for the parameter space without any structural restriction is obtained.
We take the inverse-Wishart prior $ IW_p(B_0,\nu_0)$.
We say this is the {\it initial prior} $\pi^i$ for $\Sigma$.
By conjugacy, the {\it initial posterior} is then
$$\Sigma \mathbb{X}_n \sim IW_p(B_0 + n S_n,\nu_0 +n) , $$
where $ \mathbb{X}_n =(X_1,\ldots, X_n)^T$ and $S_n = n^{-1} \sum_{i=1}^n X_i X_i^T $ is the sample covariance matrix.
We sample $\Sigma^{(1)}, \Sigma^{(2)}, \ldots, \Sigma^{(N)}$ from the initial posteior, $\pi^i(\Sigma | \mathbb{X}_n)$.
\item[Step 2.] (Post-processing step) \\
Let the function $B_k(B)$ denote the $k$-band operation,
$$B_k(B) = \{ b_{ij} I(|i-j| \leq k) \} $$
for any $B =(b_{ij})\in \mathbb{R}^{p\times p}$.
In the second step, we post-process the samples from the initial posterior to obtain those from the post-processed posterior.
The samples from the post-processed posterior, $\Sigma_{(i)}$'s, are defined by
\begin{eqnarray}\label{PPP}
\Sigma_{(i)} &=& f(\Sigma^{(i)}) = B_k^{(\epsilon_n)}(\Sigma^{(i)}) \\
& := &
\begin{cases}
B_k(\Sigma^{(i)}) + \Big[ \epsilon_n - \lambda_{\min}\{B_k(\Sigma^{(i)})\} \Big] I_p, &\quad\text{ if } \lambda_{\min}\{B_k(\Sigma^{(i)})\}<\epsilon_n, \\
B_k(\Sigma^{(i)}), &\quad\text{ otherwise},\nonumber
\end{cases}
\end{eqnarray}
where $\epsilon_n$ is a small positive number decreasing to $0$ as $n \to \infty$, for $i=1,\ldots,N$. There is no guarantee that $B_k(\Sigma^{(i)})$ is positive definite, so the second term of \eqref{PPP} is added to make $\Sigma_{(i)}$ positive definite.
The resulting post-processed samples, $(\Sigma_{(1)},\ldots, \Sigma_{(N)})$, are banded positive definite matrices.
We suggest using the samples from the post-processed posterior for Bayesian inference of banded covariance matrices.
\end{enumerate}
We call the posterior distribution of \eqref{PPP} the $k$-banding post-processed posterior to emphasize that the $k$-band operation $B_k$ is used; however, other operations can be used to obtain the desired structure.
We call the function $f$ represented by \eqref{PPP} the {\it post-processing function}, and the post-processed posterior with the post-processing function $f$ is denoted by $\pi^{pp}(\cdot | \mathbb{X}_n; f)$ or simply $\pi^{pp}(\cdot | \mathbb{X}_n)$ if $f$ is understood in the context.
\section{Properties of Post-Processed Posterior}\label{sec:minimax}
\subsection{Minimax Convergence Rates}
In this section, we show that the proposed post-processed posterior procedure is nearly optimal in the minimax sense among all possible post-processed posterior procedures, the pairs of initial priors and post-processing functions.
A conventional Bayesian procedure can be considered as a post-processed posterior procedure, one with prior with support on $\mathcal{B}_{p,k}$ and identity post-processing function. Thus, the proposed post-processed posterior is nearly optimal even compared with conventional Bayesian procedures.
\cite{lee2018optimal} proposed a decision-theoretic framework for comparison of priors. In this framework, a posterior and the space of all probability measures on the parameter space are considered as an action and the action space, respectively. A prior is a decision rule in this setting because a prior combined with data generates a posterior. The posterior-loss (P-loss) and posterior-risk (P-risk) \citep{lee2018optimal} are the loss and risk functions.
The decision-theoretic framework of \cite{lee2018optimal} can be modified for the study of the minimax properties of post-processed posterior. In this setting, a post-processed posterior is an action and a post-processed posterior procedure, a pair of an initial prior and a post-processing function, is a decision rule. We define
the P-loss and P-risk of the post-processed posterior as follows:
\begin{eqnarray*}
\mathcal{L}\{\Sigma_0, \pi^{pp}(\cdot \mid \mathbb{X}_n; f) \} & := & E^{\pi^{pp}} ( ||\Sigma_0 - \Sigma || \mid \mathbb{X}_n) \\
& = & E^{\pi^i} \{ ||\Sigma_0 - f(\Sigma) || \mid \mathbb{X}_n\} , \\
\mathcal{R}(\Sigma_0, \pi^{pp}) & := & E_{\Sigma_0} [\mathcal{L}\{\Sigma_0, \pi^{pp}(\cdot \mid \mathbb{X}_n; f) \} ] \\
& = & E_{\Sigma_0} [ E^{\pi^i} \{ ||\Sigma_0 - f(\Sigma) || \mid \mathbb{X}_n\} ],
\end{eqnarray*}
where $E^{\pi^i} $ and $E_{\Sigma_0}$ denote expectations with respect to $\Sigma \sim \pi^i$ and random samples $X_1,\ldots , X_n$ from $N_p(0, \Sigma_0)$, respectively, $\Sigma_0$ is the true value of the $\Sigma$, and $||A|| := \{\lambda_{max}(AA^T)\}^{1/2}$ is the spectral norm of a symmetric matrix $A$.
We now define the minimax rate and convergence rate for post-processed posteriors.
Let
$$\Pi^* = \{ \pi^{pp}(\cdot; f) = (\pi, f): \pi \in \Pi, f \in \mathcal{F} \}$$
be the space of all possible post-processing procedures, where $\Pi$ is the space of all priors on $\mathcal{C}_p$, and $\mathcal{F}$ is the space of all possible post-processing functions, for example, $\mathcal{F}_k^B = \{f : \mathcal{C}_p \to \mathcal{B}_{p,k} \}$.
Before we give some definitions of minimax rates, we introduce some notation.
For any positive sequences $a_n$ and $b_n$, we denote $a_n = o(b_n)$ if $a_n / b_n \longrightarrow 0$ as $n\to\infty$, and $a_n \lesssim b_n$ if there exists a constant $C>0$ such that $a_n \le C b_n$ for all sufficiently large $n$.
We denote $a_n \asymp b_n$ if $a_n \lesssim b_n$ and $b_n \lesssim a_n$.
A sequence $r_n$ is said to be the minimax rate for $\Pi^*$ over $\mathcal{B}_{p,k}$ if
$$\inf_{ (\pi, f) \in \Pi^*} \sup_{\Sigma_0 \in \mathcal{B}_{p,k}} E_{\Sigma_0}[ \mathcal{L}\{\Sigma_0, \pi^{pp}(\cdot | \mathbb{X}_n; f) \}] \asymp r_n,$$
and a post-processing procedure $(\pi, f) \in \Pi^*$ is said to have P-risk convergence rate $a_n$ if
$$\sup_{\Sigma_0 \in \mathcal{B}_{p,k}} E_{\Sigma_0}[ \mathcal{L}\{\Sigma_0, \pi^{pp}(\cdot | \mathbb{X}_n; f) \}] \lesssim a_n.$$
If $a_n \asymp r_n$ and $r_n$ is the P-risk minimax rate, $(\pi, f) \in \Pi^*$ is said to attain the P-risk minimax rate.
We are now ready to state that the banding post-processed posterior attains nearly minimax rate in terms of the P-risk over banded covariance matrices.
Suppose that we observe the data $X_1,\ldots,X_n$ from $p$-dimensional normal distribution, $N_p(0,\Sigma_0)$ with $\Sigma_0 \in \mathcal{B}_{p,k}$.
The following theorems say that the P-risk of the banding post-processed posterior is nearly minimax optimal.
\begin{theorem}\label{bandupperspec2}
Let the prior $\pi^i$ of $\Sigma$ be $IW_p(A_n,\nu_n)$.
If $A_n\in\mathcal{B}_{p,k}$ and $n/4\ge (M_0^{1/2}M_1^{-1}\log p) \vee k \vee ||A_n|| \vee (\nu_n-2p)$, then
\begin{eqnarray*}
\sup_{\Sigma_0\in \mathcal{B}_{p,k}} E_{\Sigma_0} \{E^{\pi^i} (|| B_k^{(\epsilon_n)} (\Sigma)-\Sigma_0||^2\mid \mathbb{X}_n )\}\le C(\log k)^2\frac{k+\log p}{n},
\end{eqnarray*}
where the post-processing function $B_k^{(\epsilon_n)}$ is defined in \eqref{PPP}, $\epsilon_n^2 = O\{(\log k)^2 (k+\log p)/n\}$, and $C$ depends on $M_0$ and $M_1$.
\end{theorem}
\begin{theorem}\label{theorem:bandlower}
If $n/2\ge [\min\{(M_0-M_1)^2,1\}\log p] \vee k$, then
$$\inf_{ (\pi, f) \in \Pi^*} \sup_{\Sigma_0 \in \mathcal{B}_{p,k}} E_{\Sigma_0} \{E^{\pi} (|| f (\Sigma)-\Sigma_0||^2\mid \mathbb{X}_n ) \}\ge C\frac{k+\log p}{n},$$
where $C$ depends on $M_0$ and $M_1$.
\end{theorem}
Theorem \ref{bandupperspec2} gives the convergence rate of the P-risk of the banding post-processed posterior for a class of banded covariance matrices $\mathcal{B}_{p,k}$.
A minimax lower bound is given in Theorem \ref{theorem:bandlower}.
The banding post-processed posterior is nearly optimal since its convergence rate has only $(\log k)^2$ factor up to a minimax lower bound.
\subsection{Interval Estimation}
In this subsection, we show that the $(1-\alpha)100\%$ highest posterior density region of the post-processed posterior is asymptotically on the average an $(1-\alpha)100\%$ credible set of the conventional posterior.
By the conventional Bayesian method, we mean the Bayesian method imposing a prior distribution on banded covariance matrices directly.
Thus, the post-processed posterior provides approximations to the credible regions of the conventional posterior.
For a given integer $0 < k\le p$ and $\Sigma \in \mathcal{C}_p$, let $\theta_1=\theta_1(\Sigma)=(\sigma_{ij},|i-j|\le k)$ and $\theta_2=\theta_2(\Sigma)=(\sigma_{ij},|i-j|>k)$.
Let $\pi^c(\theta_1)$ be a prior for $k$-banded covariance matrices. We use the bracket notation for the distribution or density of random variables. For examples, the joint distribution of $h(X)$ and $g(Y)$ and conditional distribution of $h(X)$ given $g(Y)$ are denoted by $[h(X), g(Y)]$ and $[h(X)|g(Y)]$, respectively. Probability that $h(X) \in A$ will be denoted by $[h(X) \in A | g(Y)]$ where $A$ is a set. Subscripts to the brackets are used to distinguish different joint distributions of $(X, Y)$.
Define
\begin{eqnarray*}
\lbrack\theta_1\mid \mathbb{X}_n \rbrack_{PPP, 0} &=& \int \pi^i(\theta_1,\theta_2\mid \mathbb{X}_n) d\theta_2, \\
&\propto& \int \pi^i(\theta_1,\theta_2) p \{ \mathbb{X}_n \mid \Sigma(\theta_1,\theta_2) \} d\theta_2 \\
\lbrack\theta_1\mid \mathbb{X}_n\rbrack_C &=& \pi^c(\theta_1\mid \mathbb{X}_n) \\
&\propto& \pi^c(\theta_1) p \{ \mathbb{X}_n\mid \Sigma(\theta_1,0)\} ,
\end{eqnarray*}
where $p( \mathbb{X}_n\mid \Sigma)$ is the probability density function of $ \mathbb{X}_n$ when $X_i$'s follow $N_p(0, \Sigma)$.
In the above, $[\theta_1\mid \mathbb{X}_n]_{PPP, 0}$ and $[\theta_1\mid \mathbb{X}_n]_{C}$ denote the post-processed posterior with only the $k$-band operation $B_k$ and the posterior of the conventional Bayesian method, respectively.
Note that, in $[\theta_1\mid \mathbb{X}_n]_{PPP, 0}$, we use subscript $0$ to distinguish it from the post-processed posterior defined in \eqref{PPP}, which we will denote as $[\theta_1\mid \mathbb{X}_n]_{PPP}$.
Suppose that the true covariance matrix $\Sigma_0$ has the $k$-banded structure.
Let $(\hat{\theta}_1^*,\hat{\theta}_2^*)^T =\argmax_{\theta_1,\theta_2} \log p \{ \mathbb{X}_n \mid \Sigma(\theta_1,\theta_2)\}$ and $\hat{\theta}_1 = \argmax_{\theta_1} \log p \{ \mathbb{X}_n \mid \Sigma(\theta_1,0)\}$ be the maximum likelihood estimators.
Furthermore, we denote the Fisher-information matrix by
\begin{eqnarray*}
\mathcal{I}(\theta_1,\theta_2) &=&-E_{\Sigma(\theta_1,\theta_2)} \Big\{ \Big[\frac{\partial}{\partial \theta } \log p \{ \mathbb{X}_n |\Sigma(\theta_1,\theta_2)\} \Big]^T\Big[\frac{\partial}{\partial \theta } \log p \{ \mathbb{X}_n |\Sigma(\theta_1,\theta_2) \} \Big] \Big\}, \\
&=& \begin{pmatrix}
\mathcal{I}_{11} & \mathcal{I}_{12} \\
\mathcal{I}_{21} & \mathcal{I}_{22}
\end{pmatrix}
\end{eqnarray*}
and $\mathcal{I}_{11\cdot 2}(\theta_1,\theta_2) = \mathcal{I}_{11} -\mathcal{I}_{12} \mathcal{I}_{22}^{-1} \mathcal{I}_{21}$.
For Theorem \ref{theorem:coverage}, we assume
that the total variation distance version of Bernstein von-Mises theorem holds for $[\theta_1\mid \mathbb{X}_n]_{PPP, 0}$ and $[\theta_1\mid \mathbb{X}_n]_{C}$, i.e.,
\noindent {\bf A1.} (Bernstein-von Mises condition)
\begin{eqnarray*}
\lim\limits_{n\longrightarrow \infty}E_{\Sigma_0}|| [ n^{1/2}(\theta_1(\Sigma)-\hat{\theta}^*_1) \mid \mathbb{X}_n]_{PPP,0}- N(0,\mathcal{I}_{11\cdot 2}^{-1} \{\theta_1(\Sigma_0),0 \})||_{TV} &=& 0,\\
\lim\limits_{n\longrightarrow \infty}E_{\Sigma_0}|| [n^{1/2}(\theta_1(\Sigma)-\hat{\theta}_1) \mid \mathbb{X}_n]_C- N(0,\mathcal{I}_{11}^{-1}\{\theta_{1}(\Sigma_0),0) \})||_{TV} &=& 0.
\end{eqnarray*}
Also, using a slight abuse of notation, we let $N(0,\mathcal{I}^{-1})$ denote the probability measure of the multivariate normal distribution with zero mean vector and covariance matrix $\mathcal{I}^{-1}$.
For any probability measures $P$ and $Q$ on a $\sigma$-field $\mathcal{M}$, $||P - Q ||_{TV}$ is defined by
$\sup_{A\in \mathcal{M}} | P(A)- Q(A)|.$
The total variation distance version of the Bernstein von-Mises theorem is given in \cite{van2000asymptotic} and \cite{ghosal2017fundamentals}.
Furthermore, we assume that the following regularity conditions hold. Let $\stackrel{d}{\longrightarrow}$ and $\stackrel{P}{\longrightarrow}$ denote the convergence in distribution and in probability, respectively.
\noindent {\bf A2.} As $n\longrightarrow\infty$,
\begin{eqnarray}\label{eq:regconditions}
n^{1/2}L_n' \{ \theta_1(\Sigma_0),0\} &\stackrel{d}{\longrightarrow}& N [0,\mathcal{I} \{ \theta_1(\Sigma_0),0\}],\nonumber\\
(\hat{\theta}_1^*,\hat\theta_2^*) &\stackrel{P}{\longrightarrow}& \{\theta_1(\Sigma_0),0\}, \\
\hat{\theta}_1 &\stackrel{P}{\longrightarrow}& \theta_1(\Sigma_0),\nonumber
\end{eqnarray}
and $L''_n \{ \theta_1(\Sigma_0),0\} $ is continuous,
where $L_n(\theta_1,\theta_2) =\log p \{ \mathbb{X}_n \mid \Sigma(\theta_1,\theta_2)\}$, $L_n' \{\theta_1(\Sigma_0),0\} = \partial L_n\{\theta_1(\Sigma_0),0\} / \partial(\theta_1,\theta_2) $, $L_n''\{\theta_1(\Sigma_0),0\} = \partial^2 L_n\{\theta_1(\Sigma_0),0\} / \partial(\theta_1,\theta_2)^2 $.
Theorem \ref{theorem:coverage} shows that, under the regularity conditions, the highest posterior density region based on the post-processed posterior is on average a credible region of the conventional Bayesian method for banded covariance matrices.
\begin{theorem}\label{theorem:coverage} Suppose A1 and A2 hold.
If $C_{1-\alpha,n}$ is the highest posterior density regions of $[\theta_1 \mid \mathbb{X}_n]_{PPP}$ and $p$ is fixed, then
\begin{eqnarray*}
\lim\limits_{n\longrightarrow \infty}E_{\Sigma_0}\{[\theta_1(\Sigma)\in C_{1-\alpha,n} \mid \mathbb{X}_n]_C\} = 1-\alpha.
\end{eqnarray*}
\end{theorem}
\section{Numerical Studies}\label{sec:numerical}
\sse{A Simulation study: general aspects}
We compare the post-processed posterior with other methods.
Among frequentist methods, we investigate the performance of banded sample covariance \citep{bickel2008regularized}, dual maximum likelihood estimator \citep{kauermann1996dualization}, and the maximum likelihood estimator by iterative conditional fitting \citep{chaudhuri2007estimation}.
We also examine the performance of Bayes estimators based on the $G$-inverse Wishart distribution \citep{silva2009hidden} and Wishart distributions for covariance graph \citep{khare2011wishart}.
Additionally, we conduct the {\it dual post-processed posterior}, which is a post-processing posterior based on the dual algorithm \citep{kauermann1996dualization} instead of the banding post-processing function $B_k$.
We obtain a posterior sample of the dual post-processed posterior as follows:
\begin{enumerate}
\item[] Step 1. (Initial posterior computing step) For $l=1,2,\ldots$, sample $\Sigma^{(l)}$ from the initial posterior,
$$\Sigma^{(l)} \mid \mathbb{X}_n \sim IW_p(B_0+nS_n,\nu_0+n).$$
\item[] Step 2. (Post-processing step)
Obtain $\Sigma_{(l)}^{D}$ as the solution of the simultaneous equations:
$$ \{(\Sigma_{(l)}^{D})^{-1}\}_{ij} = \{(\Sigma^{(l)})^{-1}\}_{ij}, $$
for $|i-j|\le k$ and $(\Sigma_{(l)}^{D})_{ij}=0$ for $|i-j|>k$.
\end{enumerate}
We consider three banded covariances $\Sigma_0^{(1)}$, $\Sigma_0^{(2)}$ and $\Sigma_0^{(3)}$ as the true covariance matrices.
Let $\Sigma^{(1)*}_0=(\sigma^{(1)}_{0,ij})_{p\times p}$, where
\begin{equation*}
\sigma_{0,ij}^{(1)} = \begin{cases}
1, & 1\le i=j\le p\\
\rho |i-j|^{-(\alpha+1)}, & 1\le i\neq j\le p,
\end{cases}
\end{equation*}
$\rho=0.6$ and $\alpha=0.1$.
Then we obtain $\Sigma_0^{(1)}$ by banding $\Sigma_0^{(1)*}$ and adding an identity matrix multiplied by a positive number to make the minimum eigenvalue of resulting matrix to be $0.5$; in particular, $\Sigma_0^{(1)}=B_{k_0}(\Sigma_0^{(1)*}) +[0.5-\{\lambda_{\min}(B_{k_0}(\Sigma_0^{(1)*}))\}]I_p$, where $k_0$ is the bandwidth.
Let $\Sigma^{(2)*}_0=(\sigma^{(2)}_{0,ij})_{p\times p}$, where $\sigma_{0,ij}^{(2)} = \{1-|i-j|/(k_0+1) \}\wedge 0$ for any $1 \leq i, j \leq p$.
Then we set $\Sigma_0^{(2)} = \Sigma^{(2)*}_0 +[0.5-\{\lambda_{\min}(\Sigma_0^{(2)*}) \}]I_p$. Let $\Sigma^{(3)*}_0=L_0D_0L_0^T$ and $\Sigma_0^{(3)} = \Sigma^{(3)*}_0 +[0.5-\{\lambda_{\min}(\Sigma_0^{(3)*}) \}]I_p$, where
\begin{equation*}
L^0_{ij} = \begin{cases}
1, & 1\le i=j\le p\\
l_{ij}, & 0<i-j \le k_0\\
0, & \text{otherwise},
\end{cases}
\end{equation*}
$l_{ij}$ are independent sample from $N(0,1)$, and $D_0=diag(d_{ii})$ is a diagonal matrix where $d_{ii}$ is independent sample from $IG(5,1)$, the inverse-gamma distribution with the shape parameter $5$ and the scale parameter $1$.
The true covariance matrices with $p=100$ and $k_0 = 5$ are plotted in Figure \ref{fig:Sigmas}.
\begin{figure}[!tb]
\begin{center}
\includegraphics[width=14cm,height=10cm]{Sigma0_v2.pdf}
\end{center}
\caption{
Visualization of true banded covariances.
}\label{fig:Sigmas}
\end{figure}
For each banded covariance with $k_0 = 5$, we generated the data $X_1,\ldots, X_n$ from $N_p(0, \Sigma_0^{(t)})$ independently, where $n=25, 50, 100$ and $p = 100$.
For the initial prior of the post-processed posterior and dual post-processed posterior, we choose $IW_p(A_0 , \nu_0)$ with $\nu_0 = 2p +3$ and $A_0 = I_p$.
We use the Bayesian leave-one-out cross-validation method \citep{gelman2014understanding} to choose the adjustment parameter $\epsilon_n$ in the banding post-processing step \eqref{PPP}.
We define the log-predictive density of $\epsilon_n$ as
\begin{eqnarray*}
R(\epsilon_n) &=& \sum_{i=1}^n \log \int p\{X_i \mid B_{k_0}^{\epsilon_n}(\Sigma)\} \pi^i(\Sigma\mid \mathbb{X}_{n,-i})d\Sigma \\
&=& \sum_{i=1}^n \log \int p\{X_i \mid B_{k_0}^{\epsilon_n}(\Sigma)\} \frac{\pi^i(\Sigma\mid \mathbb{X}_{n,-i})}{\pi^i(\Sigma\mid \mathbb{X}_{n})}\pi^i(\Sigma\mid \mathbb{X}_{n})d\Sigma,
\end{eqnarray*}
where $ \mathbb{X}_{n,-i}=(X_1,\ldots,X_{i-1},X_{i+1},\ldots, X_n)$ and $p\{\cdot \mid B_{k_0}^{\epsilon_n}(\Sigma)\}$ is the multivariate normal density with zero mean and the covariance matrix $B_{k_0}^{\epsilon_n}(\Sigma)$. Then, using Monte Carlo method, we obtain the estimated log-predictive density as
\begin{eqnarray}
\hat{R}(\epsilon_n) = \sum_{i=1}^n \log \frac{1}{S}\sum_{s=1}^S p\{X_i \mid B_{k_0}^{\epsilon_n}(\Sigma_s)\} \frac{\pi^i(\Sigma_s\mid \mathbb{X}_{n,-i})}{\pi^i(\Sigma_s\mid \mathbb{X}_{n})}, \label{formula:BayesCV}
\end{eqnarray}
and $\hat{\epsilon}_n = \argmin_{\epsilon_n>0}\hat{R}(\epsilon) $,
where $\Sigma_s$ is the $s$th sample of $\pi^i(\cdot \mid \mathbb{X}_n)$, and $S$ is the number of the posterior samples.
For the Wishart distribution for covariance graph \citep{khare2011wishart}, we used $\alpha_i=2k_0+5$ and $U=I_p$ as they suggested.
Similarly, we set $\delta=5$ and $U=I_p$ for the $G$-inverse Wishart distribution \citep{silva2009hidden} as they suggested.
For both methods, the initial values of the $\Sigma$ for the Markov chain Monte Carlo algorithms were set at the identity matrix and
$500$ posterior samples were drawn.
For the dual maximum likelihood estimator and the maximum likelihood estimator, $S_n + \epsilon_n I_p$ is used in place of the sample covariance matrix because these algorithms need a positive definite sample covariance matrix. The adjustment parameter $\epsilon_n$ is chosen as the minimizer of $\hat{R}_f(\epsilon_n)$, which is defined as
\begin{eqnarray}\label{Rf_epsilon}
\hat{R}_f(\epsilon_n) = \sum_{i=1}^n \log p\{X_i\mid h( \mathbb{X}_{n,-i};\epsilon_n)\},
\end{eqnarray}
where $h( \mathbb{X}_n;\epsilon_n)$ is a frequentist estimator of $\Sigma$ based on $ \mathbb{X}_n$ and an adjustment parameter $\epsilon_n$.
For each simulation setting, $100$ sets of samples were generated. The performance of each estimator is measured by the mean spectral norm error
\begin{eqnarray}\label{errordef}
\frac{1}{100} \sum_{s=1}^{100} ||\Sigma_0-\hat{\Sigma}^{(s)}|| ,
\end{eqnarray}
where $\hat{\Sigma}^{(s)}$ is a point estimate based on the $s$th simulated data set. For Bayesian methods, we use the posterior mean as the point estimator.
Table \ref{fig:fixederror} shows the mean spectral norm error of each method when the true bandwidth $k_0$ is known.
The maximum likelihood estimator, the banded sample covariance, the Wishart for covariance graph and the post-processed posterior perform well. It appears that the maximum likelihood estimator performs well when $n/p$ is large, while the post-processed posterior and the banded sample covariance have smaller mean spectral norm errors when $n/p$ is small. In all cases, the post-processed posterior performs reasonably well.
\begin{table}[!htbp]
\caption{Specral norm-based errors for $\Sigma_0^{(1)}$, $\Sigma_0^{(2)}$ and $\Sigma_0^{(3)}$. \label{fig:fixederror}}
\begin{center}
\begin{tabular}{lccccccccc}
&\multicolumn{3}{c}{ $n=25$}&\multicolumn{3}{c}{ $n=50$}&\multicolumn{3}{c}{ $n=100$} \\
& $\Sigma_0^{(1)}$ & $\Sigma_0^{(2)}$ & $\Sigma_0^{(3)}$ & $\Sigma_0^{(1)}$ & $\Sigma_0^{(2)}$ & $\Sigma_0^{(3)}$ & $\Sigma_0^{(1)}$ & $\Sigma_0^{(2)}$ & $\Sigma_0^{(3)}$ \\[5pt]
Post-processed posterior & 3.67 & 4.62 & 5.63 & 2.16 & 3.01 & 3.61 & 1.48 & 1.94 & 2.34 \\
G-inverse Wishart & 3.60 & 5.79 & 6.83 & 3.28 & 5.21 & 6.08 & 2.77 & 4.4 & 5.16 \\
Wishart for covariance graph & 4.56 & 6.85 & 6.08 & 2.07 & 4.36 & 4.81 & 1.41 & 2.9 & 4.96\\
Dual post-processed posterior & 4.00 & 6.46 & 7.71 & 3.98 & 6.42 & 7.68 & 3.75 & 5.99 & 7.15\\
Banded sample covariance & 3.38 & 4.5 & 5.66 & 2.19 & 2.8 & 3.42 & 1.51 & 1.9 & 2.23 \\
Dual maximum likelihood estimator & 3.96 & 6.41 & 7.67 & 3.9 & 6.28 & 7.55 & 3.33 & 5.23 & 6.33 \\
Maximum likelihood estimator & 4.96 & 4.78 & 6.92 & 2.31 & 2.52 & 3.4 & 1.42 & 1.76 & 2.17
\end{tabular}
\end{center}
\end{table}
We compare computation times of the Bayesian methods in Table \ref{fig:computing}. The post-processed posterior is faster than $G$-inverse Wishart distribution and Wishart distribution for covariance graph methods.
The dual post-processed posterior method is the fastest because it does not have the cross-validation step for the adjustment parameter $\epsilon_n$, but its mean spectral norm errors in Table \ref{fig:fixederror} shows sometimes poor performance.
\begin{table}[!htbp]
\caption{The summary statistics of computing times (unit: sec) for Bayesian methods, when $p=100$ and $n=50$. In the computing times of the post-processed posterior method, the step of Bayesian leave-one-out cross-validation for $\epsilon_n$ is involved.\label{fig:computing}}
\begin{center}
\begin{tabular}{lcccccc}
& $1-$quantile & mean & median & $3-$quantile \\[5pt]
Post-processed posterior & 40.45 & 40.63 & 40.63 & 40.78 \\
G-inverse Wishart & 205.47 & 206.67 & 207.32 & 208.23 \\
Wishart for covariance graph & 353.91 & 355.14 & 356.31 & 357.08 \\
Dual post-processed posterior & 10.60 & 10.73 & 10.67 & 10.78
\end{tabular}
\end{center}
\end{table}
\sse{A Simulation study: interval estimation aspect}
We investigate the performance of interval estimation for functionals of covariances in this section.
There is no valid frequentist interval estimator for functionals of banded or bandable covariances in the high-dimensional covariance. But if one assumes $p$ is fixed, the interval estimator for functionals of banded covariances can be derived from the Fisher information matrix given in \cite{chaudhuri2007estimation}.
Define $vecb(\Sigma):=vecb(\Sigma;k) = vec(\{ \sigma_{ij} : i\leq j , |i-j|\le k\})$ and $Q\in \mathbb{R}^{p^2 \times p^*}$ such that $vec(\Sigma)=Q \times vecb(\Sigma;k)$,
where $vec$ is the column-wise vectorization operation, and $p^*$ is the dimension of $vecb(\Sigma;k)$.
By asymptotic normality of maximum likelihood estimators and the Fisher information matrix in \cite{chaudhuri2007estimation}, we obtain
\begin{eqnarray*}
n^{1/2}\{vecb(\Sigma^{MLE})- vecb(\Sigma_0)\} \stackrel{d}{\longrightarrow} N_{p^*} [0,2 \{Q^T ( \Sigma_0^{-1}\otimes \Sigma_0^{-1})Q \}^{-1}],
\end{eqnarray*}
as $n\longrightarrow\infty$, where $\Sigma^{MLE}$ is obtained by the iterative conditional fitting. Let $\phi\{vecb(\Sigma)\}$ and $\nabla\phi\{vecb(\Sigma)\}$ be a functional and its derivative, respectively.
By the delta method, we obtain
\begin{eqnarray*}
n^{1/2}[\phi\{vecb(\Sigma^{MLE})\}-\phi\{vecb(\Sigma_0)\}]\stackrel{d}{\longrightarrow} N(0,\sigma_{0,\phi}^2),
\end{eqnarray*}
as $n\longrightarrow\infty$, where $\sigma_{0,\phi}^2=2\nabla \phi\{vecb(\Sigma_0)\}\{Q^T ( \Sigma_0^{-1}\otimes \Sigma_0^{-1})Q \}^{-1}\nabla^T \phi\{vecb(\Sigma_0)\}$. Then, we induce an $(1-\alpha) 100 \%$ confidence interval of the functional as
\begin{eqnarray*}
\phi(vecb(\Sigma^{MLE})) \pm z_{\alpha/2}\frac{\sigma_{0,\phi}}{n^{1/2}}.
\end{eqnarray*}
Since $\sigma_{0,\phi}$ depends on the true covariance matrix, we use an estimated value as
\begin{eqnarray*}
\hat{\sigma}_\phi = 2\nabla \phi\{vecb(\Sigma^{MLE})\}\{Q^T ( (\Sigma^{MLE})^{-1}\otimes (\Sigma^{MLE})^{-1})Q \}^{-1}\nabla^T \phi\{vecb(\Sigma^{MLE})\}.
\end{eqnarray*}
For Bayesian methods, We obtain credible intervals using the posterior samples.
For posterior sample $\Sigma_1,\ldots, \Sigma_S$, the $(1-\alpha)100\%$ credible interval for a functional $\phi(\Sigma)$ can be obtained based on $\phi(\Sigma_1),\ldots,\phi(\Sigma_S)$. We set $S=500$ in the simulation.
In the numerical experiment, we focus on the conditional mean for the prediction problem as a functional of covariances.
When $X_i= (X_{i,1},\ldots,X_{i,p})^T \sim N_p(0,\Sigma)$, the conditional mean given $X_{-p} =(X_1, \ldots, X_{p-1})^T$ is
\begin{eqnarray*}
cm(\Sigma; X_{-p}) := E(X_p\mid X_{-p}) = \Sigma_{p,-p} \Sigma^{-1}_{-p,-p} X_{-p}.
\end{eqnarray*}
We compare the coverage probabilities and the lengths of intervals for $95\%$ credible intervals of $cm(\Sigma; X_{-p}) $ in Table \ref{tbl:condmeanprob}.
\FloatBarrier
\begin{table}[!htbp]
\caption{Coverage probabilities and lengths of interval estimates of the conditional mean for banded covariances $\Sigma_0^{(1)}$, $\Sigma_0^{(2)}$ and $\Sigma_0^{(3)}$. The average lengths of intervals are represented in parentheses. \label{tbl:condmeanprob}}
\begin{center}
\begin{tabular}{lccccccccc}
&\multicolumn{3}{c}{ $n=25$}\\
& $\Sigma_0^{(1)}$ & $\Sigma_0^{(2)}$ & $\Sigma_0^{(3)}$ \\
Post-processed posterior & 96.7\% (2.54) & 95.5\% (2.27) & 94.3\% (3.66) \\
G-inverse Wishart & 44.7\% (1.02) & 49.1\% (0.96) & 45.6\% (1.55) \\
Wishart for covariance graph & 99.2\% (2.97) & 99.7\% (3.24) & 97.4\% (3.69) \\
Dual post-processed posterior & 75.5\% (0.86) & 62.2\% (0.85) & 46.3\% (1.09) \\
Maximum likelihood estimator & 100\% (10.67) & 100\% (13.61) & 100\% (32.88) \\
&\multicolumn{3}{c}{ $n=50$}\\
& $\Sigma_0^{(1)}$ & $\Sigma_0^{(2)}$ & $\Sigma_0^{(3)}$ \\
Post-processed posterior & 98.3\% (2.05) & 96.7\% (1.93) & 98.5\% (3.32) \\
G-inverse Wishart & 60.2\% (0.67) & 61.4\% (0.68) & 60.7\% (1.02) \\
Wishart for covariance graph & 97.7\% (1.49) & 99.3\% (1.85) & 91.5\% (1.8) \\
Dual post-processed posterior & 80.2\% (0.78) & 72.8\% (0.78) & 58.3\% (1.01) \\
Maximum likelihood estimator & 100\% (3.12) & 100\% (4.75) & 99.9\% (8.82) \\
&\multicolumn{3}{c}{ $n=100$}\\
Post-processed posterior & 95.6\% (1.21) & 96.9\% (1.55) & 98.7\% (2.75)\\
G-inverse Wishart & 74.4\% (0.57) & 74.2\% (0.56) & 73.1\% (0.81)\\
Wishart for covariance graph & 93.3\% (0.92) & 97.3\% (1.11) & 88.3\% (1.09)\\
Dual post-processed posterior & 50.3\% (0.74) & 53.6\% (0.69) & 49.3\% (1.04)\\
Maximum likelihood estimator & 99.8\% (1.66) & 100\% (2.84) & 100\% (5.38)
\end{tabular}
\end{center}
\end{table}
The post-processed posterior performs well overall.
It appears that the post-processed posterior and the Wishart for covariance graph produce practically reasonable interval estimates.
When $n = 25$, the post-processed posterior has shorter interval estimates than those of the Wishart for covariance graph.
As $n$ increases, the Wishart for covariance graph provides shorter interval estimates, but its coverage probabilities tend to be smaller than the nominal coverage.
The $G$-inverse Wishart and the dual post-processed posterior have much smaller coverage probabilities than the nominal probability.
The maximum likelihood estimator tends to produce wide (thus conservative) confidence intervals, which makes it less meaningful in practice.
\sse{Application to call center data}
We apply the post-processed posterior to analyze the call center data set, which is used in \cite{huang2006covariance} and \cite{bickel2008regularized}. The data set consists of the number of phone calls for 239 days, and the numbers of calls are recorded for 17 hours from 7:00 and divided into $10$-minute intervals.
We denote the number of calls in the $j$th time index of the $i$th day as $N_{ij}$ ($i=1,\ldots,239; j=1,\ldots,102$), and define $x_{i,j} = (N_{ij} + 1/4)^{1/2}$ so that its distribution is similar to the normal distribution.
Furthermore, to focus on covariance estimation, we center the data.
Using the covariance estimators by the centered data, we predict the numbers of calls at $j=71,\ldots,102$ time points given those at the other time points. Let $x_i^{(1)} = (x_{i,1},\ldots,x_{i,70})^T$, $x_i^{(2)} = (x_{i,71},\ldots,x_{i,102})^T$, then we obtain estimated conditional mean of $x_i^{(2)}$ given $x_i^{(1)}$ as
\begin{eqnarray*}
x_i^{(2)}(\Sigma,x_i^{(1)}) = \Sigma_{21} \Sigma_{11}^{-1} x_i^{(1)} ,
\end{eqnarray*}
where $\Sigma_{ab} = E \{x_{i}^{(a)} (x_{i}^{(b)})^T \}$ for any $a,b \in \{1,2\}$.
The first 205 days $(i=1,\ldots, 205)$ were used as a training data to estimate $\Sigma$, and the last 34 days $(i=206,\ldots, 239)$ were used as a test data.
We measure accuracy of the methods based on the mean square error, $ (34)^{-1}\sum_{i=206}^{239} ||x_i^{(2)}- \hat{x}_i^{(2)} ||^2$, where $\hat{x}_i^{(2)} \equiv x_i^{(2)} (\hat{\Sigma} , x_i^{(1)} )$ is an estimator of ${x}_i^{(2)}$.
Here, $\hat{\Sigma} $ is an estimator of $\Sigma$, where posterior means are used based on 500 posterior samples for Bayesian methods.
Since the true bandwidth is unknown, we choose the bandwidth by the Bayesian leave-one-out cross-validation method , similar to \eqref{formula:BayesCV} but using different $\hat{R}(\cdot)$ as
\begin{eqnarray}
\hat{R}(k) : = \sum_{i=1}^n \log \frac{1}{S}\sum_{s=1}^S p\{X_i \mid B_k^{\hat{\epsilon}_n}(\Sigma_s)\} \frac{\pi^i(\Sigma_s\mid \mathbb{X}_{n,-i})}{\pi^i(\Sigma_s\mid \mathbb{X}_n)} \label{formula:BayesCV2}.
\end{eqnarray}
For the frequentist methods, we select the bandwidth based on the leave-one-out cross-validation similar to \eqref{Rf_epsilon}.
The mean square error is summarized in Table \ref{tbl:callcenter}.
\begin{table}[!htbp]
\caption{Mean square error between observations and estimated conditional mean.\label{tbl:callcenter}}
\begin{center}
\begin{tabular}{lc}
Method & error \\[5pt]
Post-processed posterior & 0.90 \\
Inverse-Wishart posterior & 1.22 \\
Dual post-processed posterior & 1.19 \\
Banded sample covariance & 0.89 \\
Dual maximum likelihood estimator & 1.03 \\
Sample covariance & 1.02
\end{tabular}
\end{center}
\end{table}
The post-processed posterior and banded sample covariance outperform the other methods.
Although the two methods show similar performance, the post-processed posterior has a benefit over the banded sample covariance because it can give an interval estimator.
By the definition of $x_i^{(2)}(\Sigma,x_i^{(1)})$, Bayesian methods naturally induce interval estimators based on posterior samples of $\Sigma$.
We visualize the estimators as well as $95\%$ credible intervals from the post-processed posterior for the $2$nd subject in the test data in Figure \ref{fig:callcenter}.
\begin{figure}[!htbp]
\begin{center}
\includegraphics[width=14cm,height=10cm]{callcenter2.pdf}
\end{center}
\caption{The estimated conditional mean from the $71$st to $102$nd time indexes of the $2$nd subject. For the post-processed posterior distribution, $95\%$ credible intervals of the conditional mean are also represented as shade.
}\label{fig:callcenter}
\end{figure}
\se{Conclusion}
In this paper, we have proposed a non-traditional Bayesian procedure called the post-processed posterior. It is conceptually straightforward and computationally fast. It attains a nearly minimax convergence rate over all possible pairs of post-processing functions and initial priors which include conventional Bayesian posteriors. Also its highest density credible sets are asymptotically a credible sets of the conventional posteriors on average, and thus its credible sets can be viewed as approximations to the credible sets of the conventional posteriors.
We applied the post-processing method to the banded covariance structure. But, it can be used in other covariance structures.
For example, the method can be applied to the class of sparse covariance matrices. We are investigating the theoretical properties of the approach.
We also believe the post-processing idea can be applied other problems such as sparse linear regression model and high-dimensional nonparametric regression models.
An open question is to set the boundary of the post-processing posterior idea: when it has solid theoretical support.
\bibliographystyle{dcu}
|
\section{Introduction}
Designing safe motion planning controllers for nonholonomic robotic systems is a critical yet extremely challenging problem. In general, motion planning for robots is notoriously difficult.
For example, even planning for a robot (composed of $n$ polyhedral bodies) in a 3D world that contains a fixed number of polyhedral obstacles is PSPACE-hard~\citep{lavalle2006planning}.
Simultaneously providing formal guarantees on safety and robustness when the robots are facing uncertainties and disturbances makes the problem even more challenging. Sample-based planning techniques~\citep{kavraki1998analysis,lavalle2006planning} can plan safe trajectories by exploring the environment but cannot handle uncertainty and disturbances. A natural thought that has been extensively explored is to exploit a separation of concerns that exists in the problem: (A) how to design a reference (also called expected or nominal) trajectory $x^*(t)$ to drive a robot to its goal safely without considering any uncertainty or disturbance, and (B) how to design a tracking controller to make sure the actual trajectories $x(t)$ of the system under disturbances can converge to $x^*(t)$ with guaranteed bounds for the tracking error between $x(t)$ and $x^*(t)$~\citep{herbert2017fastrack,vaskov2019towards,majumdar2017funnel,jha2018duality}. Combining controllers from solving (A) and (B) can make sure that the actual behaviors of the robot are all safe.
While the reference trajectories
can be found using
efficient planning techniques~\citep{kavraki1998analysis,lavalle2006planning,mpcPytorch} for a very broad class of systems, the synthesis of a guaranteed tracking controller, also called trajectory stabilization~\citep{singh2019learning} is not an automatic process, especially for nonholonomic systems. Control theoretic techniques exist to guide the dual synthesis~\cite{jha2018duality} of control policies and certificates at the same time, where the certificates can make sure certain required properties are provably satisfied when the corresponding controller is run in (closed-loop) composition with the plant. For example, control Lyapunov Function (CLF)~\citep{chang2019neural, ravanbakhsh2016robust} ensures the existence of a controller so the controlled system is Lyapunov stable, and Control Barrier Function (CBF)~\citep{ames2014control,ames2019control,taylor2019learning} ensures that a controller exists so the controlled system always stays in certain safety invariant sets defined by the corresponding barrier function. Other methods pre-compute the tracking error through reachability analysis~\citep{vaskov2019towards}, Funnels~\citep{tedrake2009lqr,majumdar2017funnel}, and Hamilton-Jacobi analysis~\citep{herbert2017fastrack,bansal2017safe}.
Despite the benefit brought by
these certificates (e.g. Lyapunov Function, Barrier Function), finding the correct function representation
for the certificates is non-trivial. Various methods have been studied to learn the certificate as polynomials~\citep{kapinski2014simulation,ravanbakhsh2016robust}, support vectors~\citep{khansari2014learning},
Gaussian processes~\citep{jha2018data},
temporal logic formulae~\cite{jha2017telex,jha2018safe},
and neural networks (NN)~\citep{chang2019neural,taylor2019learning,taylor2019episodic,robey2020learning,choi2020reinforcement}. Unlike reinforcement learning (RL)~\cite{polydoros2017survey,ohnishi2019barrier,deisenroth2011pilco,chua2018deep} which focuses on learning a control policy that maximizes an accumulated reward and usually lacks formal safety guarantees, certificate-guided controller learning focuses on learning a sufficient condition for the desired property. In this paper, we follow this idea and learn a tracking controller by learning a convergence certificate simultaneously as guidance.
In this paper, we leverage recent advances in Control Contraction Metric (CCM) ~\citep{manchester2017control,manchester2015unifying} theory that extends the contraction theory to control-affine systems to prove the existence of a tracking controller so the closed-loop system is contracting. In the CCM theory~\citep{manchester2017control}, it has been shown that a valid CCM implies the existence of a contracting tracking controller for {\em any} reference trajectories. In our framework, we model both the controller and the metric function as neural networks and optimize them jointly with the cost functions inspired by the CCM theory. Due to the constraints imposed during training, the tracking error of the learned controller is guaranteed to be bounded even with external disturbances.
Synthesis of CCM certificate has been formulated as solving a Linear Matrix Inequality (LMI) problem using Sum-of-Squares (SoS) programming~\citep{singh2019robust} or RKHS theory~\cite{singh2019learning} even when the model dynamics is unknown. However, such LMI-based techniques have to rely on an assumption on the special control input structure of a class of underactuated systems (see Sec.~\ref{sec:controller_design} for details) and therefore cannot be applied to general robotic systems. Moreover, the above methods only learn the CCM. The controller needs to be found separately by computing geodesics of the CCM, which cannot be solved exactly and has high computational complexity.
To use SoS, the system dynamics need to be polynomial equations or can be approximated as polynomial equations.
The degree and template of the polynomials in SoS play a crucial role in determining whether a solution exists and need to be tuned for each system.
In~\citep{tsukamoto2020neural}, the authors proposed a synthesis framework using recurrent NNs to model the contraction metric and this framework works for nonlinear systems which are a convex combination of multiple state-dependent coefficients (i.e. $f(x,t)$ is written as $A(x,t)x$). Again, the controller in~\citep{tsukamoto2020neural} is constructed from the learned metric.
In contrast, our approach can simultaneously synthesize the controller and the CCM certificate for control-affine systems without any additional structural assumptions.
We provide two methods to prove convergence guarantees of the learned controller and CCM (Section~\ref{sec:guarantees}). The first method provides deterministic guarantees by leveraging the Lipschitz continuity of the CCM’s condition.
Furthermore, we observed that even if the CCM’s condition does not hold globally for every state in the state space, the resulting trajectories still often converge to the reference trajectories in our experience. This motivates our second approach based on conformal regression
to give probabilistic guarantees on the convergence of the tracking error. Both methods can provide upper bounds on the tracking error, using which one can explore trajectory planning methods such as sampling-based methods (e.g. RRT~\citep{lavalle1998rapidly}, PRM~\citep{kavraki1998analysis}), model predictive control (MPC)~\citep{mpcPytorch}, and satisfiability-based methods~\citep{fan2020fast} to find safe reference trajectories to accomplish the safe motion planning missions. We compare our approach Certified Control using Contraction Metric (C3M) with the SoS programming~\citep{singh2019robust}, RL~\citep{schulman2017proximal}, and MPC~\citep{mpcPytorch,camacho2013model,anderson2010optimal} on several representative robotic systems, including the ones whose dynamics are learned from physical data using neural networks. We show that \textcolor{black}{C3M } outperforms other methods by being the only approach that can find converging tracking controllers for all the benchmarks. We provide two metrics for evaluating the tracking performance and show that controllers achieved through \textcolor{black}{C3M } have a much smaller tracking error. In addition, controllers found by \textcolor{black}{C3M } can be executed in sub-milliseconds at each step and is much faster than
methods that only learn the metric (e.g. SoS programming) and online control methods (e.g. MPC).
\section{Preliminaries and notations}
\label{sec:prelim}
We denote by $\mathbb{R}$ and $\reals^{\geq 0}$ the set of real and non-negative real numbers respectively. For a symmetric matrix $A \in \mathbb{R}^{n\times n}$, the notation $A \succ 0$ ($A \prec 0$) means $A$ is positive (negative) definite. The set of positive definite $n \times n$ matrices is denoted by $S_n^{>0}$. For a matrix-valued function $M(x):\mathbb{R}^n \mapsto \mathbb{R}^{n \times n}$, its element-wise Lie derivative along
a vector $v \in \mathbb{R}^{n}$ is $\partial_v M := \sum_{i} v^{i} \frac{\partial M}{\partial x^i}$. Unless otherwise stated, $x^i$ denotes the $i$-th element of vector $x$. For $A \in \mathbb{R}^{n \times n}$, we denote $A + A^\intercal$ by $\hat{A}$.
\paragraph{Dynamical system}
We consider {\em control-affine} systems of the form
\begin{equation}
\dot{x}(t) = f(x(t)) + B(x(t)) u(t) + d(t),
\label{eq:sys}
\end{equation}
where $x(t) \in \mathcal{X} \subseteq \mathbb{R}^n$, $u(t) \in \mathcal{U} \subseteq \mathbb{R}^m$, and $d(t) \in \mathcal{D} \subseteq \mathbb{R}^n$ for all $t \in \reals^{\geq 0}$ are states, inputs, and disturbances respectively. Here, $\mathcal{X}, \mathcal{U}$ and $\mathcal{D}$ are compact sets that represent the state, input, and disturbance space respectively. We assume that $f: \mathbb{R}^n \mapsto \mathbb{R}^n$ and $B: \mathbb{R}^n \mapsto \mathbb{R}^{n \times m}$ are smooth functions, the control input $u : \reals^{\geq 0} \mapsto \mathcal{U}$ is a piece-wise continuous function, and the right-side of Eq.~\eqref{eq:sys} holds at discontinuities. Furthermore, we assume that the disturbance is bounded, i.e. $\sup_t \|d(t)\|_2 < \infty$. Given an input signal $: \reals^{\geq 0} \mapsto \mathcal{U}$, a disturbance signal $d:\reals^{\geq 0} \mapsto \mathcal{D}$, and an initial state $x_0 \in \mathcal{X}$, a \textit{(state) trajectory} of the system is a function $x: \reals^{\geq 0}\mapsto \mathbb{R}^{n}$ such that $x(t),u(t),d(t)$ satisfy Eq.~\eqref{eq:sys} and $x(0) = x_0$. The goal of this paper is to design a tracking controller $u(\cdot)$ such that the controlled trajectory $x(t)$ can track \textit{any} target trajectory $x^*(t)$ generated by a reference control $u^*(t)$ when $x(0)$ is in a neighborhood of $x^{*}(0)$ and there is no disturbance (i.e. $d(t) = 0$). Furthermore, when $d(t) \neq 0$, the tracking error can also be bounded (Sec.~\ref{sec:robustness}). Fig.~\ref{fig:arch}~(a) illustrates the reference trajectory and the actual trajectory controlled by the proposed method.
\paragraph{Control contraction metric theory}
Contraction theory~\citep{lohmiller1998contraction} analyzes the incremental stability of a system by considering the evolution of the distance between any pair of arbitrarily close neighboring trajectories. Let us first consider a time-invariant autonomous system of the form $\dot{x} = f(x)$. Given a pair of neighboring trajectories, denote the infinitesimal displacement between them by $\delta_x$, which is also called a \textit{virtual displacement}. The evolution of $\delta_x$ is dominated by a linear time varying (LTV) system: $\dot{\delta}_x = \frac{\partial f}{\partial x}(x) \delta_x.$ Thus, the dynamics of the squared distance $\delta_x ^\intercal \delta_x$ is given by $\frac{d}{dt} (\delta_x ^ \intercal \delta_x) = 2 \delta_x^\intercal \dot{\delta}_x = 2 \delta_x^\intercal \frac{\partial f}{\partial x} \delta_x.$
If the symmetrical part of the Jacobian $\frac{\partial f}{\partial x}$ is uniformly negative definite, i.e. there exists a constant $\lambda > 0$ such that for all $x$, $\frac{1}{2}\reallywidehat{\frac{\partial f}{\partial x}} \preceq -\lambda \mathbf{I}$, then $\delta_x^\intercal \delta_x$ converges to zero exponentially at rate $2 \lambda$. Hence, all trajectories of this system will converge to a %
{common}
trajectory \citep{lohmiller1998contraction}. Such a system is referred to be \textit{contracting}.
The above analysis can be generalized by introducing a \textit{contraction metric} $M : \mathbb{R}^n \mapsto S_n^{>0}$, which is a smooth function. Then, $\delta_x^\intercal M(x) \delta_x$ can be interpreted as a Riemannian squared length. Since $M(x) \succ 0$ for all $x$, if $\delta_x^\intercal M(x) \delta_x$ converges to $0$ exponentially, then the system is contracting. The converse is also true.
As shown in
\citep{lohmiller1998contraction}, if a system is contracting, then there exists a contraction metric $M(x)$ and a constant $\lambda > 0$ such that $\frac{d}{dt}(\delta_x^\intercal M(x) \delta_x) < - \lambda \delta_x^\intercal M(x) \delta_x$ for all $x$ and $\delta_x$.
Contraction theory can be further extended to control-affine systems. First, let us ignore the disturbances in system~\eqref{eq:sys}, then the dynamics of the corresponding virtual system is given by $\dot{\delta}_x = A(x,u) \delta_x + B(x) \delta_u$, where $A(x,u) := \frac{\partial f}{\partial x} + \sum_{i=1}^{m} u^i \frac{\partial b_i}{\partial x}$, $b_i$ is the $i$-th column of $B$, $u^i$ is the $i$-th element of $u$, and $\delta_u$ is the infinitesimal difference of $u$. A fundamental theorem in Control Contraction Metric (CCM) theory~\cite{manchester2017control} says if there exists a metric $M(x)$ such that the following conditions hold for all $x$ and some $\lambda > 0$,
\begin{align}
B_{\bot}^\intercal \left( - \partial_f W(x) + \reallywidehat{\frac{\partial f(x)}{\partial x} W(x)} + 2 \lambda W(x) \right)B_{\bot} \prec 0, \label{eq:c1} \\
B_{\bot}^\intercal \left( \partial_{b_j} W(x) - \reallywidehat{\frac{\partial b_j(x)}{\partial x} W(x)} \right) B_{\bot} = 0,\ j=1,\dots,m,
\label{eq:c2}
\end{align}
where $B_{\bot}(x)$ is an annihilator matrix of $B(x)$ satisfying $B_{\bot}^\intercal B = 0$, and $W(x) = M(x)^{-1}$ is the dual metric, then there exists a tracking controller $k(x, x^*, u^*)$ such that the closed-loop system controlled by $u = k(x, x^*, u^*)$ is contracting with rate $\lambda$ under metric $M(x)$~\citep{manchester2017control}, which means $x(t)$ converges to $x^*(t)$ exponentially. However, as shown in~\citep{manchester2017control}, either finding a valid metric or constructing a controller from a given metric is not straightforward. Hence, we proposed to jointly learn the metric and controller using neural networks.
\section{Learning tracking controllers using CCM with formal guarantees}
\begin{figure}
\centering
\includegraphics[width=\textwidth,trim=70 70 110 60,clip]{figures/illustration.pdf}
\caption{\footnotesize Components of the proposed method. (a) Trajectories of the Dubins car model, which is a classical nonholonomic system.
Here, $x^*$ is the reference trajectory, and $x$ is the actual trajectory controlled by our learned controller. (b)Joint training for the CCM and the controller. (c) Illustration on the online execution.}
\label{fig:arch}
\end{figure}
In this paper, we utilize machine learning methods to jointly learn a Contraction Metric and a tracking controller for System~\eqref{eq:sys} with {\em known} dynamics.
The overall learning system is illustrated in Fig.~\ref{fig:arch} (b).
Different from RL-based methods, since all the conditions used for learning (Eq.~\eqref{eq:c1},\eqref{eq:c2}, and \eqref{eq:c3}) are defined for a single state at a specific time instant instead of the whole trajectory, running of the system is not required for training. Hence, the training is fully offline and fast.
The data set for training is of the form $\{(x_i, x^*_i, u^*_i) \in \mathcal{X} \times \mathcal{X} \times \mathcal{U} \}_{i=1}^{N}$, and samples are drawn independently.
The contraction metric and the tracking controller are parameterized using neural networks. In what follows we first ignore the disturbance $d(t)$ and then show in Sec.~\ref{sec:robustness} that with $d(t)\neq 0$, the tracking error of the learned controller can still be bounded.
\subsection{Controller and metric learning}\label{sec:controller_design}
The controller $u(x, x^*, u^*; \theta_u)$ is a neural network with parameters $\theta_u$, and the dual metric $W(x;\theta_w)$ is also a neural network with parameters $\theta_w$. By design, the controller satisfies that $x = x^* \Rightarrow u(x, x^*, u^*; \theta_u) = u^*$ for all $\theta_u$, and $W(x;\theta_w)$ is a symmetric matrix satisfying $W(x;\theta_w) \succeq \underline{w}\mathbf{I}$ for all $x$ and all $\theta_w$, where $\underline{w}$ is a hyper-parameter. More details about the design can be found in Sec.~\ref{sec:exps}.
Plugging $u(x, x^*, u^*; \theta_u)$ into System~\eqref{eq:sys} with $d(t) = 0$, the dynamics of the generalized squared length of the virtual displacement under metric $M(x;\theta_w) = W(x;\theta_w)^{-1}$ is given by $\frac{d}{dt}(\delta_x^\intercal M(x;\theta_w) \delta_x) = \delta_x^\intercal(\dot{M} + \reallywidehat{M (A+BK)}) \delta_x$, where $K = \frac{\partial u}{\partial x}$, and $\dot{M} = \sum_{i=1}^{n} \frac{\partial M}{\partial x^i} \dot{x}^i$, or using the Lie derivative notation $\dot{M} = \partial_{f(x)+B(x)u} M$. A sufficient condition from~\cite{manchester2017control} for the closed-loop system being contracting is that there exists $\lambda>0$ such that for all $(x, x^*, u^*) \in \mathcal{X}\times\mathcal{X}\times\mathcal{U}$,
\begin{equation}
\dot{M} + \reallywidehat{M (A+BK)} + 2 \lambda M \prec 0.
\label{eq:c3}
\end{equation}
Since $x = x^* \Rightarrow u(x, x^*, u^*; \theta_u) = u^*$, the reference $(x^*(t), u^*(t))$ is a valid trajectory of the closed-loop system. If the system is furthermore contracting, then starting from any initial state, the trajectory converges to a common trajectory which is indeed $x^*(t)$ as formally stated below.
\begin{proposition}
\label{prop:contracting}
If condition~\eqref{eq:c3} holds and $\overline{m} \geq \underline{m} > 0$ satisfying $\underline{m}\mathbf{I} \preceq M(x) \preceq \overline{m}\mathbf{I}$ for all $x$, then the initial difference between the reference and the actual trajectory is exponentially forgotten, i.e.
$
\|x(t) - x^*(t)\|_2 \leq \sqrt{{\overline{m}}/{\underline{m}}}~ e^{- \lambda t}\|x(0)-x^*(0)\|_2.
$
\end{proposition}
Denoting the LHS of Eq.\eqref{eq:c3} by $C_u(x, x^*, u^*; \theta_w, \theta_u)$ and the uniform distribution over the data space $\mathcal{S} := \mathcal{X}\times\mathcal{X}\times\mathcal{U}$ by $\rho(\mathcal{S})$, then the \textit{contraction risk} of the system is defined as
\begin{equation}
\mathcal{L}_u(\theta_w, \theta_u) = \mathop{\mathbb{E}}\limits_{(x,x^*,u^*) \sim \rho(\mathcal{S})}{L_{PD}(-C_u(x, x^*, u^*;\theta_w, \theta_u))},
\label{eq:loss_controller}
\end{equation}
where $L_{PD}(\cdot) \geq 0$ is for penalizing non-positive definiteness, and $L_{PD}(A)=0$ iff. $A \succeq 0$. Obviously, $\mathcal{L}_u(\theta_w^*, \theta_u^*) = 0$ implies that $u(x,x^*,u^*;\theta_u^*)$ and $W(x;\theta_w^*)$ satisfy inequality~\eqref{eq:c3} exactly.
As shown in Proposition~\ref{prop:contracting}, the overshoot of the tracking error is affected by the condition number $\overline{m}/\underline{m}$ of the metric. Since the smallest eigenvalue of the dual metric is lower bounded by $\underline{w}$ by design, penalizing large condition numbers is equivalent to penalizing the largest eigenvalues, and thus the following risk function is used
\begin{equation}
\mathcal{L}_c(\theta_w) = \mathop{\mathbb{E}}\limits_{(x,x^*,u^*) \sim \rho(\mathcal{S})}{L_{PD}(\overline{w}\mathbf{I} - W(x;\theta_w))},
\label{eq:loss_condition_number}
\end{equation}
where $\overline{w}$ is a hyper-parameter.
However, jointly learning a metric and a controller by minimizing $\mathcal{L}_u$ solely is hard and leads to poor results. Inspired by the CCM theory, we add two auxiliary loss terms for the dual metric to mitigate the difficulty of minimizing $\mathcal{L}_u$. As shown in Sec.~\ref{sec:prelim}, conditions~\eqref{eq:c1} and~\eqref{eq:c2} are sufficient for a metric to be a valid CCM. Intuitively, imposing these constraints on the dual metric $W(x;\theta_w)$ provides more guidance for optimization. More discussion can be found in Appendix. Denoting the LHS of Eq.~\eqref{eq:c1} and~\eqref{eq:c2} by $C_1(x; \theta_w)$ and $\{C_2^j(x; \theta_w)\}_{j=1}^{m}$, the following risk functions are used
\begin{equation}\label{eq:loss_metric}
\mathcal{L}_{w1}(\theta_w) = \mathop{\mathbb{E}}\limits_{(x,x^*,u^*) \sim \rho(\mathcal{S})} L_{PD}(-C_1(x;\theta_w));
\mathcal{L}_{w2}(\theta_w) = \sum_{j=1}^{m} \mathop{\mathbb{E}}\limits_{(x,x^*,u^*) \sim \rho(\mathcal{S})} \|C_2^i(x;\theta_w)\|_F,
\end{equation}
where $\|\cdot\|_F$ is the Frobenius norm.
Please note that in some cases, condition \eqref{eq:c2} can be automatically satisfied for all $\theta_w$ by designing $W(\cdot)$ appropriately. As stated in~\citep{singh2019learning}, if the matrix $B(x)$ is sparse and of the form
$B(x) = \begin{bmatrix}0_{(n-m) \times m}\\ b(x)\end{bmatrix}$,
where $b(x)$ is an invertible matrix, condition~\eqref{eq:c2} can be automatically satisfied for all $x$ and all $\theta_w$ by
making the upper-left $(n-m) \times (n-m)$ block of $W(x; \theta_w)$ not a function of the last $(n-m)$ elements of $x$.
In~\cite{singh2019learning,singh2019robust}, such sparsity assumptions are necessary for their approach to work.
For dynamical models satisfying this assumption, we make use of this property by designing $W$ to satisfy such a structure and eliminate $\mathcal{L}_{w2}$ since it will always be $0$. For models not satisfying this assumption, we will show in Sec.~\ref{sec:exps} the impact of the loss term $\mathcal{L}_{w2}$.
In order to train the neural network using sampled data, the following \textit{empirical risk} function is used
\begin{multline}
\mathcal{L}(\theta_u,\theta_w) = \frac{1}{N} \sum_{i=1}^{N} \Big[ L_{PD}(-C_u(x_i, x^*_i, u^*_i;\theta_w, \theta_u)) + L_{PD}(-C_1(x_i;\theta_w)) \\+ \sum_{j=1}^{m} \|C_2^j(x_i;\theta_w))\|_F + L_{PD}(\overline{w}\mathbf{I} - W(x_i;\theta_w)) \Big],
\end{multline}
where $\{(x_i, x^*_i, u^*_i)\}_{i=1}^{N}$ are drawn independently from $\rho(\mathcal{S})$, and $L_{PD}$ is implemented as follows. Given a matrix $A \in \mathbb{R}^{n \times n}$, we randomly sample $K$ points $\{p_i \in \mathbb{R}^n~|~||p_i||_2 = 1\}_{i=1}^{K}$. Then, the loss function is calculated as $L_{PD}(A) = \frac{1}{K} \sum_{i=1}^{K} \min\{0, -p_i ^\intercal A p_i\}$.
\subsection{Theoretical convergence guarantees}\label{sec:guarantees}
As discussed in Sec.~\ref{sec:controller_design}, satisfaction of inequality \eqref{eq:c3} for all $(x,x^*,u^*) \in \mathcal{S}$ is a strong guarantee to show the validity of $M(x)$ as a contraction metric and therefore provide convergence guarantees. SMT solvers~\cite{chang2019neural} are valid tools for verifying the satisfaction of \eqref{eq:c3} on the uncountable set $\mathcal{S}$. However, SMT solvers for NN have poor scalability and cannot handle the neural networks used in our experiments. Moreover, we observed in experiments that even if inequality~\eqref{eq:c3} does not hold for all $(x,x^*,u^*) \in \mathcal{S}$, the learned controller still has perfect performance. Therefore, we introduce two approaches to provide guarantees on the satisfaction of inequality \eqref{eq:c3} or on the tracking error directly, which in practice are easier to validate and still give the needed level of assurance.
\paragraph{Deterministic guarantees using Lipschitz continuity.}\label{sec:DG}
For a Lipschitz continuous function $f: \mathcal{X} \mapsto \mathbb{R}$ with Lipschitz constant $L_f$, discretizing the domain $\mathcal{X}$ such that the distance between any grid point and its nearest neighbor is less than $\tau$, if $f(x_i) < -L_f \tau$ holds for all grid point $x_i$, then $f(x) < 0$ holds for all $x \in \mathcal{X}$. We show in the following proposition that the largest eigenvalue of the LHS of inequality~\eqref{eq:c3} indeed has a Lipschitz constant if both the dynamics and the learned controller and metric have Lipschitz constants.
\begin{proposition}\label{thm:lconstant}
Let $A$, $B$, $K$, and $M$ be functions of $x$, $x^*$, and $u^*$.
If $\dot{M}$, $ M$, $A$, $B$, and $K$ all have Lipschitz constants $L_{\dot{M}}, L_M$, $L_A$, $L_B$, and $L_K$ respectively, and $2$-norms of the last four are all bounded by $S_M$, $S_A$, $S_B$, and $S_K$ respectively, then the largest eigenvalue function
$\lambda_{\max}\left( \dot{M} + \reallywidehat{M(A+BK)} + 2 \lambda M \right)$ has a Lipschitz constant $L_{\dot{M}} + 2 \left(S_ML_A + S_A L_M + S_MS_BL_K + S_BS_KL_M + S_M S_KL_B + \lambda L_M \right)$.
\end{proposition}
The proof of Proposition~\ref{thm:lconstant} is provided in Appendix. Combining discrete samples and the Lipschitz constant from Proposition~\ref{thm:lconstant} can guarantee the strict satisfaction of inequality~\eqref{eq:c3} on the uncountable set $\mathcal{S}$.
The Lipschitz constants for the metric and controller NNs can be computed using various existing tools such as the methods in~\citep{fazlyab2019efficient}.
An example demonstrating the verification process is given in Appendix. Since the estimate of the Lipschitz constant is too conservative, it usually requires a huge number of samples to verify the learned controller. Fortunately, this process only requires forward computation of the NN and thus can be done relatively fast.
\paragraph{Probabilistic guarantees.}\label{sec:PG}
We observed that even if inequality~\eqref{eq:c3} does not hold for all points in $\mathcal{S}$, the learned controller can still drive all simulated trajectories to converge to reference trajectories.
This motivates us to derive probabilistic guarantees on the convergence as an alternative in the trajectory space. The probabilistic guarantee is derived based on a simple result from conformal prediction~\citep{vovk2005algorithmic}.
Let us consider the process of evaluating a tracking controller using a \textit{quality metric function}. Given an \textit{evaluation configuration} including the initial state $x(0)$, and the initial reference state $x^{*}(0)$ and reference control signal $u^{*}(t)$, we can get the actual trajectory $x(t)$ controlled by the tracking controller. The quality metric function summarizes the tracking error curve $\|x^{*}(t) - x(t)\|_2$ into a scalar which can be viewed as a score for the tracking. Now, it is clear that the quality metric function is a mapping from the evaluation configuration to a score. The following proposition gives a probabilistic guarantee on the distribution of the quality score based on empirical observations.
\begin{proposition}\label{prop:quantile}
Given a set of $n$ i.i.d. evaluation configurations, let $\{m_i\}_{i=1}^{n}$ be the quality scores for each configuration. Then, for a new i.i.d. evaluation configuration and the corresponding quality score $m_{n+1}$, we have
$\Pr(m_{n+1} \geq q_{1-\alpha}) \leq 1 - \alpha, $
where $q_{1-\alpha}$ is the $(1-\alpha)$-th quantile of $\{m_i\}_{i=1}^{n}$.
\end{proposition}
Note that Proposition~\ref{prop:quantile} asserts guarantees on the marginal distribution of $m_{n+1}$, which should be distinguished from the conditional distribution. Such probabilistic guarantees work on the trajectory space and therefore can be applied to any method that finds tracking controllers.
In Sec.~\ref{sec:exps}, we evaluate all the methods in comparison by computing the probabilistic guarantees using either the average tracking error or the convergence rate as the quality metric.
\subsection{Robustness of the learned controller}
\label{sec:robustness}
When the closed-loop system run with disturbances, the tracking error is still bounded as follows.
\begin{theorem}\label{thm:robustness}
Given $M(x)$ and $u(x,x^*,u^*)$ satisfying inequality~\eqref{eq:c3}, since $M(x) \in S_n^{> 0}$, there exist $\overline{m} \geq \underline{m} > 0$ such that $\underline{m}\mathbf{I} \preceq M(x) \preceq \overline{m}\mathbf{I}$ for all $x$. Assume that the disturbance is uniformly bounded as $\|d(t)\|_2 \leq \epsilon$. Now, for the same reference, considering the trajectories $x_1(t)$ and $x_2(t)$ of the unperturbed and the perturbed closed-loop system respectively, the distance between these two trajectories can be bounded as $\|x_1(t) - x_2(t)\|_2 \leq \frac{R_0}{\sqrt{\underline{m}}} e^{-\lambda t} + \sqrt{\frac{\overline{m}}{\underline{m}}} \cdot \frac{\epsilon}{\lambda} (1 - e^{- \lambda t})$,
where $R_0 = \int_{x_1(0)}^{x_2(0)} \sqrt{\delta_x^\intercal M(x) \delta_x}$ is the geodesic distance between $x_1(0)$ and $x_2(0)$ under metric $M(x)$.
\end{theorem}
The proof of Theorem~\ref{thm:robustness} is inspired by Theorem 1 in~\cite{tsukamoto2020neural} and is provided in Appendix. In practice $\overline{m}$ and $\underline{m}$ can be computed using samples and the Lipschitz constant of the eigenvalues of $M(x)$ as discussed in Sec.~\ref{sec:guarantees}.
\section{Evaluation of performance}\label{sec:exps}
We evaluate the C3M approach on 9 representative case studies (5 of them are reported in Appendix), including high-dimensional (up to $9$ state variables and $3$ control variables) models and a system with learned dynamics represented by a neural network. All our experiments were conducted on a Linux workstation with two Xeon Silver 4110 CPUs, 32 GB RAM, and a Quadro P5000 GPU. Please note that the execution time reported in Tab.~\ref{tab:results} were all evaluated on CPU.
\textbf{Comparison methods.} We compare the performance of \textcolor{black}{C3M } with $3$ different leading approaches for synthesizing tracking controllers, including both model-based and model-free methods. To be specific, the methods include
\begin{inparaenum}[(1.)]
\item \textbf{SoS:} the SoS-based method proposed in \citep{singh2019robust}, using the official implementation~\footnote{\url{https://github.com/StanfordASL/RobustMP}}.
\item \textbf{MPC:}
an open-source implementation of MPC on PyTorch~\citep{mpcPytorch}, which solves nonlinear implicit MPC problems using the first-order approximation of the dynamics~\citep{tassa2014control}.
\item \textbf{RL:}
the Proximal Policy Optimization (PPO) RL algorithm~\citep{schulman2017proximal} implemented in Tianshou~\footnote{\url{https://github.com/thu-ml/tianshou}}.
\end{inparaenum}
Note that although RL is often used in a model-free setting, the advances in deep neural networks have made RL an outstanding tool for controller learning.
\textbf{Studied systems.} We study 4 representative system models adopted from classical benchmarks:
\begin{inparaenum}[(1).]
\item \textbf{PVTOL} models a planar vertical-takeoff-vertical-landing (PVTOL) system for drones and is adopted from~\citep{singh2019robust, singh2019learning}.
\item \textbf{Quadrotor} models a physical quadrotor and is adopted from~\citep{singh2019robust}.
\item \textbf{Neural lander} models a drone flying close to the ground so that ground effect is prominent and therefore could not be ignored~\citep{liu2019robust}.
Note that in this model the ground effect is learned from empirical data of a physical drone using a $4$-layer neural network~\citep{liu2019robust}. Due to the neural network function in the dynamics, the SoS-based method as in~\citep{singh2019robust} cannot handle such a model since neural networks are hard to be approximated by polynomials. %
\item \textbf{SEGWAY} models a real-world Segway robot and is adopted from \citep{taylor2019learning}.
Since this model does not satisfy the sparsity assumption for matrix $B$ in Sec.~\ref{sec:controller_design}, SoS-based method cannot handle it.
With this model, we also study the impact of the regularization term $\mathcal{L}_{w2}$ in Equation~\eqref{eq:loss_metric} for learning a tracking controller.
\end{inparaenum}
We report the performance of \textcolor{black}{C3M } on $5$ other examples in Appendix, including a 10D quadrotor model, a cart-pole model, a pendulum model, a two-link planar robot arm system, and the Dubin's vehicle model in Fig.~\ref{fig:arch}. The detailed dynamics of the above 4 representative system models are also reported in Appendix.
\textbf{Implementation details.} For all systems studied here, we model the dual metric as $W(x) = C(x; \theta_w)^\intercal C(x; \theta_w) + \underline{w} \mathbf{I}$ where $C(x; \theta_w) \in \mathbb{R}^{n \times n}$ is a 2-layer neural network, of which the hidden layer contains 128 neurons. We use a relative complex structure for the controller. First, two weight matrices of the controller $w_1 = w_1(x, x^*; \theta_{u1})$ and $w_2 = w_2(x, x^*; \theta_{u2})$ are modeled using two 2-layer neural networks with 128 neurons in the hidden layer, where $\theta_{u1}$ and $\theta_{u2}$ are the parameters. Then the controller is given by $u(x,x^*,u^*; \theta_u) = w_2 \cdot \tanh(w_1 \cdot (x-x^*)) + u^*$, where $\theta_u = \{\theta_{u1}, \theta_{u2}\}$ and $\tanh(\cdot)$ is the hyperbolic tangent function. It is easy to verify the assumptions made in Sec.~\ref{sec:controller_design} are satisfied: For the controller, $x = x^* \Rightarrow u(x, x^*, u^*; \theta_u) = u^*$ for all $\theta_u$. For the metric, $W(x;\theta_w)$ is a symmetric matrix satisfying $W(x;\theta_w) \succeq \underline{w}\mathbf{I}$ for all $x$ and all $\theta_w$. A training set with 130K samples is used. We train the NN for $20$ epochs with the Adam~\citep{kingma2014adam} optimizer.
The process of generating random reference trajectories $x^*$ is critical in the evaluation of tracking controllers and also a fundamental part in RL training.
We pre-define a group of sinusoidal signals with some fixed frequencies and randomly sampled a weight for each frequency component, then the reference control inputs $u^*(t)$ are calculated as the linear combination of the sinusoidal signals. The initial states of the reference trajectories $x^*(0)$ are uniformly randomly sampled from a compact set. Using $x^*(0)$ and $u^*(t)$, we can get the reference trajectories $x^{*}(t)$ following the system dynamics~\eqref{eq:sys} with $d(t)=0$. For evaluation, the initial errors $x_e(0)$ are uniformly randomly sampled from a bounded set, and the initial states $x(0)$ are computed as $x(0) = x^*(0) + x_e(0)$. Trajectories of the closed-loop systems are then simulated on a bounded time horizon $[0, T]$.
To make use of the model-free PPO RL library, we formulate some key concepts as follows. The state of the environment at time $t$ is the concatenation of $x(t)$ and $x^*(t)$. At the beginning of each episode, the environment randomly samples two initial points as $x(0)$ and $x^*(0)$ respectively, and a reference control input $u^*(t)$ using the aforementioned sampling method. At each transition, the environment takes the action $u(t)$ from the agent, and returns the next state as $x(t+\Delta t) = x(t) + \Delta t (f(x(t)) + B(x(t))(u(t)+u^*(t)))$ and $x^*(t+\Delta t) = x^*(t) + \Delta t (f(x^*(t)) + B(x^*(t))u^*(t))$, and the reward as $r_t = 1 / (1 + ||w \circ (x(t+\Delta t) - x^*(t+\Delta t))||_2)$, where $w$ are predefined weights for each state. For a fair comparison, RL and our method share the same architecture for the controller.
For the MPC-PyTorch library, we observe that the time horizon, also called the receding time window for computing the control sequence, plays a crucial role. With smaller time window, the resulting controller cannot always produce trajectories that converge to the reference trajectory. The larger the time window is, the smaller the tracking errors are. However, a large time window can also cause the computational time to increase. As a trade-off, we set time window to be $50$ time units in all cases.
\begin{table}[h!]
\centering
\caption{\footnotesize Comparison results of \textcolor{black}{C3M } vs. other methods. $n$ and $m$ are dimensions of the state and input space.}
\resizebox{\columnwidth}{!}{
\begin{tabular}{c|c|c|c|c|c|c|c|c|c|c|c|c|c|c}
\toprule
\multirow{2}{*}{Model} & \multicolumn{2}{c|}{Dim} & \multicolumn{4}{c|}{Execution time per step (ms)} & \multicolumn{4}{c|}{Tracking error (AUC)} & \multicolumn{4}{c}{Convergence rate ($\lambda/C$)}\\
\cline{2-15}
& $n$ & $m$ & \textcolor{black}{C3M } & SoS & MPC & RL & \textcolor{black}{C3M } & SoS & MPC & RL & \textcolor{black}{C3M } & SoS & MPC & RL\\
\hline
PVTOL & 6 & 2 & 0.41 & 3.4 & 1968 & 0.41 & 0.659 & 0.975 & 0.892 & 0.735 & 1.153/3.95 & 0.864/4.91 & 0.489/4.95 & 0.799/3.84\\
\hline
Quadrotor & 9 & 3 & 0.40 & 12.6 & 3535 & 0.40 & 0.772 & 1.103 & 0.977 & 1.416 & 1.078/3.63 & 0.821/3.30 & 0.401/2.23 & 0.187/1.37 \\
\hline
Neural lander & 6 & 3 & 0.36 & - & 3385 & 0.36 & 0.588 & - & 0.713 & 0.793 & 1.724/2.89 & - & 0.822/1.34 & 0.606/1.30 \\
\hline
Segway & 4 & 1 & 0.29 & - & - & 0.29 & 0.704 & - & - & 1.408 & 0.446/3.11 & - & - & 0.168/8.12\\
\bottomrule
\end{tabular}
}
\label{tab:results}
\end{table}
\begin{figure}[t]
\centering
\includegraphics[width=0.24\textwidth,trim=0 0 0 0,clip]{figures/PVTOL_ours-RL-MPC-SOS_error_new_log_new.pdf}
\includegraphics[width=0.24\textwidth,trim=0 0 0 0,clip]{figures/QUAD_ours-RL-MPC-SOS_error_new_log_new.pdf}
\includegraphics[width=0.24\textwidth,trim=0 0 0 0,clip]{figures/NL_ours-RL-MPC_error_new_log_new.pdf} \includegraphics[width=0.24\textwidth,trim=0 0 0 0,clip]{figures/SEGWAY_wwo_LB-RL_error_new_log_new.pdf}
\caption{\footnotesize Normalized tracking error on the benchmarks using different approaches. The $y$ axes are in log-scale. The tubes are tracking errors between mean plus and minus one standard deviation over 100 trajectories.}
\label{fig:results}
\end{figure}
\textbf{Results and discussion} Results are reported in Tab.~\ref{tab:results} and Fig.~\ref{fig:results}. For each benchmark, a group of evaluation configurations was randomly sampled using the aforementioned sampling method, and then each method was evaluated with these configurations.
In Fig.~\ref{fig:results} we show the normalized tracking error $x_e(t) = ||x(t) - x^*(t)||_2 / ||x(0) - x^*(0)||_2$ for each model and each available method. In Tab.~\ref{tab:results}, we evaluate the tracking controllers using two quality metrics as discussed in Sec.~\ref{sec:PG}. (1)~Total tracking error: Given the normalized tracking error curve $x_e(t)$ for $t \in [0, T]$, the total tracking error is just the area under this curve (AUC). (2)~Convergence rate: Given a set of tracking error curves, first we do the following for the error curve $x_e(t)$ that possesses the highest overshoot: We search for the convergence rate $\lambda > 0$ and the overshoot $C \geq 1$ such that $x_e(t) \leq Ce^{-\lambda t}$ for all $t \in [0, T]$ and the AUC of $Ce^{-\lambda t}$ is minimized. Then, $C$ is fixed, and the convergence rate $\lambda$ is calculated for each curve. After obtaining the quality scores for all the error curves, we report the $(1-\alpha)$-th quantile with $\alpha= 0.05$ as in Sec.~\ref{sec:PG}. %
Some observations are in order.
\begin{inparaenum}[(1)]
\item On PVTOL and the quadrotor models, both SOS and our method successfully found tracking controllers such that the tracking error decreases rapidly.
However, the SOS-based method entails the calculation of geodesics on the fly for control synthesis, while our method learns a neural controller offline, which makes a difference in running time. Also, due to the aforementioned limitations on control matrix sparsity, the SOS-based method cannot be applied to the neural lander and Segway.
\item The performance of the RL method varies with tasks. On PVTOL and the neural lander models, RL achieved comparable results. However, since the state space of the quadrotor model is larger, RL failed to find a contracting tracking controller within a reasonable time. As for the Segway model, although we have tried our best to tune the hyper-parameters, RL failed to find a reasonable controller.
\item Running time of MPC is not practical for online control tasks. Also, the MPC library used in experiments failed to handle the Segway model due to numerical issues.
\item The results of our methods with and without penalty term $\mathcal{L}_{w2}$ on Segway verify the sufficiency of this cost term when the sparsity assumption for $B$ is not satisfied.
\end{inparaenum}
\section{Conclusion}
In this paper, we showed that a certified tracking controller with guaranteed convergence and tracking error bounds can indeed be learned by learning a control contraction metric simultaneously as guidance. Results indicated that such a learned tracking controller can better track the reference or nominal trajectory, and the execution time of such a controller is much shorter than online control methods such as MPC. In future works, we plan to extend our learning framework to systems with unknown dynamics and control non-affine systems.
\acknowledgments{The authors acknowledge support from the
DARPA Assured Autonomy under
contract FA8750-19-C-0089,
U.S. Army Research Laboratory Cooperative Research Agreement W911NF-17-2-0196, U.S. National Science
Foundation(NSF) grants \#1740079 and \#1750009. The views, opinions and/or findings expressed are those of the author(s) and should not be interpreted as representing the official views or policies of the Department of Defense or the U.S. Government.}
|
\section{Appendices}\label{sec: appendix}
\section*{Ethics Statement}
\printbibliography
\input{appendix}
\end{document}
\section{Introduction}\label{sec:intro}
In this paper, we consider online convex optimization (OCO) with switching costs, also known as ``smoothed'' OCO (SOCO) in the literature \cite{chen2015online,goel2019online,lin2019online,goel2019beyond,chen2018smoothed}. The stage costs are time-varying but the decision maker (agent) has access to noisy predictions on the future costs. Specifically, we consider stage cost function $f(x_t;\theta_t)$ parameterized by a time-varying parameter $\theta_t\in \Theta$. At each stage $t\in
\{1,2,\cdots, T\}$, the agent receives the predictions of the future parameters $\theta_{t\mid t-1}, \dots, \theta_{T\mid t-1}$, takes an action $x_t \in \mathbb X$, and suffers the stage cost $f(x_t;\theta_t)$ plus a switching cost $d(x_t, x_{t-1})$. The switching cost $d(x_t, x_{t-1})$ penalizes the changes in the actions between consecutive stages. This problem enjoys a wide range of applications.
For example, in the data center management problems \cite{lin2012online,lin2013dynamic}, the switching cost captures the switch on/off costs of the servers \cite{lin2013dynamic}, and noisy predictions on future electricity prices and network traffic are available for the center manager \cite{wang2017multi,cortez2012multi}. Other applications include smart building \cite{zanini2010online,li2019distributed}, robotics \cite{baca2018model}, smart grid \cite{gan2014real}, connected vehicles \cite{rios2016survey}, optimal control \cite{li2019online}, etc.
Unlike OCO \cite{hazan2016introduction}, the switching costs considered in SOCO introduce coupling among all stages, so multi-step-ahead predictions are usually used for promoting the online performance. However, in most cases, predictions are not accurate, and longer-term predictions tend to suffer lower quality. Therefore, it is crucial to study \textit{how to use the multi-step-ahead predictions effectively}, especially, \textit{how to reduce the impact of long-term prediction errors on the online performance.}
Recent years have witnessed a growing interest in studying SOCO with predictions. However, most literature avoids the complicated analysis on noisy multi-step-ahead predictions by considering a rather simplified prediction model: the costs in the next $W$ stages are accurately predicted with no errors while the costs beyond the next $W$ stages are adversarial and not predictable at all \cite{lin2012online,lin2013dynamic,li2018online,li2019online,lin2019online}. This first-accurate-then-adversarial model is motivated by the fact that long-term predictions are much worse than the short-term ones, but it fails to capture the gradually increasing prediction errors as one predicts further into the future.
Several online algorithms have been proposed for this model, e.g. the optimization-based algorithm AFHC \cite{lin2012online}, the gradient-based algorithm RHGD \cite{li2018online}, etc.
Moreover, there have been a few attempts to consider noisy multi-step-ahead predictions in SOCO. In particular, \cite{chen2015online} proposes a stochastic prediction error model to describe the correlation among prediction errors. This stochastic model generalizes stochastic filter prediction errors. Later, \cite{chen2016using} proposes an optimization-based algorithm CHC, which generalizes AFHC and MPC \cite{rawlings2017model}, and analyzes its performance based on the stochastic model in \cite{chen2015online}.
However, many important questions remain unresolved for SOCO with noisy predictions. For example, though the discussions on the stochastic model in \cite{chen2015online,chen2016using} are insightful, there still lacks a general understanding on the effects of prediction errors on SOCO without any (stochastic model) assumptions. Moreover, most methods in the literature \cite{lin2012online,chen2015online,chen2016using} require fully solving multi-stage optimization programs at each stage; it is unclear whether any gradient-based algorithm,
which is more computationally efficient, would work for SOCO with noisy multi-step-ahead predictions.
\noindent\textbf{Our contributions.}
In this paper, we introduce a gradient-based online algorithm Receding Horizon Inexact Gradient (RHIG). It is a straightforward extension of RHGD, which was designed for the simple first-accurate-then-adversarial prediction model in \cite{li2018online}. In RHIG, the agent can choose to utilize only $W\geq 0$ steps of future predictions, where $W$ is a tunable parameter for the agent.
We first analyze the dynamic regret of RHIG by considering general prediction errors without any (stochastic model) assumptions. Our regret bound depends on both the errors of the utilized predictions, i.e. $k$-step-ahead prediction errors for $k\leq W$; and the temporal variation of the environment $V_T=\sum_{t=1}^T\sup_{x\in \mathbb X}|f(x;\theta_t)-f(x;\theta_{t-1})|$. Interestingly, the regret bound shows that the optimal choice of $W$
depends on the tradeoff between the variation of environment $V_T$ and the prediction errors, that is, a large $W$ is preferred when $V_T$ is large while a small $W$ is preferred when the prediction errors are large. Further, the $k$-step prediction errors have an exponentially decaying influence on the regret bound as $k$ increases, indicating that RHIG effectively reduces the negative impact of the noisy multi-step-ahead predictions.
We then consider the stochastic prediction error model in \cite{chen2015online,chen2016using} to analyze the performance of RHIG under correlated prediction errors. We provide an expected regret bound and a concentration bound on the regret. In both bounds, the long-term correlation among prediction errors has an exponentially decaying effect, indicating RHIG's good performance even with strongly correlated prediction errors.
Finally, we numerically test RHIG on online quadrotor tracking problems. Numerical experiments show that RHIG outperforms AFHC and CHC especially under larger prediction errors. Besides, we show that RHIG is robust to unforeseen shocks in the future.
\noindent\textbf{Additional related work:} There is a related line of work on predictable OCO (without switching costs) \cite{hall2013dynamical,rakhlin2013online,rakhlin2013optimization,jadbabaie2015online}. In this case, stage decisions are fully decoupled and only one-step-ahead predictions are relevant. The proposed algorithms include OMD \cite{rakhlin2013online,rakhlin2013optimization}, DMD \cite{hall2013dynamical}, AOMD \cite{jadbabaie2015online}, whose regret bounds depend on one-step prediction errors \cite{rakhlin2013optimization,jadbabaie2015online,hall2013dynamical} and $V_T$ if dynamic regret is concerned \cite{jadbabaie2015online}.
Besides, it is worth mentioning the related online decision making problems with coupling across stages, e.g. OCO with memory \cite{anava2015online,shi2020beyond}, online optimal control \cite{agarwal2019online,li2019online,li2020online,goel2017thinking}, online Markov decision processes \cite{even2009online,li2019onlinemdp,li2019onlineicml}, etc. Leveraging inaccurate predictions in these problems is also worth exploring.
\noindent\textbf{Notation:} $\Pi_{\mathbb X}$ denotes the projection onto set $\mathbb X$. $\mathbb X^T=\mathbb X\times\cdots \times \mathbb X$ is a Cartesian product. $\nabla_x $ denotes the gradient with $x$. $\sum_{t=0}^k a_t=0$ if $k<0$. $\|\cdot\|_F$ and $\|\cdot \|$ are Frobenius norm and $L_2$ norm
\section{Problem Formulation}
Consider stage cost function $f(x_t;\theta_t)$ with a time-varying parameter $\theta_t \in \Theta$ and a switching cost $d(x_t, x_{t-1})$ that penalize the changes in the actions between stages. The total cost in horizon $T$ is:.
$
C(\bm x;\bm \theta)=\sum_{t=1}^T\left[ f(x_t;\theta_t)+ d(x_t, x_{t-1})\right]$,
where $x_t \in \mathbb X \subseteq \mathbb R^n$, $\theta_t\in \Theta \subseteq \mathbb R^p$, and we denote $\bm x:=(x_1^\top, \dots, x_T^\top)^\top$, $\bm \theta=(\theta_1^\top, \dots, \theta_T^\top)^\top$. The switching cost enjoys many applications as discussed in Section~\ref{sec:intro}.
The presence of switching costs $d(x_t, x_{t-1})$ couples decisions among stages. Therefore, all parameters in horizon $T$, i.e. $\theta_1, \dots, \theta_T$, are needed to minimize $C(\bm x;\bm \theta)$. However, in practice, only predictions are available ahead of the time and the predictions are often inaccurate, especially the long-term predictions. This may lead to wrong decisions and degrade the online performance.
In this paper, we aim at designing an online algorithm to use prediction effectively and
unveil the unavoidable influences of the prediction errors on the online performance.
\noindent\textbf{Prediction models.} In this paper, we denote the prediction of the future parameter $\theta_{\tau}$ obtained at the beginning of stage $t$ as $\theta_{\tau\mid t-1}$ for $t\leq \tau \leq T$. The initial predictions $\theta_{1\mid 0}, \dots, \theta_{T\mid 0}$ are usually available before the problem starts.
We call $\theta_{t\mid t-k}$ as $k$-step-ahead predictions of parameter $\theta_{t}$ and let $\delta_{t}(k)$ denote the $k$-step-prediction error, i.e.
\begin{align}\label{equ: def of deltat(k)}
\delta_t(k):=\theta_{t}-\theta_{t\mid t-k}, \quad \forall 1\leq k\leq t.
\end{align}
For notation simplicity, we define $\theta_{t\mid \tau}:=\theta_{t\mid 0}$ for $\tau \leq 0$, and thus $\delta_t(k)=\delta_t(t)$ for $k\geq t$. Further, we denote the vector of $k$-step prediction errors of all stages as follows
\begin{align}
\bm \delta(k)=(\delta_1(k)^\top, \dots, \delta_T(k)^\top)^\top \in\mathbb R^{pT}
,\qquad \forall\, 1\leq k \leq T.
\end{align}
It is commonly observed that the number of lookahead steps heavily influences the prediction accuracy and in most cases long-term prediction errors are usually larger than short-term ones.
We will first consider the general prediction errors without additional assumptions on $\delta_t(k)$. Then, we will carry out a more insightful discussion for the case when the prediction error $\|\delta_t(k)\|$ is non-decreasing with the number of look-ahead steps $k$.
Further, it is also commonly observed that the prediction errors are correlated. To study how the correlation among prediction errors affect the algorithm performance, we adopt the stochastic model of prediction errors in \cite{chen2015online}. The stochastic model is a more general version of the prediction errors for Wiener filter, Kalman filter, etc. In Section 5, we will review this stochastic model and analyze the performance under this model.
\noindent\textbf{Protocols.} We summarize the protocols of our online problem below.
We consider that the agent knows the function form $f(\cdot\,;\cdot)$ and $d(\cdot\, , \cdot)$ a priori. For each stage $t=1, 2, \dots, T$, the agent
\begin{itemize}
\item receives the predictions $\theta_{t\mid t-1}, \dots, \theta_{T\mid t-1}$ at the beginning of stage;\footnote{
If only $W$-step-ahead predictions are received, we define $\theta_{t+\tau\mid t-1}:=\theta_{t+W-1\mid t-1}$ for $\tau\geq W$.}
\item selects $x_t$ based on the predictions and the history, i.e. $\theta_1, \dots, \theta_{t-1}, \theta_{t\mid t-1}, \dots, \theta_{T\mid t-1}$;
\item suffers $f(x_t; \theta_t)+ d(x_t, x_{t-1})$ at the end of stage after true $\theta_t$ is revealed.
\end{itemize}
\noindent\textbf{Performance metrics.} This paper considers (expected) dynamic regret \cite{jadbabaie2015online}.
The benchmark is the optimal solution $\bm x^*$ in hindsight when $\bm \theta$ is known, i.e.
$
\bm x^*= \argmin_{\bm x\in\mathbb X^T}C(\bm x; \bm \theta)
$,
where $\bm x^*=((x_1^*)^\top, \dots, (x_T^*)^\top)^\top$. Notice that $\bm x^*$ depends on $\bm \theta$ but we omit $\bm \theta$ for brevity. Let $\bm x^\mathcal A$ denote the actions selected by the online algorithm $\mathcal A$. The dynamic regret of $\mathcal A$ with parameter $\bm \theta$ is defined as
\begin{equation}
\text{Reg}(\mathcal A)= C(\bm x^{\mathcal A};\bm \theta) -C(\bm x^*;\bm \theta )\label{equ: def dyn regret}
\end{equation}
When considering stochastic prediction errors, we define the expectation of the dynamic regret: $$
\E[\text{Reg}(\mathcal A)]= \E\left[C(\bm x^{\mathcal A};\bm\theta) -C(\bm x^*;\bm \theta )\right]\label{equ: def exp dyn regret},$$
where the expectation is taken with respect to the randomness of the prediction error as well as the randomness of $\theta_t$ if applicable.
Lastly, we consider the following assumptions throughout this paper.
\begin{assumption}\label{ass: strong convexity smooth}
$f(x;\theta)$ is $\alpha$ strongly convex and $l_f$ smooth with respect to $x\in \mathbb X$ for any $\theta\in \Theta$. $d(x,x')$ is convex and $l_d$ smooth with respect to $x,x'\in \mathbb X$.
\end{assumption}
\begin{assumption}\label{ass: grad lip cont}
$\nabla_x f(x;\theta)$ is $h$-Lipschitz continuous with respect to $\theta$ for any $x$, i.e.
\begin{align*}
& \left\|\nabla_x f(x;\theta_1)- \nabla_x f(x;\theta_2)\right\|\leq h \|\theta_1-\theta_2\|, \ \forall\, x \in \mathbb X, \ \theta_1, \theta_2 \in \Theta.
\end{align*}
\end{assumption}
Assumption \ref{ass: strong convexity smooth} is common in convex optimization literature \cite{nesterov2013introductory}. Assumption \ref{ass: grad lip cont} ensures a small prediction error on $\theta$ only causes a small error in the gradient. Without such an assumption, little can be achieved with noisy predictions. Lastly, we note that these assumptions are for the purpose of theoretical regret analysis. The designed algorithm would apply for general convex smooth functions.
\section{\textbf{R}eceding Horizon \textbf{I}nexact \textbf{G}radient (RHIG)} \label{sec: online alg}
This section introduces our online algorithm Receding Horizon Inexact Gradient (RHIG). It is based on a promising online algorithm RHGD \cite{li2018online} designed for an over-simplified prediction model: at stage $t$, the next $W$-stage parameters $\{\theta_{\tau}\}_{\tau=t}^{t+W-1}$ are exactly known but parameters beyond $W$ steps are adversarial and totally unknown. We will first briefly review RHGD
and then introduce our RHIG as an extension of RHGD to handle the inaccurate multi-step-ahead predictions.
\subsection{Preliminary: RHGD with accurate lookahead window}
RHGD is built on the following observation: the $k$-th iteration of offline gradient descent (GD) on the total cost $C(\bm x; \bm \theta)$ for stage variable $x_{\tau}(k)$, i.e.,
\begin{equation}\label{equ: offline GD}
\begin{aligned}
&x_{\tau}(k) = \Pi_{\mathbb X}[x_{\tau}(k-1)-\eta \nabla_{ x_{\tau}} C(\bm x(k-1);\bm \theta)], \quad \forall 1\leq \tau \leq T, \\
\text{where} \quad & \nabla_{x_{\tau}} C(\bm x;\bm \theta)=\nabla_{x_{\tau}} f(x_{\tau};\theta_{\tau})+ \nabla_{x_{\tau}} d(x_{\tau}, x_{\tau-1})+\nabla_{x_{\tau}} d(x_{\tau+1}, x_{\tau})\mathbbm{1}_{(\tau\leq T-1)},
\end{aligned}
\end{equation}
only requires neighboring stage variables
$x_{\tau-1}(k-1), x_{\tau}(k-1), x_{\tau+1}(k-1)$ and local parameter $\theta_{\tau}$, instead of all variables $\bm x(k-1)$ and all parameters $\bm \theta$. This observation allows RHGD \cite{li2018online} (Algorithm \ref{alg:RHGD}) to implement the offline gradient \eqref{equ: offline GD} for $W$ iterations by only using $\{\theta_{\tau}\}_{\tau=t}^{t+W-1}$. Specifically, at stage $2-W\leq t \leq T$, RHGD initializes $x_{t+W}(0)$ by an oracle $\phi$ (Line 4), where $\phi$ can be OCO algorithms (e.g. OGD, OMD \cite{hazan2016introduction}) that compute $x_{t+W}(0)$ with $\{\theta_{t}\}_{t=1}^{t+W-1}$.\footnote{For instance, if OGD is used as the initialization oracle $\phi$, then $x_{t+W}(0)=x_{t+W-1}(0)-\xi_{t+W} \nabla_{x} f(x_{t+W-1}(0);\theta_{t+W-1})$, where $\xi_{t+W}$ denotes the stepsize. } If $t+W>T$, skip this step.
Next, RHGD applies the offline GD \eqref{equ: offline GD} to compute $x_{t+W-1}(1),x_{t+W-2}(2), \dots, x_t(W)$, which only uses $\theta_{t+W-1}, \dots, \theta_t$ respectively (Line 5-7). RHGD skips $x_{\tau}$ if $\tau\not \in \{1, \dots, T\}$. Finally, RHGD outputs $x_t(W)$, the $W$-th update of offline GD.
\setlength{\intextsep}{5pt}
\begin{algorithm}\caption{Receding Horizon Gradient Descent (RHGD)\cite{li2018online}}
\label{alg:RHGD}
\begin{algorithmic}[1]
\STATE \textbf{Inputs:} Initial decision $x_0$; stepsize $\eta$; initialization oracle $\phi$
\STATE Let $x_1(0)=x_0$.
\FOR{$t=2-W, \dots, T$}
\STATE Initialize $x_{t+W}(0)$ by oracle $\phi$ if $t+W\leq T$.
\FOR{$\tau=\min(t+W-1,T)$ \textbf{downto} $\max(t,1)$}
\STATE Update $x_{\tau}(t+W-\tau)$ by the offline GD on $x_{\tau}$ in \eqref{equ: offline GD}.
\ENDFOR
\STATE Output $x_t(W)$ when $1\leq t \leq T$.
\ENDFOR
\end{algorithmic}
\end{algorithm}
\subsection{Our algorithm: RHIG for inaccurate predictions}\label{subsec: RHIG}
\begin{algorithm}\caption{Receding Horizon Inexact Gradient (RHIG)}
\label{alg:RHIG}
\begin{algorithmic}[1]
\STATE \textbf{Inputs:} {The length of the lookahead horizon: $W\geq 0$;} initial decision $x_0$; stepsize $\eta$; initialization oracle $\phi$
\STATE Let $x_1(0)=x_0$.
\FOR{$t=2-W$ to $T$}
\IF{$t+W\leq T$}
\STATE Compute $x_{t+W}(0)$ by the initialization oracle $\phi$ with inexact information.
\ENDIF
\FOR{$\tau=\min(t+W-1,T)$ \textbf{downto} $\max(t,1)$}
\STATE Compute $x_{\tau}(t+W-\tau)$ based on the prediction $\theta_{\tau\mid t-1}$ and the inexact partial gradient:
\begin{align}\label{equ: inexact offline GD}
&x_\tau(k)= \Pi_{\mathbb X}[x_\tau(k-1)-\eta g_\tau(x_{\tau-1:\tau+1}(k-1);\theta_{\tau\mid t-1})], \quad \text{where }k=t+W-\tau.
\end{align}
\ENDFOR
\STATE Output the decision $x_t(W)$ when $1\leq t \leq T$.
\ENDFOR
\end{algorithmic}
\end{algorithm}
With noisy predictions, it is natural
to use the prediction $\theta_{\tau\mid t-1}$ to estimate the future partial gradients,
\begin{align*}
g_{\tau}(x_{\tau-1:\tau+1};\theta_{\tau\mid t-1})=\nabla_{x_{\tau}} f(x_{\tau};\theta_{\tau\mid t-1})+ \nabla_{x_{\tau}} d(x_{\tau}, x_{\tau-1})+\nabla_{x_{\tau}} d(x_{\tau+1}, x_{\tau})\mathbbm{1}_{(\tau\leq T-1)},
\end{align*} and then updates $x_{\tau}$ by the estimated gradients. This motivates Receding Horizon Inexact Gradient (RHIG) in Algorithm \ref{alg:RHIG}. Compared with RHGD, RHIG has the following major differences.
\begin{itemize}[leftmargin=18pt]
\item (Line 1) Unlike RHGD, the lookahead horizon length $W\geq 0$ is tunable in RHIG. When selecting $W=0$, RHIG does not use any predictions in Line 5-7. When selecting $1\leq W\leq T$, RHIG utilizes at most $W$-step-ahead predictions $\{\theta_{\tau\mid t-1}\}_{\tau=t}^{t+W-1}$ in Line 5-7. Specifically, when $W=T$, RHIG utilizes all the future predictions $\{\theta_{\tau\mid t-1}\}_{\tau=t}^{T}$. Interestingly, one can also select $W>T$. In this case, RHIG not only utilizes all the predictions but also conducts more computation based on the initial predictions $\{\theta_{\tau\mid 0}\}_{\tau=1}^T$ at $t\leq 0$ (recall that $\theta_{\tau\mid t-1}=\theta_{\tau\mid 0}$ when $t\leq 0$). Notably, when $W\to +\infty$, RHIG essentially solves $ \argmin_{\bm x\in \mathbb X^T} C(\bm x; \{\theta_{\tau\mid 0}\}_{\tau=1}^T)$ at $t\leq 0$ to serve as warm starts at $t=1$.\footnote{For more discussion on $W>T$, we refer the reader to our supplementary material.} The choice of $W$ will be discussed in Section \ref{sec: regret general}-\ref{sec: stochastic}.
\item (Line 5) Notice that the oracle $\phi$ no longer receives $\theta_{t+W-1}$ exactly in RHIG, so OCO algorithms need to be modified here. For example, OGD initializes $x_{t+W}(0)$ by prediction $\theta_{t+W-1\mid t-1}$:
\begin{align}\label{equ: OGD initialization}
x_{\tau}(0)=\Pi_{\mathbb X}[x_{\tau-1}(0)-\xi_{\tau} \nabla_{x_{\tau-1}} f(x_{\tau-1}(0); \theta_{\tau-1\mid t-1})], \quad \text{where } \tau=t+W.
\end{align}
Besides, we note that since $\theta_{\tau\mid t-1}$ is available, OGD \eqref{equ: OGD initialization} can also use $\theta_{\tau\mid t-1}$ to update $x_{\tau}(0)$. Similarly, OCO algorithms with predictions, e.g. (A)OMD \cite{rakhlin2013online,jadbabaie2015online}, DMD \cite{hall2015online}, can be applied.
\item (Line 7) Instead of exact offline GD in RHGD, RHIG can be interpreted as inexact offline GD with prediction errors. Especially, \eqref{equ: inexact offline GD} can be written as $ x_{\tau}(k)=
x_{\tau}(k-1)-\eta \nabla_{ x_{\tau}} C(\bm x(k-1); \theta_{\tau} - \delta_{\tau}(W-k+1))$
by the definition \eqref{equ: def of deltat(k)}. More compactly, we can write RHIG updates as
\begin{align}\label{equ: RHGD as PGD}
\bm x(k)&=\Pi_{\mathbb X^T}\left[
\bm x(k-1)-\eta \nabla_{\bm x} C(\bm x(k-1); \bm \theta - \bm \delta(W-k+1))\right], \quad \forall\, 1\leq k \leq W,
\end{align}
where $\nabla_{\bm x} C(\bm x(k-1); \bm \theta - \bm \delta(W-k+1))$ is an inexact version of the gradient $\nabla_{\bm x} C(\bm x(k-1); \bm \theta )$.
\end{itemize}
\begin{figure}[t]
\centering
\includegraphics[scale=0.45]{illustration2.pdf}
\caption{Example: RHIG for $W=2, T=4$. (Orange) at $t=-1$, let $x_1(0)=x_0$. (Yellow) at $t=0$, initialize $x_2(0)$ by $\phi$, then compute $x_1(1)$ by inexact offline GD \eqref{equ: inexact offline GD} with prediction $\theta_{1\mid -1}=\theta_{1\mid 0}$. (Green) At $t=1$, initialize $x_3(0)$ by $\phi$, and update $x_2(1)$ and $x_1(2)$ by \eqref{equ: inexact offline GD} with $\theta_{2\mid 0}$ and $\theta_{1\mid 0}$ respectively. At $t=2$, initialize $x_4(0)$ by $\phi$, then update $x_3(1)$, $x_2(2)$ by inexact offline GD \eqref{equ: inexact offline GD} with $\theta_{3\mid 1}$ and $\theta_{2\mid 1}$ respectively. $t=3,4$ are similar. Notice that $ \bm x(1)=(x_1(1), \dots, x_4(1))$ is computed by inexact offline gradient with 2-step-ahead predictions, and $\bm x(2)$ by 1-step-ahead predictions.}
\label{fig: illustration}
\end{figure}
Though the design of RHIG is rather straightforward, both theoretical analysis and numerical experiments show promising performance of RHIG even under poor long-term predictions (Section \ref{sec: regret general}-\ref{sec: simulation}). Some intuitions are discussed below. By formula \eqref{equ: RHGD as PGD}, as the iteration number $k$ increases, RHIG employs inexact gradients with shorter-term prediction errors $\bm \delta(W-k+1)$. Since shorter-term predictions are often more accurate than the longer-term ones, RHIG gradually utilizes more accurate gradient information as iterations go on, reducing the optimality gap caused by inexact gradients. Further, the longer-term prediction errors used at the first several iterations are compressed by later gradient updates, especially for strongly convex costs where GD enjoys certain contraction property.
Lastly, with a gradient-based $\phi$ and a finite $W$, RHIG only utilizes gradient updates at each $t$ and is thus more computationally efficient than AFHC \cite{chen2015online} and CHC \cite{chen2016using} that solve multi-stage optimization.
\section{General Regret Analysis}\label{sec: regret general}
This section considers general prediction errors \textit{without} stochastic model assumptions and provides dynamic regret bounds and discussions,\footnote{The results in this section can be extended to more general time-varying cost functions, i.e. $f_t(\cdot)$, where the prediction errors will be measured by the difference in the gradients, i.e. $\sup_{x\in \mathbb X}\|\nabla f_t(x)-\nabla f_{t\mid t-k}(x)\|$.}
before which is a helping lemma on the properties of $C(\bm x;\bm \theta)$.
\begin{lemma}\label{lem: property C(x,theta)}
$C(\bm x; \bm \theta)$ is $\alpha$ strongly convex and $L=l_f+2l_d$ smooth with $\bm x\in \mathbb X^T$ for any $\bm \theta \in \Theta^T$.
\end{lemma}
The following theorem provides a general regret bound for RHIG with any initialization oracle $\phi$.
\begin{theorem}[General Regret Bound]\label{thm: general}
Under Assumption~\ref{ass: strong convexity smooth}-\ref{ass: grad lip cont}, for $W\geq 0$, oracle $\phi$, $\eta=\frac{1}{2L}$, we have
\begin{align}\label{equ: general regret bdd}
\textup{Reg}(RHIG
\leq & \ \frac{2L}{\alpha}\rho^W \textup{Reg}(\phi)+ \zeta \sum_{k=1}^{\min(W,T)}\rho^{k-1}\|\bm \delta(k)\|^2+ \mathbbm{1}_{(W>T)} \frac{\rho^T-\rho^W}{1-\rho}\zeta \|\bm \delta(T)\|^2,
\end{align}
where $\rho=1-\frac{\alpha}{4L}$, $\zeta=\frac{h^2}{\alpha}+\frac{h^2}{2L}$, $\textup{Reg}(\phi)= C(\bm x(0); \bm \theta)-C(\bm x^*;\bm \theta)$ and $\bm x(0)$ is computed by $\phi$.
\end{theorem}
The regret bound \eqref{equ: general regret bdd} consists of three terms. The first term $\frac{2L}{\alpha} \rho^W \text{Reg}(\phi)$ depends on $\phi$. The second term $\zeta \sum_{k=1}^{\min(W,T)}\rho^{k-1}\|\bm \delta(k)\|^2$ and the third term $\mathbbm{1}_{(W>T)} \frac{\rho^T-\rho^W}{1-\rho}\zeta \|\bm \delta(T)\|^2$ depend on the errors of the predictions used in Algorithm \ref{alg:RHIG} (Line 5-7). Specifically, when $W\leq T$, at most $W$-step-ahead predictions are used, so the second term involves at most $W$-step-ahead prediction errors $\{\bm \delta(k)\}_{k=1}^W$ (the third term is irrelevant). When $W>T$, RHIG uses all predictions, so the second term includes all prediction errors $\{\bm \delta(k)\}_{k=1}^T$; besides, RHIG conducts more computation by the initial predictions $\{\theta_{t\mid 0}\}_{t=1}^T$ at $t\leq 0$ (see Section \ref{sec: online alg}), causing the third term on the initial prediction error $\|\bm \delta(T)\|^2$.
\noindent\textbf{An example of $\phi$: restarted OGD \cite{besbes2015non}.} For more concrete discussions on the regret bound, we consider a specific $\phi$, restarted OGD \cite{besbes2015non}, as reviewed below. Consider an epoch size $\Delta$ and divide $T$ stages into $\ceil{T/\Delta}$ epochs with size $\Delta$. In each epoch $k$, restart OGD \eqref{equ: OGD initialization} and let $\xi_t=\frac{4}{\alpha j}$ at $t=k \Delta +j$ for $1\leq j\leq \Delta$.
Similar to \cite{besbes2015non}, we define the variation of the environment as $V_T=\sum_{t=1}^T\operatorname{sup}_{x\in \mathbb X}| f(x;\theta_t)-f(x;\theta_{t-1})|$, and consider $V_T$ is known and $1\leq V_T\leq T$.\footnote{This is without loss of generality. When $V_T$ is unknown, we can use doubling tricks and adaptive stepsizes to generate similar bounds \cite{jadbabaie2015online}. $1\leq V_T\leq T$ can be enforced by defining a proper $\theta_0$ and by normalization.} To obtain a meaningful regret bound, we impose Assumption \ref{ass: d <beta (x-y)^2/2}, where condition i) is common in OCO literature \cite{besbes2015non,jadbabaie2015online,mokhtari2016online} and condition ii) requires a small switching cost under a small change of actions.
\begin{assumption}\label{ass: d <beta (x-y)^2/2}
i) There exists $G>0$ such that
$ \|\nabla_x f(x; \theta)\|\leq G, \ \forall\, x\in \mathbb X, \theta\in \Theta$. ii) There exists $\beta$ such that $0\leq d(x,x') \leq \frac{\beta}{2}\|x-x'\|^2$.\footnote{Other norms work too, only leading to different constant factors in the regret bounds.}
\end{assumption}
\begin{theorem}[Regret bound of restarted OGD]\label{thm: ogd dyn regret}
Under Assumption \ref{ass: strong convexity smooth}-\ref{ass: d <beta (x-y)^2/2}, consider $T>2$ and $\Delta=\ceil{\sqrt{2T/V_T}}$, the initialization based on restarted OGD described above satisfies the regret bound:
\begin{align}\label{equ: ogd regret}
\textup{Reg}(OGD)\leq C_1 \sqrt{V_T T}\log(1+\sqrt{T/V_T})+ \frac{h^2}{\alpha} \|\bm\delta(\min(W,T))\|^2,
\end{align}
where $C_1=\frac{4\sqrt 2G^2}{\alpha}+\frac{32\sqrt 2\beta G^2}{\alpha^2} + 20$.
\end{theorem}
Notice that restarted OGD's regret bound \eqref{equ: ogd regret} consists of two terms: the first term $C_1 \sqrt{V_T T}\log(1+\sqrt{T/V_T})$ is consistent with the original regret bound in \cite{besbes2015non} for strongly convex costs, which increases with the environment's variation $V_T$; the second term depends on the $\min(W,T)$-step prediction error, which is intuitive since OGD \eqref{equ: OGD initialization} in our setting only has access to the inexact gradient $\nabla_{x_{s-1}} f(x_{s-1}(0); \theta_{s-1\mid s-W-1})$ predicted by the $\min(W,T)$-step-ahead prediction $\theta_{s-1\mid s-W-1}$.\footnote{We have this error term because we do not impose the stochastic structures of the gradient errors in \cite{besbes2015non}.}
\begin{corollary}[RHIG with restarted OGD initialization]\label{cor: RHIG-OGD determine}
Under the conditions in Theorem \ref{thm: general} and \ref{thm: ogd dyn regret}, RHIG with $\phi$ based on restarted OGD satisfies
\begin{align*
\textup{Reg}(RHIG)\leq \,&\underbrace{\rho^W \frac{2L}{\alpha} C_1\sqrt{V_T T}\log(1+\sqrt{T/V_T})}_{\textup{\blue{Part I}}}\\
&+\! \underbrace{{\frac{2L}{\alpha}}\frac{h^2}{\alpha}\rho^{W}\!\|\bm\delta(\min(W,T))\|^2\!+\! \! \sum_{k=1}^{\min(W,T)}\! \!\zeta\rho^{k-1}\|\bm \delta(k)\|^2\!+\!\mathbbm{1}_{(W>T)} \frac{\rho^T\!-\!\rho^W}{1-\rho}\zeta \|\bm \delta(T)\|^2}_{\textup{\blue{Part II}}}.
\end{align*}
where $\rho=1-\frac{\alpha}{4L}$, $\zeta=\frac{h^2}{\alpha}+\frac{h^2}{2L}$, and $C_1$ is defined in Theorem \ref{thm: ogd dyn regret}.
\end{corollary}
{\noindent\textbf{The order of the regret bound.} The regret bound in Corollary \ref{cor: RHIG-OGD determine} consists of two parts: Part I involves the variation of the environment $V_T$; while Part II consists of the prediction errors $\{\bm \delta(k)\}_{k=1}^{\min(W,T)}$. The regret bound can be written as $\tilde O(\rho^W\sqrt{V_T T}+\sum_{k=1}^{\min(W,T)}\rho^{k-1} \|\bm \delta(k)\|^2)$. The prediction errors $\|\bm \delta(k)\|^2$ can be either larger or smaller than $V_T$ as mentioned in \cite{jadbabaie2015online}. When $V_T=o(T)$ and $\|\bm \delta(k)\|^2=o(T)$ for $k\leq W$, the regret bound is $o(T)$. As a simple example of sublinear regrets, consider $\theta_{t-1}$ as the prediction of $\theta_{t+k}$ ($k\geq 0$) at time $t$, then $\|\bm \delta(k)\|^2=O(V_T)$ under proper assumptions, so when $V_T=o(T)$, the regret is $o(T)$.}
{\noindent\textbf{Impact of $V_T$.} The environment variation $V_T$ only shows up in the Part I of the regret bound in Corollary \ref{cor: RHIG-OGD determine}. Fixing $V_T$, notice that Part I decays exponentially with the lookahead window $W$. This suggests that the impact of the environment variation $V_T$ on the regret bound decays exponentially when one considers a larger lookahead window $W$, which is intuitive since long-term thinking/planning allows early preparation for changes in the future and thus mitigates the negative impact of the environment variation.}
\noindent\textbf{Impact of $\bm \delta(k)$.} Part II in Corollary \ref{cor: RHIG-OGD determine} includes the prediction error terms in \eqref{equ: ogd regret} and in Theorem \ref{thm: general}. Notably, for both $W\leq T$ and $W\geq T$, the factor in front of $\| \bm \delta(k)\|^2$ is dominated by $\rho^{k-1}$ for $1\leq k \leq \min(W,T)$, which decays exponentially with $k$ since $0\leq \rho<1$. {This suggests that the impact of the total $k$-step-ahead prediction error $\|\bm \delta(k)\|^2$ decays exponentially with $k$, which also indicates that our RHIG (implicitly) focuses more on the short-term predictions than the long-term ones. This property benefits RHIG's performance in practice since short-term predictions are usually more accurate and reliable than the long-term ones.}
\noindent\textbf{Choices of $W$.} The optimal choice of $W$ depends on the trade-off between $V_T$ and the prediction errors.
For more insightful discussions, we consider non-decreasing $k$-step-ahead prediction errors, i.e. $\|\bm \delta(k)\|\geq \|\bm \delta(k-1)\|$ for $1\leq k \leq T$ (in practice, longer-term predictions usually suffer worse quality).
It can be shown that Part I increases with $V_T$ and Part II increases with the prediction errors. Further, as $W$ increases, Part I decreases but Part II increases.\footnote{All the monotonicity claims above are verified in the supplementary file and omitted here for brevity.} Thus, when Part I dominates the regret bound, i.e. $V_T$ is large when compared with the prediction errors, selecting a large $W$ reduces the regret bound. On the contrary, when Part II dominates the regret bound, i.e. the prediction errors are large when compared with $V_T$, a small $W$ is preferred.
The choices of $W$ above are quite intuitive: when the environment is drastically changing while the predictions roughly follow the trends, one should use more predictions to prepare for future changes; however, with poor predictions and slowly changing environments, one can ignore most predictions and rely on the understanding of the current environment. Lastly, though we only consider RHIG with restarted OGD, the discussions provide insights for other $\phi$.
\noindent\textbf{An upper and a lower bound in a special case.} Next, we consider a special case when $V_T$ is much larger than the prediction errors. It can be shown that the optimal regret is obtained when $W\to +\infty$
\begin{corollary}\label{cor: special case}
Consider non-decreasing $k$-step-ahead prediction errors, i.e. $\|\bm \delta(k)\|^2\geq \|\bm \delta(k-1)\|^2$ for $1\leq k \leq T$. When $ \sqrt{V_T T}\log(1+\sqrt{T/V_T}) \geq \frac{{2L} h^2\rho+{\alpha^2} \zeta}{2L C_1 (1-\rho){\alpha}}\|\bm \delta(
T)\|^2 $, the regret bound is minimized by letting $W\to +\infty$. Further, when $W\to +\infty$, RHIG's regret can be bounded below.
\begin{align*
\textup{Reg}(RHIG)\leq \frac{\zeta}{1-\rho} \sum_{k=1}^{T} \rho^{k-1}\|\bm \delta(k)\|^2.
\end{align*}
\end{corollary}
Since $ \sqrt{V_T T}\log(1+\sqrt{T/V_T})$ increases with $V_T$, the condition in Corollary \ref{cor: special case} essentially states that $V_T$ is much larger in comparison to all the prediction errors. Interestingly, the bound in Corollary \ref{cor: special case} is not affected by $V_T$, but all prediction errors $\{\|\bm \delta(k)\|^2\}_{k=1}^T$ are involved, though the factor of $\|\bm \delta(k)\|^2$ exponentially decays with $k$. Next, we show that such dependence on $\|\bm \delta(k)\|^2$ is unavoidable
\begin{theorem}[Lower bound for a special case]\label{thm: lower bdd}
For any online algorithm $\mathcal A$, there exists nontrivial $\sum_t f(x_t;\theta_t)+d(x_t,x_{t-1})$ and predictions $\theta_{t\mid t-k}$ satisfying the condition in Corollary \ref{cor: special case}, with parameters $\rho_0=(\frac{\sqrt{L}-\sqrt{\alpha}}{\sqrt L+\sqrt \alpha})^2$, $\zeta_0=(\frac{h(1-\sqrt{\rho_0})}{\alpha+\beta})^2\frac{\alpha(1-2\rho_0)}{2}>0$, such that
the regret satisfies:
\begin{align*
\textup{Reg}(\mathcal A) \geq \frac{\zeta_0}{(1-\rho_0)}\sum_{k=1}^T \rho_0^{k-1} \|\bm \delta(k)\|^2.
\end{align*}
\end{theorem}
In Theorem \ref{thm: lower bdd}, the influence of $\|\bm \delta(k)\|^2$ also decreases exponentially with $k$, though with a smaller decay factor $\rho_0$. It is left as future work to close the gap between $\rho$ and $\rho_0$ (and between $\zeta$ and $\zeta_0$).
\section{Stochastic Prediction Errors}\label{sec: stochastic}
In many applications, prediction errors are usually correlated. For example, the predicted market price of tomorrow usually relies on the predicted price of today, which also depends on the price predicted yesterday.
Motivated by this, we adopt an insightful and general stochastic model on prediction errors, which was originally proposed in \cite{chen2015online}:
\begin{equation}\label{equ: delta stochastic model}
\delta_{t}(k)= \theta_{t}-\theta_{t\mid t-k}= \sum_{s=t-k+1}^{t}P(t-s)e_s, \quad \forall\, 1\leq k\leq t
\end{equation}
where $P(s)\in \mathbb R^{p \times q}$, $e_1, \dots, e_T\in \mathbb R^q$ are independent with zero mean and covariance $R_e$. Model \eqref{equ: delta stochastic model} captures the correlation patterns described above:
the errors $\delta_t(k)$ of different predictions on the same parameter $\theta_t$ are correlated by sharing common random vectors from $\{e_t, \dots, e_{t-k+1}\}$; and the prediction errors generated at the same stage, i.e. $\theta_{t+k}-\theta_{t+k\mid t-1}$ for $k\geq 0$, are correlated by sharing common random vectors from $\{e_t, \dots, e_{t+k}\}$. Notably, the coefficient matrix $P(k)$ represents the degree of correlation between the $\delta_t(1)$ and $ \delta_t(k)$ and between $\theta_{t}-\theta_{t\mid t-1}$ and $\theta_{t+k}-\theta_{t+k\mid t-1}$.
As discussed in \cite{chen2015online,chen2016using}, the stochastic model \eqref{equ: delta stochastic model} enjoys many applications, e.g. Wiener filters, Kalman filters \cite{kailath2000linear}. For instance, suppose the parameter follows a stochastic linear system: $\theta_{t}= \gamma \theta_{t-1}+e_t$ with a given $\theta_0$ and random noise $e_t\sim N(0, 1)$. Then $\theta_t=\gamma^k \theta_{t-k} + \sum_{s=t-k+1}^t \gamma^{t-s} e_s$, the optimal prediction of $\theta_t$ based on $\theta_{t-k}$ is $\theta_{t\mid t-k}= \gamma^k \theta_{t-k}$, the prediction error $\delta_{t}(k)$ satisfies the model \eqref{equ: delta stochastic model} with $P(t-s)=\gamma^{t-s}$. A large $\gamma$ causes strong correlation among prediction errors
Our next theorem bounds the expected regret of RHIG by the degree of correlation $\|P(k)\|_F$.
\begin{theorem}[Expected regret bound]\label{thm: expected regret bounds} Under Assumption \ref{ass: strong convexity smooth}-\ref{ass: grad lip cont}, $W\geq 0$, $\eta=1/L$ and initialization $\phi$,
\begin{equation*
\begin{aligned}
\E[\textup{Reg}(RHIG)
& \leq \frac{2L}{\alpha}\rho^W \E[\textup{Reg}(\phi)]+ \sum_{t=0}^{\min(W,T)-1} \zeta\|R_e\|_2 (T-t)\|P(t)\|_F^2 \frac{\rho^t-\rho^W}{1-\rho}
\end{aligned}
\end{equation*}
where the expectation is taken with respect to $\{e_t\}_{t=1}^T$, $\rho=1-\frac{\alpha}{4L}$, $\zeta=\frac{h^2}{\alpha}+\frac{h^2}{2L}$.
\end{theorem}
The first term in Theorem \ref{thm: expected regret bounds} represents the influence of $\phi$ while the second term captures the effects of the correlation. We note that the $t$-step correlation $\|P(t)\|_F^2$ decays exponentially with $t$ in the regret bound, indicating that RHIG efficiently handles the strong correlation among prediction errors.
Next, we provide a regret bound when RHIG employs the restarted OGD oracle as in Section \ref{sec: regret general}. Similarly, we consider a known $\E[V_T]$ and $1\leq V_T\leq T$ for technical simplicity
\begin{corollary}[RHIG with restarted OGD]\label{cor: RHIG-OGD-stoch}
Under Assumption \ref{ass: strong convexity smooth}-\ref{ass: d <beta (x-y)^2/2}, consider the restarted OGD with $\Delta=\ceil{\sqrt{2T/\E[V_T]}}$, we obtain $$
\E[\textup{Reg}(RHIG)]\!\leq \! \rho^W C_2\sqrt{\E[ V_T] T}\log(1\!+\!\sqrt{T/\E[V_T]})+ \! \sum_{t=0}^{\min(W,T)-1}\! \zeta\|R_e\|_2 (T-t)\|P(t)\|_F^2 \frac{\rho^t}{1-\rho},$$ where we define ${C_2=\frac{2L C_1}{\alpha}}$ and $C_1$ is defined in Theorem \ref{thm: ogd dyn regret}.
\end{corollary}
Notice that large $W$ is preferred with a large environment variation and weakly correlated prediction errors, and vice versa.
Next, we discuss the concentration property. For simplicity, we consider Gaussian vectors $\{e_t\}_{t=1}^T$.\footnote{Similar results can be obtained for sub-Gaussian random vectors.}
\begin{theorem}[Concentration bound]\label{thm: concentration bdd}
Consider Assumption \ref{ass: strong convexity smooth}-\ref{ass: d <beta (x-y)^2/2} and the conditions in Corollary \ref{cor: RHIG-OGD-stoch}. Let $\E[{\textup{RegBdd}}]$ denote the expected regret bound in Corollary \ref{cor: RHIG-OGD-stoch} when $\E[V_T]=T$, then we have
\begin{align*}
\mathbb P(\textup{Reg}(RHIG)\geq \E[\textup{Regbdd}]+b)\leq \exp\left(-c\min\left(\frac{b^2}{K^2}, \frac{b}{K}\right)\right), \quad \forall\ b>0,
\end{align*}
where $K=\zeta\sum_{t=0}^{\min(T,W)-1} \|R_e\|_2 (T-t)\|P(t)\|_F^2 \frac{\rho^t}{1-\rho}$ and
$c$ is an absolute constant.
\end{theorem}
Theorem \ref{thm: concentration bdd} shows that the probability of the regret being larger than the expected regret by $b>0$ decays exponentially with $b$, indicating a nice concentration property of RHIG. Further, the concentration effect is stronger (i.e. a larger $1/K$) with a smaller degree of correlation $\|P(t)\|_F^2$.
\section{Numerical Experiments}\label{sec: simulation}
We consider online quadrotor tracking of a vertically moving target \cite{fisac2018general}. We consider (i) a high-level planning problem which is purely online optimization without modeling the physical dynamics; and (ii) a physical tracking problem where simplified quadrotor dynamics are considered \cite{fisac2018general}.
\begin{figure}
\vspace{-0.3cm}
\begin{subfigure}[b]{0.32\textwidth}
\includegraphics[width=\textwidth]{gamma03_chc.eps}
\caption{Small prediction errors}
\end{subfigure}
\hfill
\begin{subfigure}[b]{0.32\textwidth}
\includegraphics[width=\textwidth]{gamma07_chc.eps}
\caption{Large prediction errors}
\end{subfigure}
\hfill
\begin{subfigure}[b]{0.32\textwidth}
\includegraphics[width=\textwidth]{phasechange4.eps}
\caption{Quadrotor tracking}
\end{subfigure}
\setlength{\belowcaptionskip}{-10pt}
\caption{(a) and (b): the regrets of RHIG, AFHC and CHC. (c): RHIG's tracking trajectories.}
\label{fig: regret}
\end{figure}
In (i), we consider SOCO: $\min\sum_{t=1}^T\frac{1}{2}(\alpha(x_t-\theta_t)^2 + \beta(x_t-x_{t-1})^2)$, where $x_t$ is quadrotor's altitude, $\theta_t$ is target's altitude, and $(x_t-x_{t-1})^2$ penalizes a sudden change in the quadrotor's altitude. The target $\theta_t$ follows: $\theta_t= y_t + d_t$, where $y_t=\gamma y_{t-1}+e_t$ is an autoregressive process with noise $e_t$ \cite{hamilton1994time} and $d_t= a \sin(\omega t)$ is a periodic signal. The predictions are the sum of $d_t$ and the optimal predictions of $y_t$. Notice that a large $\gamma $ indicates worse long-term predictions. We consider both a small $\gamma=0.3$ and a large $\gamma=0.7$ for different levels of errors. We compare RHIG with AFHC \cite{lin2012online,chen2015online} and CHC \cite{chen2016using}. (See the supplementary material for more details.)
Figure \ref{fig: regret}(a) shows that with small prediction errors, the three algorithms perform similarly well and RHIG is slightly better. Figure \ref{fig: regret}(b) shows that with large prediction errors,
RHIG significantly outperforms AFHC and CHC. {Some intuitive explanations are provided below. Firstly, AFHC and CHC are optimization-based methods, while our RHIG is based on gradient descent, which is known to be more robust to errors. Secondly, RHIG implicitly reduces the impact of the (poorer-quality) long-term predictions and focuses more on the (better) short-term ones by using long-term predictions in the first several updates and then using short-term ones in later updates to refine the decisions; while AFHC and CHC treat predictions more equally by taking averages of the optimal solutions computed by both long-term and short-term predictions (see \cite{chen2015online,chen2016using} for more details). These two intuitive reasons may explain the better numerical performance of our RHIG when compared with AFHC and CHC.}
In (ii), we consider a simplified second-order model of quadrotor vertical
flight: $ \ddot x=k_1 u-g+k_2$,
where $x, \dot x, \ddot x$ are the altitude, velocity and acceleration respectively, $u$ is the control input (motor thrust command), $g$ is the gravitational acceleration, $k_1$ and $k_2$ are physical parameters. We consider time discretization and cost function $\sum_{t=1}^T\frac{1}{2}(\alpha(x_t-\theta_t)^2 + \beta u_t^2)$. The target $\theta_t$ follows the process in (i), but with a sudden change in $d_t$ at $t_c=5.6$s, causing large prediction errors at around $t_c$, which is unknown until $t_c$. Figure \ref{fig: regret}(c) plots the quadrotor's trajectories generated by RHIG with $W=1,10$ and shows RHIG's nice tracking performance even when considering physical dynamics.
$W=10$ performs better first by using more predictions. However, right after $t_c$, $W=1$ performs better since the poor prediction quality there degrades the performance. Lastly, the trajectory with $W=10$ quickly returns to the desired one after $t_c$, showing the robustness of RHIG to prediction error shocks
\section{Conclusion}
\vspace{-0.1cm}
This paper studies how to leverage multi-step-ahead noisy predictions in smoothed online convex optimization. We design a gradient-based algorithm RHIG and analyze its dynamic regret under general prediction errors and a stochastic prediction error model. RHIG effectively reduces the impact of multi-step-ahead prediction errors. Future work includes: 1) closing the gap between the upper and the lower bound in Section \ref{sec: regret general}; 2) lower bounds for general cases; 3) online control problems; 4) the convex case analysis without the strong convexity assumption; etc.
|
\section*{Acknowledgments}
EU: The research leading to these results has received funding from
the European Research Council under the European Union's Horizon
2020 research and innovation program / ERC Advanced Grant E-DUALITY
(787960). This paper reflects only the authors' views and the Union
is not liable for any use that may be made of the contained information.
Research Council KUL: Optimization frameworks for deep kernel machines C14/18/068.
Flemish Government:
FWO: projects: GOA4917N (Deep Restricted Kernel Machines:
Methods and Foundations), PhD/Postdoc grant
Impulsfonds AI: VR 2019 2203 DOC.0318/1QUATER Kenniscentrum Data
en Maatschappij.
This research received funding from the Flemish Government (AI Research Program). Johan Suykens and Panagiotis Patrinos are affiliated to Leuven.AI - KU Leuven institute for AI, B-3000, Leuven, Belgium.
Ford KU Leuven Research Alliance Project KUL0076 (Stability analysis
and performance improvement of deep reinforcement learning algorithms).
EU H2020 ICT-48 Network TAILOR (Foundations of Trustworthy AI - Integrating Reasoning, Learning and Optimization).
This work was supported by the Research Foundation Flanders (FWO) research projects G086518N, G086318N, and G0A0920N; Fonds de la Recherche Scientifique — FNRS and the Fonds Wetenschappelijk Onderzoek — Vlaanderen under EOS project no 30468160 (SeLMA).
The computational infrastructure and services used in this work were provided by the VSC (Flemish Supercomputer Center), funded by the Research Foundation - Flanders (FWO) and the Flemish Government.
\section{Further details on the experimental evaluation}
\label{sec:app}
\renewcommand{\thefigure}{A.\arabic{figure}}
\setcounter{figure}{0}
\renewcommand{\thetable}{A.\arabic{table}}
\setcounter{table}{0}
\renewcommand{\theequation}{A.\arabic{equation}}
\setcounter{equation}{0}
In Section \ref{sec:exp} we outlined the most representative experimental results and discussed them. This section goes into detail about the setup of the experiments and includes all our experimental results. In particular, it contains plots that show Constr-DRKM\xspace's performance across disentanglement metrics, dataset and hyperparameters. Plots comparing Constr-DRKM\xspace's performance to $\beta$-VAE's performance are also given.
\subsection{Datasets}
\label{app:datasets}
Four datasets are used in the experimental evaluation: the Cars3D dataset \citep{cars3d}, the dSprites dataset \citep{betavae}, the SmallNORB dataset \citep{lecun2004} and a noisy version of dSprites introduced in \citep{locatello} obtained by replacing the background pixels with Gaussian noise with zero mean and unit variance. Each data point is generated deterministically from a tuple of factors of variations. The number of the factors of variations varies across datasets. Each factor of variation can take a finite number of values, so the number of training points is fixed and is the number of all possible combinations of the factors of variations. Table \ref{tab:datasets} summarizes the key properties of the datasets considered in the experimental evaluation.
\subsection{Experiments hyperparameters}
The chosen algorithm for the unconstrained optimization problems is Adam \citep{adam} with learning rate fixed to $10^{-3}$ and in Algorithm \ref{alg:train} we set $\mu_0=1, \tau_0=0.1$ and $p=8$. The maximum number of outer iterations was set to 2 for $N=50$ and $N=100$, to 4 for $N=200$ and to 7 for $N=400$ and $N=800$. The maximum number of inner iterations was set to 500.\\
The $\beta$-VAE encoder is constructed following the architecture proposed in \citep{betavae}. The inputs are images $x$ of dimension $c \times 64 \times 64$, where $c$ is 1 for dSprites and SmallNORB and is 3 for Cars3D and noisy dSprites. We encode $x$ using the following network: \texttt{conv} 32 $\rightarrow$ \texttt{conv} 32 $\rightarrow$ \texttt{conv} 64 $\rightarrow$ \texttt{conv} 64 $\rightarrow$ \texttt{conv} 256 $\rightarrow$ \texttt{FC} 256 $\times$ 20, where each \texttt{conv} block is a $4\times4$ convolution with stride 2 except the last block with stride 4. Each \texttt{conv} block is followed by \texttt{ReLU}. The decoder is the deconvolution reverse of the encoder.
\begin{table}[h!]
\begin{tabular}{l|l|l|l|l}
Dataset & Input dimensions & \begin{tabular}[c]{@{}l@{}}\# factors of\\ variation\end{tabular} & \begin{tabular}[c]{@{}l@{}}Meaning of the factors of variation\\ and \# possible values\end{tabular} & \begin{tabular}[c]{@{}l@{}}Total \# \\ data points\end{tabular} \\ \hline
Cars3D & 3 x 64 x 64 & 3 & \begin{tabular}[c]{@{}l@{}}- elevation (4 possible values)\\ - azimuth (24 possible values)\\ - object type (183 possible values)\end{tabular} & 17568 \\ \hline
dSprites & 1 x 64 x 64 & 5 & \begin{tabular}[c]{@{}l@{}}- shape (3 possible values)\\ - scale (6 possible values)\\ - orientation (40 possible values)\\ - position x (32 possible values)\\ - position y (32 possible values)\end{tabular} & 737280 \\ \hline
Noisy dSprites & 3 x 64 x 64 & 3 & \begin{tabular}[c]{@{}l@{}}- shape (3 possible values)\\ - scale (6 possible values)\\ - orientation (40 possible values)\\ - position x (32 possible values)\\ - position y (32 possible values)\end{tabular} & 737280 \\ \hline
SmallNORB & 1 x 64 x 64 & 4 & \begin{tabular}[c]{@{}l@{}}- category (5 possible values)\\ - elevation (9 possible values)\\ - azimuth (18 possible values)\\ - lighting condition (6 possible values)\end{tabular} & 4860
\end{tabular}
\caption{Key properties of the datasets used in the experimental evaluation.}
\label{tab:datasets}
\end{table}
\clearpage
\FloatBarrier
\subsection{Additional plots of the experimental results}
\label{app:plots}
\FloatBarrier
\subsubsection{Investigation on the role of the number of selected principal components}
\null
\vfill
\begin{figure}[!htb]
\centering
\begin{subfigure}[b]{0.8\textwidth}
\includegraphics[page=1,width=\textwidth]{im_figa1a.pdf}
\caption{metric = MIG}
\label{fig:plot8_mig}
\end{subfigure}
\begin{subfigure}[b]{0.8\textwidth}
\includegraphics[page=1,width=\textwidth]{im_figa1b.pdf}
\caption{metric = SAP}
\label{fig:plot8_sap_score}
\end{subfigure}
\caption{Boxplot of the disentanglement score of a 3-layer Constr-DRKM\xspace architecture according to the number of selected principal components for each dataset. The tuples in the labels are of the form $(s_1,s_2,s_3)$. Lower and upper box boundaries first and third quartile, respectively, line inside box median, lower and upper error lines minimum and maximum value, respectively. The results are shown over five random seeds. The plot for the IRS metric is in Figure \ref{fig:plot8_irs}.}
\label{fig:plot8app}
\end{figure}
\vfill
\clearpage
\FloatBarrier
\subsubsection{Investigation on the role of the number of layers}
\null
\vfill
\begin{figure}[!htb]
\centering
\includegraphics[page=1,width=0.9\textwidth]{im_figa2.pdf}
\caption{Line chart of the mean disentanglement score of different Constr-DRKM\xspace architectures according to the number $N$ of training data points and the number $n_\text{layers}$ of layers for all datasets. For the 1-layer architecture, $s_1=10$, for the 2-layer one, $s_1=10$ and $s_2=5$ and for the 3-layer one, $s_1=2$, $s_2=2$ and $s_3=6$. The size of each error band is set to the value of standard error, extending from the mean. The variance is due to five different random seeds and different $\gamma$.}
\label{fig:plot10}
\end{figure}
\vfill
\clearpage
\FloatBarrier
\subsubsection{Comparison of Constr-DRKM\xspace and $\beta$-VAE according to the number of training points}
\null
\vfill
\begin{figure}[h]
\centering
\includegraphics[page=1,width=0.7\textwidth]{im_figa3.pdf}
\caption{Boxplots of the IRS score of a 2-layer Constr-DRKM\xspace, with $s_1=10$ and $s_2=5$, and of a $\beta$-VAE model according to the number of training points for each dataset. Disentanglement scores are shown across all choices of the hyperparameter $\gamma$ for Constr-DRKM\xspace and of $\beta$ for $\beta$-VAE and across five random seeds. The boxes have the same structure as in Figure \ref{fig:plot1}.}
\label{fig:plot3_irs}
\end{figure}
\vfill
\begin{figure}[!htb]
\centering
\includegraphics[page=1,width=0.7\textwidth]{im_figa4.pdf}
\caption{Boxplots of the MIG score of a 2-layer Constr-DRKM\xspace, with $s_1=10$ and $s_2=5$, and of a $\beta$-VAE model according to the number of training points for each dataset. Disentanglement scores are shown across all choices of the hyperparameter $\gamma$ for Constr-DRKM\xspace and of $\beta$ for $\beta$-VAE and across five random seeds. The boxes have the same structure as in Figure \ref{fig:plot1}.}
\label{fig:plot3_mig}
\end{figure}
\begin{figure}[!htb]
\centering
\includegraphics[page=1,width=0.7\textwidth]{im_figa5.pdf}
\caption{Boxplots of the SAP score of a 2-layer Constr-DRKM\xspace, with $s_1=10$ and $s_2=5$, and of a $\beta$-VAE model according to the number of training points for each dataset. Disentanglement scores are shown across all choices of the hyperparameter $\gamma$ for Constr-DRKM\xspace and of $\beta$ for $\beta$-VAE and across five random seeds. The boxes have the same structure as in Figure \ref{fig:plot1}.}
\label{fig:plot3_sap_score}
\end{figure}
\FloatBarrier
\subsubsection{Comparison of Constr-DRKM\xspace and $\beta$-VAE according to the hyperparameter $\gamma$ and $\beta$, respectively}
\null
\vfill
\begin{figure}[!htb]
\centering
\includegraphics[page=1,width=0.7\textwidth]{im_figa6.pdf}
\caption{Boxplots of the IRS score of a 2-layer Constr-DRKM\xspace, with $s_1=10$ and $s_2=5$, and of a $\beta$-VAE model according to the hyperparameter $\gamma$ for Constr-DRKM\xspace and of $\beta$ for $\beta$-VAE on the cars3D and SmallNORB datasets. Disentanglement scores are shown across all number $N$ of training points and across five random seeds. The boxes have the same structure as in Figure \ref{fig:plot1}.}
\label{fig:plot5_irs}
\end{figure}
\vfill
\begin{figure}[!htb]
\centering
\includegraphics[page=1,width=0.7\textwidth]{im_figa7.pdf}
\caption{Boxplots of the MIG score of a 2-layer Constr-DRKM\xspace, with $s_1=10$ and $s_2=5$, and of a $\beta$-VAE model according to the hyperparameter $\gamma$ for Constr-DRKM\xspace and of $\beta$ for $\beta$-VAE on the cars3D and SmallNORB datasets. Disentanglement scores are shown across all number $N$ of training points and across five random seeds. The boxes have the same structure as in Figure \ref{fig:plot1}.}
\label{fig:plot5_mig}
\end{figure}
\begin{figure}[!htb]
\centering
\includegraphics[page=1,width=0.7\textwidth]{im_figa8.pdf}
\caption{Boxplots of the SAP score of a 2-layer Constr-DRKM\xspace, with $s_1=10$ and $s_2=5$, and of a $\beta$-VAE model according to the hyperparameter $\gamma$ for Constr-DRKM\xspace and of $\beta$ for $\beta$-VAE on the cars3D and SmallNORB datasets. Disentanglement scores are shown across all number $N$ of training points and across five random seeds. The boxes have the same structure as in Figure \ref{fig:plot1}.}
\label{fig:plot5_sap_score}
\end{figure}
\FloatBarrier
\subsubsection{Investigation on the influence of the hyperparameter $\gamma$}
\null
\vfill
\begin{figure}[!htb]
\centering
\includegraphics[page=1,width=0.9\textwidth]{im_figa9.pdf}
\caption{Line chart of the mean disentanglement score of a 2-layer Constr-DRKM\xspace architecture, with $s_1=10$ and $s_2=5$, according to the hyperparameter $\gamma$ for each dataset and for each number $N$ of training points. The size of each error band is set to the value of standard error, extending from the mean. The variance is due to five different random seeds.}
\label{fig:plot6}
\end{figure}
\vfill
\section{Conclusion}
\label{sec:conclusion}
In this work we have proposed to reformulate the deep restricted kernel machine framework for kernel PCA \citep{drkm} into a constrained optimization problem with orthogonality constraints on the latent variables. At the same time, we have described a training algorithm that learns the hidden features in an end-to-end manner instead of layer-wise by employing a quadratic penalty optimization algorithm with warm start. We have then showed how the proposed method can be applied to denoising and to the problem of learning disentangled features in an unsupervised manner without any prior knowledge on the generative factors. In the former task, we studied the role of each principal component in every layer showing that components in the first layer perform lower-level feature detection, while components in the second layer employ the representation learned by lower layers and extract more global features, more accurately reproducing the original data distribution. In our experiments in the task of disentangled factor learning, the proposed Constr-DRKM\xspace method quantitatively performed similarly overall compared to $\beta$-VAE \citep{betavae} on four benchmark datasets with respect to a number of different disentanglement metrics when few training points are available. In addition, regarding the issue raised in \citep{locatello} that performance of state-of-the-art approaches to disentangled factor learning based on VAEs greatly varies when changing random seed or hyperparameter, Constr-DRKM\xspace was less sensitive to randomness and hyperparameter choice compared to $\beta$-VAE. In particular, the variance due to Constr-DRKM\xspace's hyperparameter $\gamma$ was smaller than the variance due to the hyperparameter $\beta$ in $\beta$-VAE and it was shown that Constr-DRKM\xspace with deterministic layer-wise kernel PCA initialization attained favorable scores without the need of a random seed, considerably improving the reproducibility of the results. Finally, the experimental analysis of the number of layers of Constr-DRKM\xspace indicates that adding a layer can increase the disentangling performance, as it was observed that a 2-layer architecture is a better choice than a single layer one. Nevertheless, 3-layer models did not consistently perform better than 2-layer models. This result does not rule out the influence of other factors, as, for example, more challenging datasets may benefit from additional layers. In future work, applying Constr-DRKM\xspace to more complicated datasets may be useful to better understand the role of the number of layers. Furthermore, it would also be interesting to investigate more advanced constrained optimization algorithms that could be useful to boost training efficiency.
\section{Background: deep restricted kernel machines}
\label{sec:drkm}
This section reviews the framework of deep restricted kernel machines, as Constr-DRKM\xspace builds upon it. First, the restricted kernel machine formulation of a single layer of kernel PCA is explained. Then, deep restricted kernel machines are introduced by means of an example. This section ends with the description of an open problem in deep restricted kernel machines: performing end-to-end training and promoting disentanglement at the same time.
\subsection{Restricted kernel machine formulation of kernel PCA}
\label{ssec:kpca}
The restricted kernel machine formulation of kernel PCA gives another expression of the Least-Squares Support Vector Machine (LS-SVM) kernel PCA problem \citep{suykens2003} as an energy with visible and hidden units that is similar to the energy of restricted Boltzmann machines (RBMs) \citep{bengio2009,fischer2014,hinton2006,salakhutdinov2015}. In this new formulation, contrary to RBMs, both the visible units $v_i$ and the hidden units $h_i$ can be continuous. To derive this formulation, consider a training set of $N$ data points of dimension $d$, a feature map $\varphi: \mathbb{R}^d \to \mathbb{R}^{d_F}$ and let $s$ be the number of selected principal components. In the LS-SVM setting, the kernel PCA problem can be written as:
\begin{mini}|l|
{W,e_i}{J_{\text{kpca}} = \frac{\eta}{2}\mytrace{(W^TW)}-\frac{1}{2\lambda}\sum_{i=1}^Ne_i^Te_i}{}{}
\label{kpca}
\addConstraint{e_i}{= W^T\varphi(v_i),}{\quad i=1,\dots,N,}
\end{mini}
where $W \in \mathbb{R}^{d_F \times s}$ is an unknown interconnection matrix, $e_i \in \mathbb{R}^s$ are the error variables and $\eta$ and $\lambda$ are hyperparameters. The restricted kernel machine formulation of kernel PCA \citep{drkm} is given by an upper bound of $J_{\text{kpca}}$ obtained by introducing the latent representations $h_i \in \mathbb{R}^s,\; i=1,\dots,N$ using:
\begin{equation}
\frac{1}{2\lambda}e^Te+\frac{\lambda}{2}h^Th \geq e^Th, \quad \forall e, h \in \mathbb{R}^s.
\end{equation}
This leads to the following objective:
\begin{equation} \label{rkm-kpca}
J_t = -\sum_{i=1}^N \varphi(v_i)^T W h_i+\frac{\lambda}{2}\sum_{i=1}^Nh_i^Th_i+\frac{\eta}{2}\mytrace{\left( W^TW \right)},
\end{equation}
which is the formulation of kernel PCA in the restricted kernel machine framework. The $v_i$ are called visible units because their states are observed, while the hidden units $h_i$ correspond to feature detectors \citep{hinton2012}. In the representation learning literature, $h_i$ is also known as the (latent) representation or code of $v_i$; we say that $h_i$ consists of $s$ latent or code variables or of $s$ hidden features or units. Note that the first term of $J_t$ is similar to the energy of an RBM.\\
As in other energy-based models, the RKM energy for kernel PCA associates a scalar value to each configuration of the variables. As a consequence, given training points $x_i,\;i=1, \dots, N$, training means clamping the visible units $v_i$ to the training points $x_i$ and finding an energy function for which the observed configurations of the visible units are given lower energies than unobserved configurations \citep{lecun2006}. To do so, one characterizes the stationary points of $J_t$, which results in an eigenvalue problem of the kernel matrix $K \in \mathbb{R}^{N \times N}$, with $K_{ij} = \varphi(x_i)^T\varphi(x_j)$ \citep{drkm}.\\
\subsection{Deep restricted kernel machines}
\label{ssec:drkm}
The theory of deep restricted kernel machines was initially proposed in \citep{drkm} with the aim of introducing a new perspective in the connection between deep learning and kernel machines. Such deep RKMs are obtained by coupling several RKMs in sequence, resulting in a deep architecture. An example of a deep RKM is now given.\\
A possible configuration of a deep RKM that extracts features of some data consists of two kernel PCA layers in sequence. Each kernel PCA layer follows the description given in Subsection \ref{ssec:kpca}. The architecture can be summarized in the following manner.
\begin{itemize}
\item Layer 1 consists of kernel PCA using as input the observation $x_i$ from the given data. The features extracted by this layer are characterized by its hidden features $h_i^{(1)}$.
\item Layer 2 consists of kernel PCA using as input the hidden features $h_i^{(1)}$ from the preceding layer. The features extracted by this layer are characterized by its hidden features $h_i^{(2)}$.
\end{itemize}
Note that this architecture has a similar structure to stacked autoencoders \citep{bengio2009}: each layer performs unsupervised learning and the hidden features produced by each layer serve as input to the next layer.
The deep RKM is trained by considering an objective function that joins the objectives of each kernel PCA layer. To formalize the training objective,
let $s_1$ be the number of selected principal components by the first layer of kernel PCA and $s_2$ be the number of selected principal components by the second layer of kernel PCA.
Then, let $\varphi_1: \mathbb{R}^d \to \mathbb{R}^{d_{\mathcal{F}_1}}$ be the feature map and of layer 1 and
let $\varphi_2: \mathbb{R}^{s_1} \to \mathbb{R}^{d_{\mathcal{F}_2}}$ be the feature map of layer 2. Also, let $\lambda_1, \lambda_2, \eta_1, \eta_2 > 0$ be hyperparameters. The training objective of the above defined deep RKM is:
\begin{equation}
J_{t,\text{deep}} = J_1 + J_2,
\end{equation}
where $J_1$ and $J_2$ are the objective of a single layer of kernel PCA in the RKM framework as defined in Eq. \eqref{rkm-kpca} using the suitable input. That means:
\begin{equation}
J_1 = -\sum_{i=1}^N \varphi_1(v_i)^T W_1 h_i^{(1)}+\frac{\lambda_1}{2}\sum_{i=1}^N{h_i^{(1)}}^Th_i^{(1)}+\frac{\eta_1}{2}\mytrace{\left( W_1^TW_1 \right)}
\end{equation}
and
\begin{equation}
J_2 = -\sum_{i=1}^N \varphi_2(h_i^{(1)})^T W_2 h_i^{(2)}+\frac{\lambda_2}{2}\sum_{i=1}^N{h_i^{(2)}}^Th_i^{(2)}+\frac{\eta_2}{2}\mytrace{\left( W_2^TW_2 \right)},
\end{equation}
where $W_1 \in \mathbb{R}^{d_{\mathcal{F}_1} \times s_1}$ and $W_2 \in \mathbb{R}^{d_{\mathcal{F}_2} \times s_2}$ are the interconnection matrices of layer 1 and layer 2, respectively, and $h_i^{(1)} \in \mathbb{R}^{s_1}$ and $h_i^{(2)} \in \mathbb{R}^{s_2}$ are the hidden features of layer 1 and layer 2, respectively.\\
Training the above defined deep RKM means finding the interconnection matrices and the hidden features minimizing the energy $J_{t,\text{deep}}$. Since $J_{t,\text{deep}}$ is unbounded below, to make the energy suitable for minimization, \citep{drkm} proposed to instead minimize a stabilized version of $J_{t,\text{deep}}$. Following \citep{pandey2020a}, this version is defined as:
\begin{equation}
J_{{t,\text{deep}}_{\text{stab}}} = J_{t,\text{deep}} + \frac{c_{\text{stab}}}{2} J_{t,\text{deep}}^2,
\end{equation}
where $c_{\text{stab}} > 0$ is a hyperparameter. It can be shown that $J_{t,\text{deep}}$ and $J_{{t,\text{deep}}_{\text{stab}}}$ share the same stationary points \citep{pandey2020a}.\\
\subsection{Effective algorithms for deep RKMs: an open problem}
Deriving effective algorithms for training deep RKMs is an open problem. In \citep{drkm} a layer-wise training procedure was proposed for the case of linear kernels. However, previous research \citep{bfc} has stressed the importance of end-to-end training in deep architectures to produce representations able to efficiently approximate the target function. The ability of deep learning methods to produce such efficient representations is often linked to hierarchical learning, because deep networks can hierarchically decompose a difficult target function into a composition of simpler functions \citep{bfc}. This ability has been recently explained by a mechanism called ``backward feature correction'' \citep{bfc}, which means that layers of lower abstraction can use the representations learned by layers of higher abstraction to improve the quality of their representation. ``Backward feature correction'' and thus hierarchical learning cannot be achieved using layer-wise training alone \citep{bfc}.\\
On the other hand, it is interesting to note that training a deep RKM as the one described in Subsection \ref{ssec:drkm} in a layer-wise manner yields mutually orthogonal hidden features, as they are obtained solving an eigenvalue problem of the symmetric kernel matrix $K$. This is an advantage when it comes to the disentanglement of the produced representations, as experimentally shown in \citep{pandey2020a} in the single layer case. However, as it was explained in the previous paragraph, layer-wise training does not take full advantage of the deep architecture, so one would like to perform end-to-end training instead. In the end-to-end training case, one cannot simply solve two eigenvalue problems in sequence, so the mutual orthogonality of the hidden features is lost. Likely, this loss would affect negatively the disentanglement of the learned representations. In this context, the following section proposes Constr-DRKM\xspace, which is a method that allows to perform end-to-end training and to promote disentanglement at the same time.
\section{Experimental evaluation}
\label{sec:exp}
The goal of the experimental evaluation is to test the feasibility of the proposed method for denoising and to assess the advantage of the Constr-DRKM\xspace architecture in the task of unsupervised disentangled feature learning. \\
\subsection{Denoising}
We applied the denoising procedure explained in Section \ref{met:den} to complex 2D synthetic datasets. Each dataset is generated by selecting $3000$ points as a training set and 750 additional points as a validation set. In this set of experiments, the noise $n$ is white Gaussian with zero mean and standard deviation $\sigma_n$ varying among different values. The number of selected components is $s_1=2$ for the first layer and $s_2=1$ for the second layer; the hidden units are initialized in a layer-wise manner with kernel PCA. All $\eta$ and $\lambda$ are set to $1$. The kernel function employed in both layers is the RBF kernel and its bandwidth is selected employing the validation set. Constr-DRKM\xspace is first trained on the noisy points to find their latent representations and then each $x_i$ is denoised by computing its pre-image minimizing the expression in Eq. \eqref{eq:rho2}. \\
First, a half circle and a square, depicted in Figure \ref{fig:denoise}, are considered. It can be seen that Constr-DRKM\xspace successfully captures the structure of the data distributions for both shapes. Note that denoising was effective even though the chosen overall number of principal components was higher than the dimensionality of the datasets. This would not have been the case with linear PCA, which performs perfect reconstruction, hence does not denoise, when using as many components as the dimensionality of the input data.
\begin{figure}[h]
\centering
\begin{subfigure}[b]{0.28\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig1a.pdf}
\caption{Square.}
\label{fig:square}
\end{subfigure}
\begin{subfigure}[b]{0.28\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig1b.pdf}
\caption{Half circle.}
\label{fig:halfcircle}
\end{subfigure}
\caption{Denoising a square and a half circle. The noisy dataset is plotted as smaller black points, its denoised version as larger blue points. The number of selected principal components is $s_1=2$ for the first layer and $s_2=1$ for the second layer. In this experiment, $\sigma_n=0.1$.}
\label{fig:denoise}
\end{figure}
Secondly, two additional more complicated datasets were analyzed to study the role of each layer. The result of the influence of each component in every layer can be shown by denoising using only that component. For a dataset with a square and a spiral next to it, three plots, shown in Figure \ref{fig:complexdataset1}, were produced. The first plot is the result of denoising using only the first component of the first layer: it learns the shapes, but has a few outliers and is still noisy around the center of the spiral. The second plot shows the denoised dataset using only the second component of the first layer: it does not show outliers and better reproduces the higher frequency details around the center of the spiral, but loses part of the square. Finally, the third plot is the result of denoising using only the first component of the second layer: it keeps the higher frequency details and reconstructs the square completely. Overall, the principal component of the first layer captures the broad trend but has outliers, while the second component learns the details of the shapes but loses the general trend in some regions. The component of the second layer, on the other hand, both picks up the general trend and reproduces the details of the shapes.\\
\begin{figure}[h]
\centering
\begin{subfigure}[b]{0.31\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig2a.pdf}
\caption{First component, first layer.}
\label{fig:complexdataset1a}
\end{subfigure}
\hspace{3mm}
\begin{subfigure}[b]{0.31\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig2b.pdf}
\caption{Second component, first layer.}
\label{fig:complexdataset1b}
\end{subfigure}
\hspace{3mm}
\begin{subfigure}[b]{0.31\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig2c.pdf}
\caption{First component, second layer.}
\label{fig:complexdataset1c}
\end{subfigure}
\caption{Study of the influence of each component in every layer for a data distribution consisting of a square and a spiral. The number of selected principal components is $s_1=2$ for the first layer and $s_2=1$ for the second layer.}
\label{fig:complexdataset1}
\end{figure}
In addition to the experiment above, a similar analysis for a more complicated data distribution, consisting of two squares, a spiral and a ring, is shown in Figure \ref{fig:complexdataset2}. Using only the first component of the first layer results in some artifacts: two distinct loops of the spiral intersect and two sides of the two squares are joined. On the other hand, the second component reconstructs those shapes correctly, but does not well reproduce the inner circle of the ring. This circle is better reproduced by the first component of the second layer. The findings of the previous two experiments suggest that the lower layer in the deep architecture of Constr-DRKM\xspace functions as lower-level feature detector focusing on the broad trends of the data distribution, while the higher layer exploits the representation learned by the lower layer and represents higher-level features which lead to better denoising and more accurate reproduction of the original data distribution. These results are consistent with previous findings in deep Boltzmann machines \citep{leroux2008} and in convolutional neural networks \citep{zeiler2014} that lower layers focus on local features, such as edges and corners, and higher layers capture progressively more global and complex patterns with increasing invariance. \\
\begin{figure}[h]
\centering
\begin{subfigure}[b]{0.43\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig3a.pdf}
\caption{First component, first layer.}
\label{fig:complexdataset2a}
\end{subfigure}
\hspace{2.5mm}
\begin{subfigure}[b]{0.43\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig3b.pdf}
\caption{Second component, first layer.}
\label{fig:complexdataset2b}
\end{subfigure}
\hspace{2.5mm}
\begin{subfigure}[b]{0.43\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig3c.pdf}
\caption{First component, second layer.}
\label{fig:complexdataset2c}
\end{subfigure}
\caption{Study of the influence of each component in every layer for a data distribution consisting of two squares, a spiral and a ring. The number of selected principal components is $s_1=2$ for the first layer and $s_2=1$ for the second layer.}
\label{fig:complexdataset2}
\end{figure}
Finally, denoising performance was compared to kernel PCA with the same number of overall components. Table \ref{tab:recerr} reports the ratio of the reconstruction error, computed for all denoised points, between Constr-DRKM\xspace and kernel PCA, where ratios larger than 1 mean that the deep architecture resulted in better denoising than the shallow one. In the considered set of experiments, Constr-DRKM\xspace outperforms the shallow kernel PCA in denoising. More complicated data distributions, such as the ones in Figure \ref{fig:complexdataset1} and \ref{fig:complexdataset2}, show greater performance gain compared to the shallow architecture. This was expected because kernel PCA is known to be able to effectively denoise simple data distributions \citep{mika1999}, but its denoising performance degrades as the datasets become more complex. The superiority of the deep architecture is strongly marked for small $\sigma_n$, which, together with the observations on the influence of the second layer made in the previous sets of experiments, seems to indicate that the additional layer has a crucial role in the reconstruction of the finer details of the data distribution, as this effect might become less noticeable with higher noise levels. On the whole, our proposed architecture's representational efficiency benefited from depth, since it attained improved denoising of the data distributions in the same number of principal components as the shallow architecture. \\
\begin{table}[h]
\centering
\begin{tabular}{lllll}
\hline
$\sigma_n$ & Square & Half circle & Dataset of Figure \ref{fig:complexdataset1} & Dataset of Figure \ref{fig:complexdataset2} \\ \hline
0.05 & 1.22 & 1.36 & 3.18 & 2.51 \\
0.1 & 1.09 & 1.17 & 1.70 & 1.62 \\
0.2 & 1.06 & 1.08 & 1.24 & 1.21 \\ \hline
\end{tabular}
\caption{Reconstruction error ratios between Constr-DRKM\xspace and kernel PCA in denoising complex 2D synthetic data distributions for different noise levels. Ratios larger than 1 mean that the deep architecture resulted in better denoising than the shallow one and the larger than 1 the better. In the deep architecture, the number of selected principal components is $s_1=2$ for the first layer and $s_2=1$ for the second layer, while the number of principal components used by kernel PCA is 3.}
\label{tab:recerr}
\end{table}
\subsection{Disentanglement}
This section aims to quantitatively assess that Constr-DRKM\xspace is able to learn a disentangled representation of the factors of variation of the data. In addition, the role of the hyperparameters, of the number of selected principal components and of the number of layers is studied. We applied our method on the Cars3D dataset \citep{cars3d}, on the dSprites dataset \citep{betavae} and on the SmallNORB dataset \citep{lecun2004}, as well as on a noisy version of dSprites introduced in \citep{locatello} obtained by replacing the background pixels with Gaussian noise with zero mean and unit variance. In all datasets, each data point is generated according to a deterministic function of its ground-truth latent representation. All data points are $64 \times 64$ images: Cars3D and noisy dSprites contain RGB images, while dSprites and SmallNORB contain grayscale images. For details of the datasets, see \ref{app:datasets}. \\
In the experiments, the dimension of the learned latent representation is fixed to 10: this choice was also made in the large experimental evaluation of \citep{locatello} and, furthermore, this number is greater than but close to the ground-truth number of factor of variations. Computing the hidden features of some data point in Constr-DRKM\xspace translates to selecting 10 principal components. We chose to do so in the deep architecture with $n_\text{layers} \geq 1$ of Constr-DRKM\xspace by either fixing $s_i$ to 10 for some $i$ such that $1 \leq i \leq n_\text{layers}$ or by having $\sum_{i=1}^{n_\text{layers}}s_i=10$ and concatenating all $h^{(i)}$. In all experiments, the learned models are evaluated on a subset of $N_\text{eval}=4000$ data points chosen randomly from the relevant dataset. \\
Given that there is no single widely accepted measure to quantify disentanglement, we use three metrics that have been proposed in the literature, namely the IRS score \citep{irs}, the mutual information gap (MIG) \cite {mig} and the SAP score \citep{sap}. The IRS metric measures robust disentanglement, which means that, if a latent variable is associated with some generative factor $G$, the inferred value of that latent variable shows little change when $G$ remains the same, regardless of changes in the other generative factors. The MIG metric is computed as the average over all generative factors of the difference between the two latent variables with highest mutual information with each generative factor. The SAP score is formulated by first building a score matrix $S$ such that $S_{ij}$ is the classification score of predicting the $j$-th generative factor using only the $i$-th latent variable; the final score is the mean of the differences between the top two entries for each column, which corresponds to averaging over the generative factors. For all considered metrics, a higher score indicates better disentangling performance. \\
In the first set of experiments, the role of the number of selected principal components is investigated. The studied architecture has $n_\text{layers}=3$. All $\eta$ and $\lambda$ are set to $1$. The chosen kernel function is the RBF kernel and its bandwidth is added as a variable to the optimization problem; this is the case for all experiments in this section. For each dataset, the training set is a random sample of $N=100$ data points. Eight different choices for the number of selected components $s_1$, $s_2$ and $s_3$ are considered. Some representative results are presented in Figure \ref{fig:plot8_irs}. For additional plots, see \ref{app:plots}.\\
Figure \ref{fig:plot8_irs} shows the IRS score attained by Constr-DRKM\xspace models with varying number of selected principal components in its three layers. The variance is due to five different random seeds. It is clear that the number of selected components has an important role in the disentangling performance of Constr-DRKM\xspace. Its influence is particularly evident in the SmallNORB dataset, where a bad choice of $s_1,s_2$ and $s_3$ led to considerably worse scores than the other choices. None of the evaluated choices of $s_1,s_2$ and $s_3$ consistently resulted in poor performance on all datasets: for instance, $(20,20,10)$ was not the best performer on the SmallNORB dataset, but it was the choice with the best median score on the dSprites dataset. In a similar manner, no choice of the number of selected components was found to always give higher disentanglement score than any other choice for the datasets considered in the experiments. However, some choices led to better scores more consistently than others, while also showing smaller variance. For instance, models with $s_1=2$, $s_2=2$ and $s_3=6$ never resulted in significantly poorer performance than the other models and always had modest variance with respect to random seeds in the experiments. In general, the variance due to randomness varied depending on the dataset and on the disentanglement metric considered. For instance, the variance for the IRS metric on SmallNORB was small, but it was large for the SAP score metric on the same dataset. Interestingly, one can see that, in general, randomness affects certain combinations of dataset and disentanglement metric more than others. For instance, in Figure \ref{fig:plot8_irs} most models on SmallNORB have small variance, whereas most models have higher variance on the other datasets. \\
\begin{figure}[t]
\centering
\includegraphics[page=1,width=1.0\textwidth]{im_fig4.pdf}
\caption{Boxplot of the IRS score of a 3-layer Constr-DRKM\xspace architecture according to the number of selected principal components for each dataset. The tuples in the labels are of the form $(s_1,s_2,s_3)$. Lower and upper box boundaries first and third quartile, respectively, line inside box median, lower and upper error lines minimum and maximum value, respectively. The results are shown over five random seeds. A higher score indicates better disentangling performance on all metrics.}
\label{fig:plot8_irs}
\end{figure}
In the second set of experiments, the role of the number $n_\text{layers}$ of layers on Constr-DRKM\xspace's disentangling performance is studied as the number $N$ of training points grows from 50 to 800. In the experiments, $n_\text{layers}$ is taken from $\{1,2,3\}$. The studied architectures are as follows: the 1-layer architecture has $s_1=10$, the 2-layer one has $s_1=10$ and $s_2=5$ and for the 3-layer architecture, $s_1=2$, $s_2=2$ and $s_3=6$. For the 2-layer and 3-layer architectures, we chose those configurations because they were among the best ones that were empirically evaluated. On top of varying $N$, the hyperparameters $\eta$ and $\lambda$ are varied as well. Given that they have the role of weights in the objective function, we can consider a single hyperparameter $\gamma = \frac{\eta}{\lambda}$. In the experiments, $\gamma$ is taken from $\{0.01,0.1,1,5,25\}$. All experiments are repeated over five random seeds. The results for the Cars3D dataset are shown in Figure \ref{fig:plot9_cars3d}.\\
Figure \ref{fig:plot9_cars3d} plots the disentanglement score attained by Constr-DRKM\xspace against the number $N$ of training data points according to $n_\text{layers}$. The results indicate that the extent of the influence of $n_\text{layers}$ on the disentangling performance of Constr-DRKM\xspace greatly depends on the disentanglement metric. In particular, on Cars3D all considered $n_\text{layers}$ had similar SAP score, while varying the number of layers generally greatly affected the MIG and IRS scores. For example, models with 3 layers resulted in approximately double the MIG score on Cars3D compared to the 2-layer and 1-layer models when $N=400$. From the experiments it can be noted that the most consistent choice in terms of disentangling performance is $n_\text{layers}=2$, as it is in most cases the best or close to the best choice for any considered combination of metric, dataset and $N$. This observation accords with our hypothesis that introducing an additional layer to RKMs can be beneficial in terms of the disentanglement of the learned representation. For the datasets considered in these experiments, adding a third layer did not consistently increase the disentanglement scores, but this may not be the case on more difficult datasets with, for instance, multiple more realistic objects and a complex background. \\
\begin{figure}[t]
\centering
\includegraphics[page=1,width=0.8\textwidth]{im_fig5.pdf}
\caption{Line chart of the mean disentanglement score of different Constr-DRKM\xspace architectures according to the number $N$ of training data points and the number $n_\text{layers}$ of layers for the Cars3D dataset. For the 1-layer architecture, $s_1=10$, for the 2-layer one, $s_1=10$ and $s_2=5$ and for the 3-layer one, $s_1=2$, $s_2=2$ and $s_3=6$. The size of each error band is set to the value of standard error, extending from the mean. The variance is due to five different random seeds and different $\gamma$. The higher the curve, the better.}
\label{fig:plot9_cars3d}
\end{figure}
In the third set of experiments, the performance of a 2-layer Constr-DRKM\xspace is studied as the number $N$ of training points grows from 50 to 800 and is compared against $\beta$-VAE \citep{betavae}. The studied architecture has $s_1=10$ and $s_2=5$. The hyperparameter $\gamma$ is varied in the same range as in the previous set of experiments. We repeat the same experiments using a $\beta$-VAE model in place of Constr-DRKM\xspace where, instead of the hyperparameter $\gamma$, we vary $\beta$ in the set $\{2,3,4,5,6\}$. Some key results are presented in Figure \ref{fig:plot1}. \\
\begin{figure}[h!]
\centering
\begin{subfigure}[b]{0.8\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig6a.pdf}
\caption{dataset = Cars3D, metric = IRS}
\label{fig:plot1_cars3d_irs}
\end{subfigure}
\begin{subfigure}[b]{0.8\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig6b.pdf}
\caption{dataset = SmallNORB, metric = IRS}
\label{fig:plot1_norb_irs}
\end{subfigure}
\begin{subfigure}[b]{0.8\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig6c.pdf}
\caption{dataset = SmallNORB, metric = MIG}
\label{fig:plot1_norb_mig}
\end{subfigure}
\caption{Boxplots of the disentanglement score of a 2-layer Constr-DRKM\xspace, with $s_1=10$ and $s_2=5$, and of a $\beta$-VAE model according to the number of training points on the cars3D and SmallNORB datasets. Disentanglement score are shown across all choices of the hyperparameter $\gamma$ for Constr-DRKM\xspace and of $\beta$ for $\beta$-VAE and across five random seeds. The boxes show the first and third quartile in the lower and upper box boundaries, respectively, the circle inside is the median and the lower and upper error lines are the minimum and maximum value, respectively. Higher is better on all metrics.}
\label{fig:plot1}
\end{figure}
Figure \ref{fig:plot1} plots the disentanglement score attained by both Constr-DRKM\xspace and $\beta$-VAE against the number of training data points, for a selection of datasets and metrics. The variance is due to different hyperparameters ($\gamma$ for Constr-DRKM\xspace and $\beta$ for $\beta$-VAE) and five random seeds. Overall, Constr-DRKM\xspace showed good disentangling performance compared to $\beta$-VAE across datasets and metrics. Remarkably, on Cars3D Constr-DRKM\xspace significantly outperformed $\beta$-VAE in the IRS score. Turning now to the SmallNORB dataset, Constr-DRKM\xspace and $\beta$-VAE produced similar MIG scores. On the other hand, the latter method resulted in considerably better median IRS scores than the former method. If we now turn to the analysis of variance, in accordance with \citep{locatello}, $\beta$-VAE's performance varied greatly with random seed and hyperparameter. For example, on SmallNORB in Figure \ref{fig:plot1_norb_irs} the attained score varies from about 0.5 up to almost 0.9 with considerable interquartile range for all $N$ but the smallest. Comparing $\beta$-VAE's variance to Constr-DRKM\xspace's, it can be seen that our method shows a significantly more limited variance for all $N$. Even on other datasets, Constr-DRKM\xspace shows small variance on the IRS score that is similar or lower than the one shown by $\beta$-VAE. This is not always the case for other metrics, as exemplified in Figure \ref{fig:plot1_norb_mig}. Overall, the observations made in this set of experiments suggest that Constr-DRKM\xspace is able to consistently learn a disentangled representation of the input data, competitively with the state of the art, while being less affected by randomness and hyperparameter selection than $\beta$-VAE for the IRS metric. \\
\begin{figure}[h!]
\centering
\begin{subfigure}[b]{0.8\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig7a.pdf}
\caption{dataset = Cars3D, metric = IRS}
\label{fig:plot2_cars3d_irs}
\end{subfigure}
\begin{subfigure}[b]{0.8\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig7b.pdf}
\caption{dataset = Cars3D, metric = MIG}
\label{fig:plot2_cars3d_mig}
\end{subfigure}
\begin{subfigure}[b]{0.8\textwidth}
\includegraphics[page=1,width=\textwidth]{im_fig7c.pdf}
\caption{dataset = SmallNORB, metric = IRS}
\label{fig:plot2_norb_irs}
\end{subfigure}
\caption{Boxplots of the disentanglement score of a 2-layer Constr-DRKM\xspace, with $s_1=10$ and $s_2=5$, and of a $\beta$-VAE model according to the hyperparameter $\gamma$ for Constr-DRKM\xspace and of $\beta$ for $\beta$-VAE on the cars3D and SmallNORB datasets. Disentanglement score are shown across all number $N$ of training points and across five random seeds. The boxes have the same structure as in Figure \ref{fig:plot1}. Higher is better on all metrics.}
\label{fig:plot2}
\end{figure}
We now focus on the influence of the hyperparameter $\gamma$ for Constr-DRKM\xspace and $\beta$ for $\beta$-VAE. Figure \ref{fig:plot2} plots the disentanglement score attained by both Constr-DRKM\xspace and $\beta$-VAE as the hyperparameter $\gamma$ for Constr-DRKM\xspace and $\beta$ for $\beta$-VAE varies, for a selection of datasets and metrics. The variance is due to different $N$, which is in the same range as in Figure \ref{fig:plot1}, and five random seeds. From Figure \ref{fig:plot2_norb_irs} it can be observed that $\gamma$ does not have appreciable influence on the IRS score on SmallNORB, whereas $\beta$ plays an important role in $\beta$-VAE's median performance, which dropped when setting $\beta$ to 5 and 6, producing greater variance as well. A similar but less sudden trend can be noted in Figure \ref{fig:plot2_cars3d_irs} on Cars3D: increasing $\beta$ leads to increased score, but the median score remains approximately steady when increasing $\gamma$. In general, therefore, it seems that Constr-DRKM\xspace is less sensitive to $\gamma$ than $\beta$-VAE is to $\beta$ when it comes to the considered datasets and disentanglement metrics. \\
The influence of $\gamma$ is also studied separately for each $N \in \{50,100,200,400,800\}$. Figure \ref{fig:plot7_irs} plots the IRS score attained by Constr-DRKM\xspace against the hyperparameter $\gamma$ according to the number $N$ of training data points. The variance is due to five random seeds. It can be noted from the plot that most lines are roughly horizontal, meaning that varying $\gamma$ does not significantly affect the IRS score and that this behavior is shared by all considered number of training points. These results corroborate the findings of the previous set of experiments: Constr-DRKM\xspace's disentangling performance tends to remain steady as its $\gamma$ hyperparameter varies, contrary to the behavior of $\beta$-VAE with respect to its hyperparameter $\beta$, which greatly influences its performance. \\
\begin{figure}[t]
\centering
\includegraphics[page=1,width=0.8\textwidth]{im_fig8.pdf}
\caption{Line chart of the mean IRS score of a 2-layer Constr-DRKM\xspace architecture, with $s_1=10$ and $s_2=5$, according to the hyperparameter $\gamma$ for each dataset and for each number $N$ of training points. The error bands is set to the value of standard error, extending from the mean. The variance is due to five different random seeds. The higher the curve, the better.}
\label{fig:plot7_irs}
\end{figure}
Finally, we compare random initialization to layer-wise kernel PCA initialization. Table \ref{tab:init} shows the mean disentanglement scores attained on Cars3D over 5 random seeds.
In this experiment, initializing the hidden units using kernel PCA in a layer-wise manner outperforms $\beta$-VAE and it provides the additional benefit of increased reliability as standard deviation is zero because no random seed is employed.
In particular, layer-wise kernel PCA initialization on average achieves slightly lower IRS score compared to random initialization and it significantly outperforms both random initialization and $\beta$-VAE on the MIG metric.
Overall, when it comes to the variance of the results, Constr-DRKM\xspace with layer-wise kernel PCA initialization compares favorably to $\beta$-VAE, successfully addressing the core issue of reliability of VAE-based methods brought up by \citep{locatello}.
\begin{table}[t]
\centering
\begin{tabular}{llll}
\toprule
{} & Type & IRS & MIG \\
\midrule
& Random initialization & 0.843 $\pm$ 0.044 & 0.012 $\pm$ 0.010 \\
& Layer-wise kernel PCA initialization & 0.785 $\pm$ 0.000 & 0.040 $\pm$ 0.000 \\
& $\beta$-VAE & 0.752 $\pm$ 0.145 & 0.010 $\pm$ 0.011 \\
\bottomrule
\end{tabular}
\caption{Comparison of disentangling performance of two Constr-DRKM\xspace models with different initialization and $\beta$-VAE on the Cars3D dataset with $N=800$. Mean IRS and MIG scores are reported with their standard deviation, which, in this case, is only due to 5 different random seeds. The employed Constr-DRKM\xspace model has two RBF layers ($\sigma^2=50$) with $s_1=10$ and $s_2=5$. The $\beta$-VAE model has $\beta=4$. Higher is better on all metrics.}
\label{tab:init}
\end{table}
\section{Introduction}
\label{sec:intro}
The choice of the features on which a machine learning method is trained on is crucial to achieve good performance. Finding representations of the data that make it easier to train classifiers or other predictors is the goal of representation learning \citep{bengio-rl}. \\
One desirable characteristic of good representations is disentanglement, which means that the learned representation separates the factors of variations in the data \citep{bengio2009, bengio-rl}. In fact, in representation learning it is common to assume a low dimensional multivariate random variable $z$ representing the meaningful factors of variations: a high dimensional observation $x$ is then sampled from the conditional distribution $P(x|z)$. For example, a model trained on faces may learn latent generative factors such as hair style, emotion or the presence of glasses. In this respect, the empirical success of deep learning in supervised learning tasks is often linked to the ability of deep networks to learn meaningful intermediate representations \citep{vincent2010, zeiler2014}.\\
Regarding the unsupervised learning setting, many benefits of employing disentangled representations have been highlighted. For example, they could be useful in i) transfer learning, by reusing meaningful representations on new tasks \citep{bengio-rl}, ii) semi-supervised learning \citep{scholkopf2012,ranzato2007}, iii) few-shot learning \citep{ridgeway2018}, iv) explainability, for instance in the medical domain \citep{Holzinger2019, sarhan2019}, and v) reinforcement learning \citep{lake2017}.\\
However, unsupervised learning of disentangled representations is still a key challenge in artificial intelligence research \citep{bengio-rl,lecun2015a,lake2017}. State-of-the-art models are mostly based on the generative adversarial network (GAN) framework, such as InfoGAN \citep{infogan}, or on variational autoencoders (VAEs) \citep{vae}, including $\beta$-VAEs \citep{betavae}, FactorVAE \citep{factorvae} and $\beta$-TCVAE \citep{mig}. Concerning the former approaches, it has been observed that training InfoGANs is difficult because of the training instability of the GAN framework \citep{betavae}. On the other hand, approaches based on VAEs offer training stability \citep{betavae}, but a recent extensive empirical evaluation has found that their disentangling performance was not reliable as it varied widely with hyperparameter selection, random seeds and among datasets \citep{locatello}.\\
With respect to unsupervised feature extraction, principal component analysis (PCA) is a standard methodology. More in general, it is well established that kernel methods are stable to train and give reliable performance, which contrasts sharply with the issues outlined in the above paragraph. However, in contrast to deep networks, they are shallow methods, so they cannot take advantage of depth to hierarchically decompose a difficult target function into a composition of simpler functions \citep{bfc}. Finally, currently there is no widely accepted technique to promote disentanglement in kernel methods.\\
This paper introduces Constr-DRKM\xspace, a deep kernel method for the unsupervised learning of disentangled representations. Our approach is based on deep restricted kernel machines (deep RKMs) \citep{drkm}, which provide a framework rooted in well-understood and reliable kernel methods. There has been little investigation on the use of deep RKMs for unsupervised learning. Moreover, while recent evidence suggests that shallow restricted kernel machines can achieve good disentangling performance \citep{pandey2020a}, no previous study has investigated the potential for unsupervised learning of disentangled representations in deep RKMs.\\
We propose employing a deep restricted kernel machine consisting of multiple kernel PCA layers augmented by orthogonality constraints on the latent variables to perform unsupervised extraction of disentangled features. We explain that the orthogonality constraints have two effects, called \textit{intraorthogonality} and \textit{interorthogonality} effects, which encourage the deep RKM to learn a disentangled representation of the data. As a result of the introduction of the orthogonality constraints, we are able to avoid defining a stabilized version of the deep RKM objective, which is instead needed in the original formulation of deep RKMs \citep{drkm}.
Furthermore, we show how to train the proposed model end-to-end, so that the components of lower layers can use the representations learned by higher layers.
To evaluate the proposed methodology, we conduct experiments in the task of disentangled feature learning. We quantitatively show that RKMs can benefit from depth and that a 2-layer Constr-DRKM\xspace architecture performs similarly to the state of the art on a number of disentanglement metrics when only a fraction of training points are available, while being more reliable in terms of sensitivity to hyperparameter selection than $\beta$-VAE.\\
Our main contributions are as follows.
\begin{itemize}
\item We propose a novel deep kernel method called Constr-DRKM\xspace by reformulating the deep restricted kernel machine framework for kernel PCA \citep{drkm} into a constrained optimization problem with orthogonality constraints on the latent variables so that disentanglement is encouraged and optimization can be carried out without first defining a stabilized objective.
\item We propose an end-to-end training algorithm, allowing lower layers to exploit the representation learned by higher layers, by employing a quadratic penalty optimization algorithm with warm start, additionally introducing a deterministic initialization scheme. Furthermore, we present a denoising procedure for deep RKMs.
\item We show how to apply our proposed method to the unsupervised learning of disentangled representations without any prior knowledge on the generative factors, demonstrating empirically that its learned representations perform similarly overall compared to $\beta$-VAE in terms of multiple disentanglement metrics on four benchmark datasets when few training points are available. We also evaluate and discuss the influence of hyperparameters on the performance of the proposed method, demonstrating that our approach is less sensitive to hyperparameter choice than $\beta$-VAE: Constr-DRKM\xspace's disentangling performance tends to remain steady as its hyperparameter $\gamma$ varies, in contrast to the strong influence of the hyperparameter $\beta$ on $\beta$-VAE's performance. In particular, we show that deterministic initialization of Constr-DRKM\xspace's training algorithm considerably improves the reproducibility of the results.
\item Finally, we show the benefit of Constr-DRKM\xspace over kernel PCA in denoising complex 2D data distributions. In addition, we study the influence of each principal component by visualizing the concept learned by each component in every layer. In this way, we illustrate the role of the different layers: the first layer performs lower-level feature detection and focuses on, for example, edges and corners, while the second layer employs those lower-level features and captures more global features, which in turn allow for more accurate reproduction of the details of the original data distribution.
\end{itemize}
\section{The Constr-DRKM\xspace method}
\label{sec:met}
In the previous section, two key issues in the development of effective training algorithms for deep RKMs were identified: performing end-to-end instead of layer-wise training and promoting disentanglement in the hidden features at the same time. Accordingly, the aim of this section is to propose a method, based on deep RKMs, for the unsupervised learning of latent representations of some given data so that
\begin{itemize}
\item it promotes disentanglement in the learned hidden features, and
\item it carries out end-to-end training.
\end{itemize}
To address both aspects, we propose augmenting the original deep RKM formulation of two layers of kernel PCA, as described in Subsection \ref{ssec:drkm}, by orthogonality constraints on the latent variables of both layers.\\
Let $s_1$ be the number of selected principal components of the first layer of kernel PCA and $s_2$ be the number of selected principal components of the second layer of kernel PCA.
Then, let $\varphi_1: \mathbb{R}^d \to \mathbb{R}^{d_{\mathcal{F}_1}}$ be the feature map and of layer 1 and
let $\varphi_2: \mathbb{R}^{s_1} \to \mathbb{R}^{d_{\mathcal{F}_2}}$ be the feature map of layer 2.
The proposed optimization problem is:
\newcommand{J_{t,\text{Constr-DRKM\xspace}}}{J_{t,\text{Constr-DRKM\xspace}}}
\newcommand{\bar{J}{}_{t,\text{Constr-DRKM\xspace}}}{\bar{J}{}_{t,\text{Constr-DRKM\xspace}}}
\newcommand{\bar{J}{}_{gen}}{\bar{J}{}_{gen}}
\newcommand{\bar{J}{}_{gen,\text{Constr-DRKM\xspace}}}{\bar{J}{}_{gen,\text{Constr-DRKM\xspace}}}
\begin{mini}|l|
{W_1,W_2,h_i^{(1)},h_i^{(2)}}{J_{t,\text{Constr-DRKM\xspace}}={J_{t,\text{Constr-DRKM\xspace}}}^{(1)}+{J_{t,\text{Constr-DRKM\xspace}}}^{(2)}}{}{}
\breakObjective{\quad=-\sum_{i=1}^N \varphi_1(v_i)^T W_1 h_i^{(1)}+\frac{\lambda_1}{2}\sum_{i=1}^N{h_i^{(1)}}^Th_i^{(1)}+\frac{\eta_1}{2}\mytrace{\left( W_1^TW_1 \right)}}
\breakObjective{\quad\hspace{1.4em}-\sum_{i=1}^N \varphi_2(h_i^{(1)})^T W_2 h_i^{(2)}+\frac{\lambda_2}{2}\sum_{i=1}^N{h_i^{(2)}}^Th_i^{(2)}+\frac{\eta_2}{2}\mytrace{\left( W_2^TW_2 \right)},}
\addConstraint{\left[
\begin{array}{c}
H^{(1)} \\
H^{(2)}
\end{array}
\right]
\left[
\begin{array}{cc}
{H^{(1)}}^T & {H^{(2)}}^T
\end{array}
\right]}{= I_{s_1+s_2},}{}
\label{arnold1}
\end{mini}
where $W_1 \in \mathbb{R}^{d_{\mathcal{F}_1} \times s_1}$ and $W_2 \in \mathbb{R}^{d_{\mathcal{F}_2} \times s_2}$ are, respectively, the interconnection matrices of layer 1 and layer 2, $h_i^{(1)} \in \mathbb{R}^{s_1}$ and $h_i^{(2)} \in \mathbb{R}^{s_2}$ are, respectively, the latent variables of layer 1 and layer 2, $H^{(1)} = [h^{(1)}_1,\dots,h^{(1)}_N] \in \mathbb{R}^{s_1 \times N}$, $H^{(2)} = [h^{(2)}_1,\dots,h^{(2)}_N] \in \mathbb{R}^{s_2 \times N}$, $I_{s_1+s_2}$ denotes the $(s_1+s_2) \times (s_1+s_2)$ identity matrix and $\lambda_1, \lambda_2, \eta_1, \eta_2 > 0$ are regularization constants.\\
The orthogonality constraints have two effects. The first effect, called the \textit{intraorthogonality} effect, enforces the mutual orthogonality of the hidden features learned by the first layer, as well as the mutual orthogonality of the hidden features learned by the second layer. The second effect, called an \textit{interorthogonality} effect, enforces the orthogonality between the hidden features learned by the first layer and the hidden features learned by the second layer, so that the two layers are encouraged to learn new features of the data instead of repeating the same features in both layers. Both effects aim to push the deep RKM to learn a more disentangled representation of the data. \\
By employing end-to-end instead of layer-wise training in deep restricted kernel machines, lower layers can improve their representation by exploiting the representation learned by higher layers. This architecture may also be beneficial to disentangled feature learning, as it has previously been observed that a two-level hierarchical structure can promote disentanglement \citep{esmaeili2019}. Note that the formulation shown in \eqref{arnold1} can be easily extended to more than two kernel PCA layers. One reason for making use of more layers is that it might improve the invariance of the learned representation, as invariance is promoted by stacking layers \citep{achille}. Another manner of boosting invariance would be to increase the information bottleneck between each layer by selecting fewer principal components \citep{achille}. \\
After having trained the model on all training data points $x_i$ and having learned the hidden features $h_i^{(1)}$ and $h_i^{(2)}$ of each $x_i$, one can encode an out-of-sample data point $x^\star$ in the manner proposed in \citep{pandey2020b} extended to the 2-layer case. The latent representation of $x^\star$ is computed by projecting it on the latent space using:
\begin{align}
{h^{(1)}}^\star &= \frac{1}{\lambda_1 \eta_1} \sum_{i=1}^{N} h_i^{(1)} k_0(x_i,x^\star), \label{eq:oosh1}\\
{h^{(2)}}^\star &= \frac{1}{\lambda_2 \eta_2} \sum_{i=1}^{N} h_i^{(2)} k_1(h_i^{(1)},{h^{(1)}}^\star), \label{eq:oosh2}
\end{align}
where $k_0(x,y)=\varphi_1(x)^T\varphi_1(y)$ and $k_1(x,y)=\varphi_2(x)^T\varphi_2(y)$ are the kernel functions for the first and second layer, respectively, obtained by means of the kernel trick. Instead of first defining a feature map $\varphi_i$ and then deriving the kernel, one can simply choose a positive definite kernel $k_{i-1}$ due to Mercer's theorem \citep{mercer1909}, which guarantees the existence of a feature map $\phi$ such that $k_{i-1}(x,y)=\phi(x)^T \phi(y)$.\\
\subsection{A training algorithm for Constr-DRKM\xspace}
In the energy-based interpretation of deep RKMs, the training phase of Constr-DRKM\xspace consists of finding the interconnection matrices $W_1$ and $W_2$ and the hidden units $h_i^{(1)}$ and $h_i^{(2)}$ so that the observed configurations $x_i$ are given lower energies than unobserved configurations. Training of Constr-DRKM\xspace can be therefore performed by solving the equality constrained nonlinear optimization problem \eqref{arnold1}. However, the number of variables of the optimization problem \eqref{arnold1} is large and depends on $d_{\mathcal{F}_1}$ and $d_{\mathcal{F}_2}$, which are the dimensionalities of the feature spaces used by $\varphi_1$ and $\varphi_2$. If, for instance, the Gaussian kernel is used, the dimensionality of the feature space would be infinite and therefore it would not be possible to directly solve the optimization problem \eqref{arnold1}. To address this issue, we show how to rewrite $J_{t,\text{Constr-DRKM\xspace}}$ to eliminate the interconnection matrices $W_1$ and $W_2$. This can be done considering each layer separately. The following shows how to eliminate the interconnection matrix for the first layer; eliminating $W_2$ follows the same procedure. \\
First, recall that, when training RKMs, each visible unit $v_i$ is fixed to the training point $x_i$. Therefore, in training, the stationary point of $J_{t,\text{Constr-DRKM\xspace}}$ with respect to $W_1$ is given by:
\begin{equation} \label{W1}
\evaluated{\frac{\partial J_{t,\text{Constr-DRKM\xspace}}}{\partial W_1}}_{v_i=x_i} = -\sum_{i=1}^N \varphi(x_i) {h_i^{(1)}}^T + \eta_1 W_1 = 0 \implies W_1 = \frac{1}{\eta_1} \sum_{i=1}^N \varphi(x_i) {h_i^{(1)}}^T.
\end{equation}
Then, in order to eliminate the interconnection matrix $W_1$, two terms in ${J_{t,\text{Constr-DRKM\xspace}}}^{(1)}$ have to be rewritten: $\sum_{i=1}^N \varphi(v_i)^T W_1 {h_i^{(1)}}^T$ and $\frac{\eta_1}{2}\mytrace{\left(W_1^TW_1\right)}$. This is accomplished using \eqref{W1}. The latter term can be rewritten as follows:
\begin{equation} \label{we_w1}
\begin{split}
\frac{\eta_1}{2}\mytrace{\left(W_1^TW_1\right)} &= \frac{\eta_1}{2}\mytrace{\left(\left(\frac{1}{\eta_1} \sum_{i=1}^N \varphi_1(x_i) {h_i^{(1)}}^T\right)^T \left(\frac{1}{\eta_1} \sum_{i=1}^N \varphi_1(x_i) {h_i^{(1)}}^T\right) \right)} \\
&= \frac{1}{2\eta_1}\mytrace{\left(\left(\sum_{i=1}^N h_i^{(1)} \varphi_1(x_i)^T \right) \left(\sum_{i=1}^N \varphi_1(x_i) {h_i^{(1)}}^T\right) \right)} \\
&= \frac{1}{2\eta_1}\mytrace{\left(\sum_{i=1}^N \sum_{j=1}^N h_i^{(1)} \varphi_1(x_i)^T \varphi_1(x_j) {h_j^{(1)}}^T \right)} \\
&= \frac{1}{2\eta_1}\mytrace{\left(\sum_{i=1}^N \sum_{j=1}^N h_i^{(1)} k_0(x_i,x_j) {h_j^{(1)}}^T \right)} \quad \text{(kernel trick)} \\
&= \frac{1}{2\eta_1}\mytrace{\left(\sum_{i=1}^N \sum_{j=1}^N k_0(x_i,x_j) h_i^{(1)} {h_j^{(1)}}^T \right)} \\
&= \frac{1}{2\eta_1}\mytrace{\left( H^{(1)}K^{(0)}{H^{(1)}}^T \right)},
\end{split}
\end{equation}
where $K^{(0)} \in \mathbb{R}^{N \times N}$ such that $K^{(0)}_{ij} = k_0(x_i,x_j)$.\\
The former term can be rewritten as follows:
\begin{equation}
\begin{split}
\sum_{i=1}^N \varphi_1(v_i)^T W_1 h_i^{(1)} &= \sum_{i=1}^N \varphi_1(v_i)^T \left( \frac{1}{\eta_1} \sum_{j=1}^N \varphi_1(x_j) {h_j^{(1)}}^T \right) h_i^{(1)} \\
&= \frac{1}{\eta_1} \sum_{i=1}^N \sum_{j=1}^N \varphi_1(v_i)^T \varphi_1(x_j) {h_j^{(1)}}^T h_i^{(1)} \\
&= \frac{1}{\eta_1} \sum_{i=1}^N \sum_{j=1}^N k_0(v_i,x_j) {h_j^{(1)}}^T h_i^{(1)} \quad \text{(kernel trick)} \\
&= \frac{1}{\eta_1} \mytrace{\left( K_{xv}^{(0)} {H^{(1)}}^T H^{(1)} \right)} \\
&= \frac{1}{\eta_1} \mytrace{\left( H^{(1)} K_{xv}^{(0)} {H^{(1)}}^T \right)},
\end{split}
\end{equation}
where $K_{xv}^{(0)} \in \mathbb{R}^{N \times N}$ such that $(K_{xv}^{(0)})_{ij} = k_0(v_i,x_j)$. Note that here $W_1$ was replaced using \eqref{W1} by its expression in terms of the training points $x_i$, but the term $\varphi(v_i)$ was not expressed in terms of the training points. Keeping $\varphi(v_i)$ expressed in $v_i$ is useful when, after training, the visible units are taken as unknowns. For instance, in RBMs this is the case in data generation.\\
Combining the above rewrites, ${J_{t,\text{Constr-DRKM\xspace}}}^{(1)}$ becomes:
\newcommand{\layerbm}[1]{- \frac{1}{\eta_#1} \mytrace{\left( H^{(#1)} K^{(\number\numexpr#1-1\relax)} {H^{(#1)}}^T \right)} + \frac{\lambda_#1}{2} \mytrace{\left( {H^{(#1)}}^T H^{(#1)} \right)} + \frac{1}{2\eta_#1}\mytrace{\left( {H^{(#1)}}K^{(\number\numexpr#1-1\relax)}{H^{(#1)}}^T \right)}}
\newcommand{\layerbmtraining}[1]{- \frac{1}{2\eta_#1} \mytrace{\left( H^{(#1)} K^{(\number\numexpr#1-1\relax)} {H^{(#1)}}^T \right)} + \frac{\lambda_#1}{2} \mytrace{\left( {H^{(#1)}}^T H^{(#1)} \right)}}
\begin{align}
{\bar{J}{}_{t,\text{Constr-DRKM\xspace}}}^{(1)} &= -\sum_{i=1}^N \varphi_1(v_i)^T W_1 {h_i^{(1)}} + \frac{\lambda_1}{2} \sum_{i=1}^N {h_i^{(1)}}^T{h_i^{(1)}} + \frac{\eta_1}{2}\mytrace{\left(W_1^TW_1\right)} \\
&= -\frac{1}{\eta_1} \sum_{i=1}^N \sum_{j=1}^N \varphi_1(v_i)^T \varphi_1(x_j) {h_i^{(1)}}^T {h_i^{(1)}} \\
& \hspace{1.1em} + \frac{\lambda_1}{2} \sum_{i=1}^N {h_i^{(1)}}^T{h_i^{(1)}} + \frac{1}{2\eta_1}\mytrace{\left(\sum_{i=1}^N \sum_{j=1}^N {h_i^{(1)}} \varphi_1(x_i)^T \varphi_1(x_j) {h_i^{(1)}}^T \right)} \\
&= -\frac{1}{\eta_1} \sum_{i=1}^N \sum_{j=1}^N k_0(v_i,x_j) {h_i^{(1)}}^T {h_i^{(1)}} + \frac{\lambda_1}{2} \sum_{i=1}^N {h_i^{(1)}}^T{h_i^{(1)}} \\
& \hspace{1.1em} + \frac{1}{2\eta_1}\mytrace{\left(\sum_{i=1}^N \sum_{j=1}^N k_0(x_i,x_j) {h_i^{(1)}} {h_i^{(1)}}^T \right)} \quad \label{j_t_we1} \\
&= - \frac{1}{\eta_1} \mytrace{\left( H^{(1)} K^{(0)}_{xv} {H^{(1)}}^T \right)} + \frac{\lambda_1}{2} \mytrace{\left( {H^{(1)}}^T H^{(1)} \right)} + \frac{1}{2\eta_1}\mytrace{\left( {H^{(1)}}K^{(0)}{H^{(1)}}^T \right)}.
\end{align}
The optimization problem of Constr-DRKM\xspace in \eqref{arnold1} can finally be rewritten by combining the expressions for the first and second layer after weight elimination. Given that in training $K_{xv}^{(0)} = K^{(0)}$, as the visible units $v_i$ are clamped to the training points $x_i$, one can write:
\begin{equation} \label{arnold2}
\begin{alignedat}{3}
&\stackunder{minimize}{$h_i^{(1)},h_i^{(2)}$} &\qquad& \bar{J}{}_{t,\text{Constr-DRKM\xspace}}={\bar{J}{}_{t,\text{Constr-DRKM\xspace}}}^{(1)}+{\bar{J}{}_{t,\text{Constr-DRKM\xspace}}}^{(2)} & \\
& & & =\layerbm{1} &\\
& & & \hspace{1.1em} \layerbm{2} &\\
& & & =\layerbmtraining{1} &\\
& & & \hspace{1.1em} \layerbmtraining{2} &\\
&\text{subject to} & & \left[
\begin{array}{c}
H^{(1)} \\
H^{(2)}
\end{array}
\right]
\left[
\begin{array}{cc}
{H^{(1)}}^T & {H^{(2)}}^T
\end{array}
\right] = I_{s_1+s_2}. &
\end{alignedat}
\end{equation}
Compared to \eqref{arnold1}, the above optimization problem does not have the interconnection matrices as variables. This means that not only training is more efficient but also that Constr-DRKM\xspace can deal with explicit and implicit feature maps in the same manner, even if their feature space has infinite dimensionality. In addition, as a consequence of the introduced constraints and of the elimination of the interconnection matrices, it is not necessary to define a stabilized version of the objective to make it suitable for minimization, as it was instead needed in the original formulation of deep RKMs as explained in Subsection \ref{ssec:drkm}. \\
End-to-end training of the proposed deep RKM can be performed by solving the equality constrained nonlinear optimization problem \eqref{arnold2}. The constraint set of \eqref{arnold2} is a Stiefel manifold $\text{St}(s_1+s_2,N)$, so one of the algorithms that have been proposed for optimization on the Stiefel manifold could be employed. For example, one could use the Newton's method on the Stiefel manifold developed in \citep{smith1993,smith1994,edelman1998}. This algorithm generates points along the geodesic, which is expensive to compute because it uses matrix exponentials. Alternatively, one could avoid computing the geodesic by instead exploiting the Cayley transform to determine the search curve, such as in the algorithms proposed in \citep{wen2013,zhu2017}. However, these methods could also be computationally heavy because the complexity of determining the search curve at each iteration is dominated by a matrix inversion.\\
To avoid expensive matrix computations, we propose applying a quadratic penalty optimization algorithm with warm start based on the description given in \citep{nocedal2006}. First, define a function that combines the objective of \eqref{arnold2} with an additional term penalizing solutions violating the orthogonality constraints. One such function is called the quadratic penalty function $Q(h_i^{(1)},h_i^{(2)};\mu)$ and is defined as
\begin{equation} \label{Q}
Q(h_i^{(1)},h_i^{(2)};\mu) = \bar{J}{}_{t,\text{Constr-DRKM\xspace}} + \frac{\mu}{2} \norm{\left[
\begin{array}{c}
H^{(1)} \\
H^{(2)}
\end{array}
\right]
\left[
\begin{array}{cc}
{H^{(1)}}^T & {H^{(2)}}^T
\end{array}
\right]-I_{s_1+s_2}}^2_F,
\end{equation}
where $\mu$ is a penalty parameter penalizing violations of the orthogonality constraints. The constrained optimization problem is then replaced by a sequence of unconstrained ones with increasing $\mu$. In the $k$-th unconstrained problem, the $h_i^{(1)}$ and $h_i^{(2)}$ minimizing $Q(h_i^{(1)},h_i^{(2)};\mu_k)$ are sought, with starting point set to the minimizers found in the $(k-1)$-th problem. Initialization can be done with random values drawn from the standard normal distribution or with deterministic layer-wise kernel PCA initialization, such that the initial hidden features of each layer are computed locally using kernel PCA. The unconstrained problems can be then solved by some unconstrained minimization algorithm; in our experiments, we used Adam \citep{adam}. If these subproblems are solved inexactly, in general the quadratic penalty optimization algorithm will not converge to the global solution of \eqref{arnold2}. In practice, we halt the outer loop of Algorithm \ref{alg:train} after a fixed number of iterations that we choose so that it is larger when the number of variables of the optimization problem is higher. This choice translates to running more outer iterations when the number of training point $N$ is higher, as the number of variables depends on $N$.\\
\begin{algorithm}[h]
\caption{Algorithm for training a 2-layer Constr-DRKM\xspace using a quadratic penalty optimization algorithm with warm start. ${(h_i^{(1)})}^s_k$ denotes the starting point $h_i^{(1)}$ at iteration $k$. Note that $Q$ also depends on the hyperparameters $\lambda_1, \lambda_2, \eta_1, \eta_2$ and on the kernel functions $k_0$ and $k_1$, which need to be chosen before optimization.} \label{alg:train}
\begin{algorithmic}[1]
\Function{Train}{${(h_i^{(1)})}^s_0$, ${(h_i^{(2)})}^s_0$, $\mu_0>0$, $\tau_0>0, p > 1$}
\For{$k \gets 0, 1, 2, \dots$}
\State $h_i^{(1)} \gets {(h_i^{(1)})}^s_k$
\State $h_i^{(2)} \gets {(h_i^{(2)})}^s_k$
\Repeat
\State Update $\{h_i^{(1)}, h_i^{(2)}\} \gets$ \Call{ADAM}{$Q(h_i^{(1)}, h_i^{(2)}; \mu_k)$}
\Until{$\norm{\nabla Q(h_i^{(1)},h_i^{(2)};\mu_k)} \leq \tau_k$}
\State $\tau_{k+1} \gets \tau_k / 2$
\State $\mu_{k+1} \gets p \ast \mu_k$
\State ${(h_i^{(1)})}^s_{k+1} \gets h_i^{(1)}$
\State $ {(h_i^{(2)})}^s_{k+1} \gets h_i^{(2)}$
\EndFor
\State \textbf{return} $h_i^{(1)}, h_i^{(2)}$
\EndFunction
\end{algorithmic}
\end{algorithm}
Regarding kernels' hyperparameters, they might also be optimized together with the latent variables by adding it as a variable of the optimization problem \eqref{arnold2}. Alternatively, kernels' hyperparameter selection can be carried out by fixing a validation set and selecting the hyperparameter values that perform best on it. When it comes to the scalability of solving \eqref{arnold2}, the size of both $K^{(0)}$ and $K^{(1)}$ grows quadratically in $N$. On the other hand, their size does not depend on the dimensionality $d$ of the input space. Regarding the unknown matrices $H^{(1)}$ and $H^{(2)}$, their size does not depend on $d$, but it depends on $N$, as well as on the number of selected principal components $s_1$ and $s_2$, respectively. In addition, $K^{(1)}$ is computed from $H^{(1)}$, so optimization might suffer from the increased non-linearity.\\
\subsection{Denoising and Constr-DRKM\xspace}
\label{met:den}
This section presents a reconstruction procedure that can denoise a test point $x^\star$. As in PCA, denoising is carried out by keeping only the first $s$ principal hidden features because one can assume that noise is concentrated in the components of lower variance. Performing reconstruction is straightforward in PCA because it is just a basis transformation, but the deep architecture and non-linear feature maps of Constr-DRKM\xspace pose a greater challenge. In fact, it is possible that a point in the feature space used by $\varphi_1$ does not have a pre-image in the input space. In addition, multiple non-linear mappings have to be taken into account during reconstruction.\\
We adapt the approach proposed in \citep{mika1999,scholkopf1999} in the context of kernel PCA to a 2-layer Constr-DRKM\xspace. Extending the following procedure to more than two layers is straightforward. Call $\mathcal{F}_1$ the feature space used by $\varphi_1$ and assume that the mapped data points are centered in $\mathcal{F}_1$. First, ${h^{(2)}}^\star$, the latent representation of $x^\star$ characterized by the second layer, is computed following Eq. \eqref{eq:oosh2}. Similarly, ${h^{(1)}}^\star$ is then computed following Eq. \eqref{eq:oosh1}. Employing this representation, only $s_1$ components are kept, discarding the components that are noisier. The reconstruction of $x^\star$ from its projections $z_k, \, k=1,\dots,s_1$ onto the first $s_1$ principal components in $\mathcal{F}_1$ is
\begin{equation}
\label{eq:invpca}
\P_{s_1}\varphi_1(x^\star) = \sum_{k=1}^{s_1} z_k v^k,
\end{equation}
where $v^k \in \mathcal{F}_1$ is the $k$-th principal component. As explained in \citep{scholkopf1998}, $v^k$ lies in the span of $\varphi_1(x_1) \dots \varphi_1(x_N)$, so \eqref{eq:invpca} can be written as
\begin{equation}
\label{eq:invpca2}
\P_{s_1}\varphi_1(x^\star) = \sum_{k=1}^{s_1} z_k \sum_{i=1}^N \alpha_i^k \varphi_1(x_i).
\end{equation}
The denoised point in the input space is computed by finding a point $\hat{x^\star}$ such that $\varphi_1(\hat{x^\star})$ approximates $\P_{s_1}\varphi_1(x^\star)$. To this aim, we minimize
\begin{equation}
\label{eq:r}
r(\hat{x^\star}) = \norm{\varphi_1(\hat{x^\star}) - \P_{s_1}\varphi_1(x^\star)}^2.
\end{equation}
Using \eqref{eq:invpca2}, the above can be rewritten as
\begin{equation}
\begin{split}
r(\hat{x^\star}) &= \norm{\varphi_1(\hat{x^\star})}^2 - 2 \varphi_1(\hat{x^\star}) \cdot \P_{s_1}\varphi_1(x^\star) + \norm{\P_{s_1}\varphi_1(x^\star)}^2 \\
&= k_0(\hat{x^\star},\hat{x^\star}) - 2 \sum_{k=1}^{s_1} z_k \sum_{i=1}^N \alpha_i^k k_0(\hat{x^\star}, x_i) + \norm{\P_{s_1}\varphi_1(x^\star)}^2. \label{eq:rho1}
\end{split}
\end{equation}
Given that, by Eq. (17) of \citep{scholkopf1998},
\begin{equation} \label{eq:projection}
z_k = \sum_{i=1}^N \alpha_i^k k_0(x_i,x^\star),
\end{equation}
that, in the LS-SVM formulation of kernel PCA, $\alpha_i = 1/\lambda_1 \, e_i$ \citep{suykens2003,suykens2002} and that $e_i = \lambda_1 h^{(1)}_i$ in restricted kernel machines \citep{drkm}, one can rewrite \eqref{eq:rho1} in terms of the hidden units as
\begin{equation}
\label{eq:rho2}
r(\hat{x^\star}) = k_0(\hat{x^\star},\hat{x^\star}) - 2 \sum_{i=1}^N \beta_i k_0(\hat{x^\star}, x_i) + \norm{\P_{s_1}\varphi_1(x^\star)}^2,
\end{equation}
where
\begin{equation}
\begin{split}
\beta_i &= \sum_{k=1}^{s_1} z_k \alpha_i^k
= \sum_{k=1}^{s_1} \left( \sum_{j=1}^{N} \alpha_j^k k_0(\hat{x^\star}, x_j) \right) \alpha_i^k
= \sum_{j=1}^{N} \sum_{k=1}^{s_1} \alpha_j^k \alpha_i^k k_0(\hat{x^\star}, x_j)
= \sum_{j=1}^{N} \sum_{k=1}^{s_1} (h_j^{(1)})_k (h_i^{(1)})_k k_0(\hat{x^\star}, x_j).
\end{split}
\end{equation}
In general, standard gradient descent methods can be employed to minimize \eqref{eq:rho2}; in this case, note that the last term of \eqref{eq:rho2} is independent of $\hat{x^\star}$. In the case of the RBF kernel, \citep{mika1999} proposed the following iteration scheme for $\hat{x^\star}$:
\begin{equation}
\label{eq:xhatit}
\hat{x^\star}_{t+1} = \frac{\sum_{i=1}^N \beta_i \exp \left( -\norm{\hat{x^\star}_t - x_i}^2 / (2\sigma_1^2) \right) x_i}{\sum_{i=1}^N \beta_i \exp \left( -\norm{\hat{x^\star}_t - x_i}^2 / (2\sigma_1^2) \right)}.
\end{equation}
In denoising, the starting point is set to the noisy observation $x^\star$.
\section{Related work}
\label{sec:rel}
A conventional method to extract features in an unsupervised manner is PCA \citep{pca}. The underlying assumption of PCA is that the input high-dimensional observations lie in a lower-dimensional linear subspace, which is indeed similar to the fundamental assumption of representation learning introduced in the previous section. PCA works through a linear transformation that projects the input observations in a new coordinate system, where the direction of maximum variance is called the first principal component, the orthogonal direction with the second highest variance is called the second principal component, and so on. The dimensionality reduction is achieved by considering only the first $s$ principal components. Kernel PCA is an extension of PCA that introduces nonlinearities by mapping the input observations to a higher dimensional feature space using a kernel function \citep{scholkopf1998}. Linear PCA is then performed in that space. Our proposed method builds on multiple layers of kernel PCA and introduces orthogonality constraints on the latent variables to promote disentanglement. In contrast to our method, neither PCA nor kernel PCA exploits depth or deals with disentanglement. \\
In deep learning, pre-training each layer of a deep network in an unsupervised fashion before fine tuning the entire network is a common technique. In this context, several works have proposed unsupervised methodologies that learn data representations, including \citep{ranzato2007,vincent2008,vincent2010}. For instance, \citep{ranzato2007} proposed an unsupervised encoder-decoder architecture that employed multiple convolutions, sparsity constraints and pooling to build a hierarchical representation of the data and boost invariance; in fact, pooling was shown to represent an information bottleneck that can promote invariance \citep{achille}. Another example is \citep{vincent2010}, where invariant representations were obtained using stacked denoising autoencoders. In that work it was shown that using those representations to train a classifier led to improved accuracy not only for deep networks, but also for support vector machines with radial basis function kernel, supporting our hypothesis that kernel methods can benefit from deep representations. With the mentioned works, our method shares the idea of exploiting depth, but it applies that idea in the framework of kernel methods instead of neural networks. In particular, differently to \citep{vincent2010}, our method stacks kernel PCA layers instead of autoencoders. Finally, in contrast with the works mentioned in this paragraph, our method takes disentanglement of the learned features into account.\\
One early approach to build disentangled representations was independent component analysis (ICA), which is a method to extract independent components from a signal \citep{comon1994}. It is based on the assumption that the observed signal is a linear mixture of unknown latent signals that are non-Gaussian and mutually independent. However, it was shown empirically that ICA has a poor disentangling performance compared to the state of the art \citep{betavae}. \\
A more recent approach to the unsupervised learning of disentangled representations is InfoGAN \citep{infogan}. Building upon the GAN framework \citep{gan}, InfoGAN uses a generator $G$ that aims to produce a realistic observation from the concatenation of a noise vector $n$ with a latent representation $z$. Disentanglement in $z$ is encouraged by adding a regularizer to the typical GAN objective. The regularizer aims to maximize a lower bound of the mutual information between $z$ and the generated observation $G(n,z)$. In contrast to InfoGAN, our method is based on kernel methods, which provide more stable training procedures compared to the GAN framework. Finally, InfoGAN's disentangling performance has been empirically shown to be significantly lower than VAE-based methods \citep{betavae}, which represent the state of the art. \\
Most VAE-based methods are based on the $\beta$-VAE approach \citep{betavae}. In this setting, one assumes that the prior over the latent variables $P(z)$ is Gaussian. Then, the posterior $q_\phi(z|x)$, which is approximated using a deep neural network parametrized by $\phi$, is learned by maximizing
\begin{equation} \label{betavae}
L(\theta,\phi;x,z,\beta) = \E_{q_\phi(z|x)} \left[ \log p_\theta(x|z) \right] - \beta D_{\text{KL}}\left( q_\phi(z|x) || p(z) \right),
\end{equation}
where the likelihood $p_\theta(x|z)$ is approximated by a deep neural network parametrized by $\theta$, $\beta$ is a hyperparameter controlling the degree of disentanglement and $D_{\text{KL}}$ is the Kullbach-Leibler (KL) divergence defined as $D_{\text{KL}}(r(x)|s(x)) = \E_r \left[ \log r/s \right]$. In \citep{betavae} it is claimed that fixing $\beta>1$ promotes disentanglement because it imposes a stricter information bottleneck on the latent factors $z$. \citep{mig} extends this explanation by identifying in Equation \eqref{betavae} a total correlation term that was already known to be related with the disentanglement of a representation \citep{versteeg2015,achille}. Similarly to \citep{mig}, FactorVAE \citep{factorvae} augments the VAE objective (Eq. \eqref{betavae} with $\beta=1$) with an approximation of the total correlation. However, \citep{locatello} performed a large-scale experimental study analyzing six VAE-bases methods, including $\beta$-VAE, $\beta$-TCVAE and FactorVAE, and concluded that they cannot be used to reliably learn disentangled representations in the unsupervised setting, as their disentangling performance was shown to vary widely with hyperparameter selection, random seeds and among datasets.\\
Regarding methods based on restricted kernel machines (RKMs) \citep{drkm}, which is the framework our work is built upon, \citep{pandey2020a} has recently proposed a generative model called Gen-RKM, which was experimentally shown to be able to produce disentangled representations. Gen-RKM makes use of a single level of kernel PCA expressed in the RKM framework to derive the latent representations, while the method proposed in this paper introduces a deep architecture made up of multiple kernel PCA objectives.
In fact, while \citep{pandey2020a} considered a single feature map consisting of a deep convolutional neural network, in this paper we consider several feature maps over multiple levels. In other words, following the terminology used in \citep{drkm}, in the former case deep learning is only performed over layers, while in the latter case depth is given by multiple levels, each associated with a different feature map possibly consisting of multiple layers. For the sake of simplicity, in this paper the term ``layer'' is used instead of ``level'' when there is no ambiguity.
Moreover, Constr-DRKM\xspace introduces new disentanglement constraints on the latent variables, defining in this way a constrained optimization problem that eliminates the need for the stabilization of the loss function used in \citep{drkm} and \citep{pandey2020a} and that can handle explicit and implicit feature maps in the same manner. Before introducing our proposed architecture, it is useful to first briefly illustrate the deep RKM framework.
|
\section{Introduction}
Automated and accurate segmentation of 3D medical images acts a pivotal part in aiding medical professionals to make diagnoses, surgical planning, and prognosis.
Currently, medical image segmentation approaches are overwhelmingly based on deep convolutional neural networks (DCNNs)~\cite{3dUnet,Unet,Unet++,ZhangTMI20,MedSeg_survey}.
Despite their ameliorative accuracy, these approaches rely heavily on large amounts of densely annotated training data. Such a dataset is hard to create, since annotating 3D medical images at voxel level is labor-intensive and requires a high degree of expertise that is not always available~\cite{ZZW, CVPR20_smalldata, CVPR19_smalldata}.
\begin{figure}[!t]
\begin{center}
{\includegraphics[width=1.0\linewidth]{Figs/Fig1.pdf}}
\end{center}
\vspace{-0.5cm}
\caption{
Intuitive explanation of BYOL~\cite{BYOL} and our PGL model.
Given two different augmented views of an image, BYOL focuses on learning the global consistency between a pair of views,
while our PGL employs the prior location relation between a pair of views to learn the local consistency between the features of the same region on different views. Here, the same color rectangles within $\tau_{1}(\bm{x})$ and $\tau_{2}(\bm{x})$ represent the same local region.
Compared to BYOL, PGL can lean more structural information, which contributes to downstream medical image segmentation tasks.
The $\mathcal{T}$ is the family of data augmentations.
}
\label{fig:fig1}
\vspace{-0.1cm}
\end{figure}
Self-supervised learning (SSL)~\cite{ZZW,CVPR20_smalldata,SSL_survey_PAMI,SSL_survey_arXiv} is able to learn visual representations without using human annotations, and has a proven track record in initializing DCNNs to perform a downstream task which has limited annotations.
Recent SSL methods are usually based on the contrastive learning~\cite{CPC,CMC,PIPL,MOCO,AMDIM,DIM}, which exploits unlabeled data according to the assumption that the representations of augmented views of the same image (positive pairs) should be consistent, and the representations of augmented views of different images (negative pairs) should be inconsistent.
In contrast, the Bootstrap Your Own Latent (BYOL) model~\cite{BYOL} learns image representations using a dual online-target path paradigm that trains the online network on an augmented view of an image to predict the representation of another augmented view of the same image produced by the target network. Thus, BYOL sets negative pairs free, escapes the contrastive prototype, and achieves the state-of-the-art performance in SSL.
Despite its success, BYOL focuses only on learning the global consistency between each positive pair, but ignoring the local consistency which plays a pivotal role in capturing structural information for dense prediction tasks such as image segmentation.
Learning the local consistency, however, is not easy, since the transformation that generates a view of the input image alters voxel locations drastically. Fortunately, no matter which transformation is performed, the spatial location relation between two augmented views can be extrapolated as long as they are transformed from the same image. Such relation can serve as a prior to guide the network towards learning consistent local representations from unlabeled data.
In this paper, we propose a Prior-Guided Local (PGL) self-supervised model for 3D medical image segmentation, which employs the prior location relation between a pair of positive images to learn the local consistency between the features of the same region.
This model is composed of a data augmentation module for image view generation and a prior dual-path module for feature extraction.
The information about the transformation used for data augmentation (\textit{i.e.}, flipping, cropping, and scaling) is introduced to the dual online-target path paradigm as a prior, aiming to align the image features of the same region but extracted on different views. Then we construct a local consistency loss to minimize the discrepancy between each pair of aligned features.
In this way, our model can learn better representations of local regions, capture more structural information, and is more suitable for downstream segmentation tasks than those based on the global consistency.
Extensive experiments on four public datasets demonstrate the effectiveness of the proposed PGL model.
Our contributions are three-fold.
\begin{itemize}
\vspace{-0.2cm}
\item We propose the PGL self-supervised model that can learn effective visual representations without using any annotations, and thus alleviates the dependency on a large-scale densely-annotated training dataset. This is significant, since developing annotation-efficient deep models for medical image segmentation is a long-standing challenge.
\vspace{-0.2cm}
\item We use the spatial transformation of the input as a prior to draw consistent latent representations of the same image region on different views, and guarantee such consistency via minimizing a local consistency loss. Thus, the network is able to grasp more structural representations for medical image segmentation.
\vspace{-0.2cm}
\item We perform extensive experiments on four public CT datasets. The results show that our PGL model substantially outperforms both random initialization and BYOL, a global consistency-based SSL method.
\end{itemize}
\section{Related Work}
Despite of their success, the performance of DCNNs in medical image segmentation depends heavily on the scale of densely annotated training dataset.
Recently, SSL is widely recognized as a hopeful means to alleviate such dependency, since it can learn useful image representations from unlabeled data~\cite{ZZW, Medical_SSL0, Medical_SSL1, CVPR20_smalldata,SSL_survey_PAMI,SSL_survey_arXiv}.
Most SSL approaches can be summarized into two categories.
\noindent
\textbf{Generative SSL approaches}, including image generation with GAN~\cite{GAN}, super-resolution~\cite{Super_resolution}, image in-painting~\cite{Inpainting}, image decoupling~\cite{Decoupling}, and image colorization~\cite{Colorization}, learn image representations using training images themselves as the supervision to generate images pixel-for-pixel. The pixel-for-pixel generation, however, has a high computational cost and is hard to learn more abstract latent representations.
\noindent
\textbf{Discriminative SSL approaches} construct discriminative pretext tasks to learn image representations, where the objective functions are similar to those used for supervised learning. Early pretext tasks include image jigsaw puzzle~\cite{Jigsaw}, geometric transformations~\cite{Transformation}, clustering~\cite{Clustering}. Recently, contrastive learning methods, such as contrastive predictive coding~\cite{CPC}, contrastive multiview coding~\cite{CMC}, Deep InfoMax~\cite{DIM}, PIPL~\cite{PIPL}, SimCLR~\cite{SimCLR} and MOCO~\cite{MOCO}, have drawn extensive research attentions. The elfevident of these methods is to learn image representations by contrasting positive and negative pairs.
More recently, BYOL~\cite{BYOL} takes an important step forward by using a dual online-target path paradigm and discarding negative pairs, and thus achieves superior performance over contrastive learning methods. In the dual path paradigm, an online network predicts the output of a target network and the weights of target network are updated using an exponential moving average strategy.
BYOL focuses on the image-level global consistency, while our PGL model focuses on the region-level local consistency, which enlightens the network learn complex structural representations and be beneficial to downstream medical image segmentation tasks.
\begin{figure*}[!t]
\begin{center}
{\includegraphics[width=0.9\linewidth]{Figs/Fig2.pdf}}
\end{center}
\caption{Illustration of proposed PGL model, including a data augmentation module $\mathcal{T}$ and a prior dual-path module. For an input image $\bm{x}$, $\mathcal{T}$ generates two views of it, denoted by $\bm{x}_1$ and $\bm{x}_2$. In the prior dual-path module, the information about augmentation transformation is introduced to the dual online-target path, aiming to align the features of the same region but extracted on different views. The PGL model uses a local consistency loss to minimize the consistency between the aligned features, and thus learn structural representations effectively.
The symbol \begin{scriptsize}$\backslash \backslash$\end{scriptsize} means stop-gradient.
The $\tau_{cs}$ represents the cropping and scaling transformation. The same color rectangles within $\tau_{cs1}(\bm{x})$ and $\tau_{cs2}(\bm{x})$ cover the same region.
}
\label{fig:fig2}
\end{figure*}
\section{Methods}
\subsection{Overview}
The PGL model aims to learn a universal structural representation using unlabeled volumetric medical images, and thus to improve downstream segmentation tasks.
As shown in Figure~\ref{fig:fig2}, this model consists of a data augmentation module $\mathcal{T}$ and a prior dual-path module that includes an online path and a target path.
Given an unlabeled training image $\bm{x}$, the module $\mathcal{T}$ draws two augmented views of it, denoted by $\bm{x}_1$ and $\bm{x}_2$, which are then fed to the prior dual-path module for feature extraction and alignment.
The latent feature maps extracted by the online path and target path are denoted by $\bm{f}_1$ and $\bm{f}_2$. The transformation used in data augmentation is adopted as a prior to guide the alignment of the features, which are extracted in the same image region but located on $\bm{f}_1$ and $\bm{f}_2$, respectively.
This model uses a local consistency loss to minimize the consistency between the aligned features.
In the inference stage, we only keep the encoder in the online path for evaluation.
We now delve into the details of this model.
\subsection{Data augmentation module}
The data augmentation module $\mathcal{T}$ transforms randomly an input image $\bm{x}$ to produce its two views
\begin{equation}
\begin{matrix}
\bm{x}_1=\tau_{1}(\bm{x}), &&
\bm{x}_2=\tau_{2}(\bm{x})
\end{matrix}
\end{equation}
where $\tau_{1},\tau_{2} \in \mathcal{T}$. For this study, we sequentially use the following augmentation operations:
\noindent
(1) Randomly cropping and scaling.
We randomly crop 3D patches, whose size ranges from 110\% and 140\% of the input size, from the original image.
To ensure that the transformation prior can work well in the later stage, it is required that the overlap between two views of the same input is no less than 10\%. The cropped patches are then resized to the input size.
\noindent
(2) Randomly flipping with a probability of 50\%
along each of three axes.
\noindent
(3) Adding white Gaussian noise, whose variance is drawn from a uniform distribution between 0 and 0.1. The probability of applying this transformation is 10\%.
\noindent
(4) Gaussian blurring with a probability of 20\%.
The $\sigma$ of the Gaussian kernel is sampled from a uniform distribution between 0.5 and 1.
\noindent
(5) Adjusting rightness and contrast with a probability of 50\%.
Voxel values are first multiplied by a constant sampled from a uniform distribution between 0.75 and 1.25, and then are clipped to the original dynamic range.
\noindent
(6) Applying the following Gamma transformation~\cite{nnUnet} on a voxel-by-voxel basis
\begin{equation}
i_{new}=i_{old}^\lambda
\end{equation}
where $\lambda$ is sampled from a uniform distribution between 0.7 and 1.5. The transformed voxel values are then scaled to $[0, 1]$. This transformation is applied with a probability of 50\%.
\subsection{Prior dual-path module}
The prior dual-path module contains an online path and a target path. The online path comprises an encoder $E_\theta$, a projector $P_\theta$, and a prior-guided aligner with an extra predictor $Y_\theta$, where $\bm{\theta}$ is the ensemble of weights in this path. The target path has an encoder $E_\mu$, a projector $P_\mu$, and a prior-guided aligner without a predictor. The architectures of the encoder and projector are identical to those in the online path, but the weights $\bm{\mu}$ are different.
\begin{figure}[!t]
\begin{center}
{\includegraphics[width=1.0\linewidth]{Figs/Fig3.pdf}}
\end{center}
\vspace{-0.5cm}
\caption{Diagram of encoder: A 3D Conv layer and four stages of 3D residual blocks. The numbers of 3D residual blocks are three, four, six, and three in four stages, respectively.
}
\label{fig:fig3}
\vspace{-0.1cm}
\end{figure}
\noindent
\textbf{Encoder.} To process volumetric data, we opt for 3D ResNet-50 as the encoder backbone, which contains a 3D convolutional (Conv) layer and four stages of 3D residual blocks, shown in Figure~\ref{fig:fig3}. The numbers of 3D residual blocks in four stages are three, four, six, and three, respectively.
\noindent
\textbf{Projector.} The projector used in~\cite{SimCLR, BYOL} maps the encoder output to the feature space where only the global consistency loss is applied, without considering the spatial information. To remedy this defect, our projector removes the global average pooling layer and replaces the two-layer perception with a Conv-BN-Relu-Conv block, which consists of a $1\times1$ Conv layer with 4096 channels followed by the batch normalization (BN), Rectified Linear Unit (ReLU) activation, and a $1\times1$ Conv layer with 256 channels.
\noindent
\textbf{Prior-guided aligner.}
Let the feature representations produced by the projectors in both pathes be formally expressed as
\begin{equation}
\begin{matrix}
\bm{f}_1=P_\theta(E_\theta(\bm{x}_1)) , &&
\bm{f}_2=P_\mu(E_\mu(\bm{x}_2))
\end{matrix}
\end{equation}
The goal of our aligner is to build the spatial relation between $\bm{f}_1$ and $\bm{f}_2$ based on the prior information of augmentation transformation and to employ such relation to align the features.
Considering that only the random cropping / scaling and flipping can change the spatial position of an extracted patch, we propose the following two-step alignment strategy.
First, FilpAlign uses the prior of flip transformation $\tau_{F}$ to align the representations $\bm{f}_1$ and $\bm{f}_2$ to their original position as follows
\begin{equation}
\begin{matrix}
\bm{f}_{1}^{F}=\tau_{F1}^{-1}(\bm{f}_1) , &&
\bm{f}_{2}^{F}=\tau_{F2}^{-1}(\bm{f}_2)
\end{matrix}
\end{equation}
where $\tau_{F}^{-1}$ denotes the reverse operation of $\tau_{F}$, and $\bm{f}_{1}^{F}$ and $\bm{f}_{2}^{F}$ present the outputs of online FilpAlign and target FilpAlign, respectively.
\begin{figure}[!t]
\begin{center}
{\includegraphics[width=1\linewidth]{Figs/Fig4.pdf}}
\end{center}
\vspace{-0.5cm}
\caption{Illustration of coordinate transformation from image space to feature space, where $\bm{f}_F$ denotes the output of FilpAlign, $\tau_{cs}$ denotes the cropping and scaling transformation, and $\#^0$ and $\#^1$ denote the starting and ending coordinates, respectively.}
\label{fig:fig4}
\vspace{-0.1cm}
\end{figure}
Second, CSAlign employs the prior of cropping / scaling transformation to align overlapped region in the feature space.
Let the random cropping / scaling transformation be denoted by $\tau_{cs}$. Two views obtained by applying $\tau_{cs}$ to the input image $\bm{x}$ are denoted by $\tau_{cs1}(\bm{x})$ and $\tau_{cs2}(\bm{x})$, respectively.
Let the starting and ending coordinates of $\tau_{cs1}(\bm{x})$ be denoted by $\bm{z}_1^0$ and $\bm{z}_1^1$, and the starting and ending coordinates of $\tau_{cs2}(\bm{x})$ be denoted by $\bm{z}_2^0$ and $\bm{z}_2^1$.
We first calculate the coordinates of the overlapped region in $\tau_{cs1}(\bm{x})$ and $\tau_{cs2}(\bm{x})$ (see Figure~\ref{fig:fig4}), shown as follows
\begin{equation}
\begin{matrix}
\bm{o}_1^0=\max(\bm{z}_1^0, \bm{z}_2^0)-\bm{z}_1^0 , &
\bm{o}_1^1=\min(\bm{z}_1^1, \bm{z}_2^1)-\bm{z}_1^0
\\
\bm{o}_2^0=\max(\bm{z}_1^0, \bm{z}_2^0)-\bm{z}_2^0 ,
& \bm{o}_2^1=\min(\bm{z}_1^1, \bm{z}_2^1)-\bm{z}_2^0
\end{matrix}
\end{equation}
where $\bm{o}_1^0$ and $\bm{o}_1^1$ are the starting and ending coordinates of the overlapped region in $\tau_{cs1}(\bm{x})$, and $\bm{o}_2^0$ and $\bm{o}_2^1$ are the starting and ending coordinates of the overlapped region in $\tau_{cs2}(\bm{x})$.
Then, we perform the coordinate transformation from the image space to the feature space, shown as follows
\begin{equation}
\begin{matrix}
\bm{r}_1^0=\frac{\bm{o}_1^0}{output stride} , & \bm{r}_1^1=\frac{\bm{o}_1^1}{output stride}
\\
\bm{r}_2^0=\frac{\bm{o}_2^0}{output stride} , & \bm{r}_2^1=\frac{\bm{o}_2^1}{output stride}
\end{matrix}
\end{equation}
where $\bm{r}_1$ and $\bm{r}_2$ are the coordinates of the overlapped region in $\bm{f}_{1}^{F}$ and $\bm{f}_{2}^{F}$, respectively, and the scaling factor $outputstride$ means the ratio between the input image size and the output feature size, which is set to ${8, 16, 16}$ in depth axis, height axis and width axis.
Next, we perform the 3D RoIAlign operation~\cite{RoIAlign} to extract the features of the overlapped region from $\bm{f}_{1}^{F}$ and $\bm{f}_{2}^{F}$ under the guidance of $\bm{r}_1$ and $\bm{r}_2$. Finally, we use the bilinear interpolation to resize extracted features to the size of $\bm{f}^{F}$. Both steps can be formally expressed as follows
\begin{equation}
\begin{matrix}
\bm{f}_{1}^{F\&CS}=R(RoIAlign(\bm{f}_1^F,\bm{r}_1))
\\
\bm{f}_{2}^{F\&CS}=R(RoIAlign(\bm{f}_2^F,\bm{r}_2))
\end{matrix}
\end{equation}
where $R(\cdot )$ represents a resize function, and $\bm{f}_{1}^{F\&CS}$ and $\bm{f}_{2}^{F\&CS}$ are the outputs of the online CSAlign and target CSAlign, which are extracted respectively from $\bm{f}_1$ and $\bm{f}_2$ but characterizing the same region on the input image.
\subsection{Local consistency loss}
The features $\bm{f}_{1}^{F\&CS}$ and $\bm{f}_{2}^{F\&CS}$ represent the same input region, and hence ought to have a voxel-wise consistency. Accordingly, we introduce the following local consistency loss to our model.
\begin{equation}
\mathcal{L}_{local}(\bm{x}_1, \bm{x}_2)=\frac{\sum||(\mathcal{N}(Y_\theta(\bm{f}_{1}^{F\&CS})), \mathcal{N}(\bm{f}_{2}^{F\&CS})||_2^2}{N\times H\times W\times D}
\end{equation}
where $Y_\theta$ is an additional predictor which has the same Conv-BN-Relu-Conv block as the projector, $\mathcal{N}$ means the $l_2$ normalization along the channel axis, $N$ represents the number of inputs, and $H$, $W$, and $D$ denote the height, width, and depth of the aligner features, respectively.
Similarly, when feeding $\bm{x}_2$ to the online network and feeding $\bm{x}_1$ to the target network, the local consistency loss is defined as $\mathcal{L}_{local}(\bm{x}_2, \bm{x}_1)$. Therefore, the total loss to be minimized at each training step is shown as follows
\begin{equation}
\mathcal{L}_{total}=\mathcal{L}_{local}(\bm{x}_1, \bm{x}_2) +\mathcal{L}_{local}(\bm{x}_2, \bm{x}_1)
\end{equation}
This loss function considers the local region-level consistency between different augmented views by minimizing the voxel-wise discrepancy between the normalized online path features and target path features. Thus, our local consistency is able to assist the network in learning more structural representations than a global consistency, and hence is more suitable for downstream medical image segmentation tasks.
It is noteworthy that, since the target path just provides the ground truth signal of the online path, it does not perform gradient propagation in each training step. However, following the settings in BYOL~\cite{BYOL}, the target path weights $\bm{\mu}$ will be updated by an exponential moving average of the corresponding online path weights $\bm{\theta}$, shown as follows
\begin{equation}
\bm{\mu}=\omega * \bm{\mu}+(1-\omega )*\bm{\theta}
\end{equation}
where $\omega$ denotes the target decay rate.
\section{Datasets}
\subsection{Pre-text task dataset.}
To train our PGL model in a self-supervised manner, we collected 1808 CT scans from 5 public datasets, including 660 CT scans from the RibFrac dataset~\footnote{\url{https://ribfrac.grand-challenge.org/}}~\cite{Ribfrac_data} and 1148 CT scans from four subsets (\textit{i.e.}, Hepatic Vessel, Colon Tumor, Pancreas, and Lung Tumor) of the Medical Segmentation Decathlon (MSD) challenge~\footnote{\url{http://medicaldecathlon.com/}}~\cite{MSD_data}.
\subsection{Downstream task datasets.}
Four public datasets were used to evaluate our PGL model on downsteam tasks.
\noindent
\textbf{The Liver dataset} is from the MSD challenge. It contains 131 labeled CT scans acquired at seven hospitals and research centers, each being paired with the liver and liver tumour boundaries traced manually by radiologists. This dataset was split randomly into a training set of 66 scans and a test set of 65 scans.
\noindent
\textbf{The Spleen dataset} is from the MSD challenge. It includes 41 labeled CT scans, in which the spline was drawn using a level-set based approach and the contours were manually adjusted by expert abdominal radiologists. This dataset was split randomly into a training set of 20 scans and a test set of 21 scans.
\noindent
\textbf{The KiTS dataset~\footnote{\url{https://kits19.grand-challenge.org/home/}}}~\cite{KiTS_data} consists of 210 labeled CT scans for automatic kidney and kidney tumour segmentation. Each scan is annotated by medical students under the supervision of their clinical chair. This dataset was split equally and randomly into a training set and a test set.
\noindent
\textbf{The BCV dataset~\footnote{\url{https://www.synapse.org/\#!Synapse:syn3193805/wiki/217789}}} comprises 30 labeled CT scans for automatic segmentation of 13 abdominal organs, including the spleen (Sp), right kidney (RK), left kidney (LK), gallbladder (Gb), esophagus (Es), liver (Li), stomach (St), aorta, inferior vena cava (IVC), portal vein and splenic vein (PSV), pancreas (Pa), right adrenal gland (RAG), and left adrenal gland (LAG). This dataset was split equally and randomly into a training set and a test set.
\section{Experiments and Results}
\subsection{Implementation details}
\noindent
\textbf{Training PGL model.}
For each CT scan, we first clipped voxel values to the range [-1024, +325]HU that covers most organs and tumors, and then normalized truncated voxel values by subtracting their mean and dividing by their standard deviation.
We set the size of input patches to $16\times96\times96$, aiming to weigh the balance between reserving enough information for self-supervision and reducing computational and spatial complexity to an affordable level.
Following~\cite{BYOL}, we adopted the LARS optimizer~\cite{LARS} with a cosine decaying learning rate~\cite{cosine_LR}, a warm-up period of 2 epochs, and no restart. We set the initial learning rate to 0.2, batch size to 128, and maximum epochs to 500. For the target path, the decay rate $\omega$ increases from 0.996 to 1.000 during training~\cite{BYOL}.
\noindent
\textbf{Segmentation network for downstream task.}
The segmentation network for downstream tasks has a U-like architecture~\cite{Unet}, consisting of a 3D ResNet-50 encoder, an atrous spatial pyramid pooling (ASPP) component~\cite{ASPP}, a decoder and three skip connections between the encoder and decoder. ASPP has three 3D separable Conv (SepConv) layers with dilation rates of 2, 4, and 8, respectively. The decoder contains four transposed convolutional (TransConv) blocks, and a Conv layer for prediction. Each TransConv block consists of a TransConv layer and a residual block with two SepConv layers.
Note that the segmentation network is designed with a decoder-light architecture. The parameters of ASPP and decoder only account for 5\% of the total parameters (2.38 millions \textit{vs.} 48.54 millions). The 3D ResNet-50 encoder was pre-trained by our PGL model, and other parts of the segmentation network are randomly initialized. We jointly employed the Dice loss and cross-entropy loss as the object function for optimization, which is popular in many medical image segmentation applications and achieves prominent success~\cite{Loss_Zhang, Unet++}.
Additional details on the segmentation network are in Appendix.
\noindent
\textbf{Fine-tuning segmentation network.}
We employed the data augmentation techniques used for training the PGL model to enlarge the downstream training dataset.
The input size was set to $48\times160\times160$ on the BCV dataset and $64\times192\times192$ on other datasets.
The stochastic gradient descent (SGD) algorithm with a batch size of 8 was adopted to optimize the segmentation network. We set the initialial learning rate to 0.01 and the maximum epochs to 100. We randomly selected 20\% of training scans to form a validation set, which was used to monitor the performance of segmentation network. We will terminate the training process when the network falls into overfitting.
\noindent
\textbf{Performance metrics.}
For this study, the segmentation performance of each method is measured by the Dice coefficient scores, Intersection over Union (IoU), and Hausdorff distance (HD).
\subsection{Comparison to state of the art}
We compared the proposed PGL pre-training strategy with two state-of-the-art pre-training strategies, \textit{i.e.}, the Models Genesis~\cite{ZZW} and BYOL~\cite{BYOL}, on four datasets. The baseline segmentation network was randomly initialized using the Kaiming uniform method~\cite{KaimingIni}.
The Models Genesis~\cite{ZZW} is the most famous SSL method for medical image analysis. In this method, sub-volumes are first cropped from CT scans and then deformed using up to three out of four transformations, including non-linear, local-shuffling, outer-cutout and inner-cutout. Next, a deep learning model is trained to restore the deformed sub-volumes to their primeval state. The learned weights are used to initialize the downstream segmentation network.
As aforementioned, BYOL learns image representations using a dual online-target path paradigm with a global consistency constraint and is one of the most successful SSL methods for many vision applications.
For a fair comparison, BYOL and our PGL model used the same encoder (\textit{i.e.}, 3D ResNet-50) and inputs in the self-supervised training stage. The Models Genesis used the same architecture to our segmentation network.
In the fine-tuning stage, all methods used the same segmentation network and inputs.
The performance of the baseline segmentation network using either random initialization or one of those three pre-training strategies on four datasets was displayed in Table~\ref{tab:tab1} to Table~\ref{tab:tab4}.
It shows that initialization with our PGL model elevates consistently the segmentation performance over the random initialization on four datasets, improving the average Dice by 2.08\% on the Liver dataset, 2.37\% on the Spleen dataset, 2.72\% on KiTS, and 2.2\% on BCV. Particularly for the multi-organ segmentation task on BCV, using PGL to initialize the segmentation network substantially improves Dice scores of gallbladder and stomach segmentation by 7.93\% and 4.25\%, respectively. The results suggest that our PGL model has the potential to provide a generalizable and transferable initialization to improve the performance of 3D medical image segmentation with limited annotations.
Moreover, comparing to using the Models Genesis or BYOL, using our PGL model for initialization enables the segmentation network to be more accurate. Specifically, using PGL improves the average Dice by 1.23\% on the Liver dataset, 1.04\% on the Spleen dataset, 0.23\% on KiTS, and 0.74\% on BCV over the second best pre-training strategy (\textit{i.e.}, BYOL).
The superior performance of our PGL model corroborates that our local consistency learning strategy has a stronger ability than the global consistency strategy used in BYOL to learn effective representations from unlabeled data for medical image segmentation.
\begin{table*}[]
\small
\caption{Performance of baseline segmentation network using either random initialization (Random Init) or one of three pre-training strategies (\textit{i.e.}, Models Genesis (MG), BYOL, and our PGL model) on BCV dataset. 'Ave': Average performance in segmentation of 13 organs.}
\label{tab:tab1}
\vspace{-0.6cm}
\begin{center}
\begin{tabular}{m{0.8cm}<{\centering}|m{1.6cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}}
\hline
\multicolumn{2}{c|}{} & \multicolumn{13}{c|}{Organs} & \\ \cline{3-15}
\multicolumn{2}{c|}{\multirow{-2}{*}{Methods}} & Sp & RK & LK & Gb & Es & Li & St & Aorta & IVC & PSV & Pa & RAG & LAG & \multirow{-2}{*}{Ave} \\ \hline
\rowcolor[HTML]{F8EAE9}
\cellcolor[HTML]{F8EAE9} & Random Init & 94.01 & 92.97 & 92.15 & 51.98 & 71.85 & 94.82 & 77.74 & 87.47 & 84.85 & 70.91 & 74.12 & 62.27 & 67.30 & 78.65 \\ \cline{2-16}
\rowcolor[HTML]{F8EAE9}
\cellcolor[HTML]{F8EAE9} & MG~\cite{ZZW} & 94.92 & 93.03 & 91.87 & 59.80 & 71.28 & 95.27 & 80.88 & 87.92 & 85.34 & 71.95 & 75.88 & 63.70 & 67.77 & 79.97 \\ \cline{2-16}
\rowcolor[HTML]{F8EAE9}
\cellcolor[HTML]{F8EAE9} & BYOL~\cite{BYOL} & 95.04 & 93.53 & 92.55 & 59.70 & 70.98 & 95.35 & 80.69 & 88.37 & 85.36 & 71.93 & 75.95 & 63.71 & 68.27 & 80.11 \\ \cline{2-16}
\rowcolor[HTML]{F8EAE9}
\multirow{-4}{*}{\cellcolor[HTML]{F8EAE9}Dice~$\uparrow$} & \textbf{PGL(Ours)} & \textbf{95.46} & \textbf{93.54} & \textbf{92.62} & \textbf{59.91} & \textbf{72.59} & \textbf{96.14} & \textbf{81.99} & \textbf{89.20} & \textbf{86.49} & \textbf{72.50} & \textbf{77.00} & \textbf{63.85} & \textbf{69.75} & \textbf{80.85} \\ \hline
\rowcolor[HTML]{EBECFE}
\cellcolor[HTML]{EBECFE} & Random Init & 88.87 & 86.95 & 85.76 & 40.97 & 57.12 & 90.51 & 65.87 & 78.65 & 73.95 & 55.42 & 59.48 & 46.95 & 51.43 & 67.84 \\ \cline{2-16}
\rowcolor[HTML]{EBECFE}
\cellcolor[HTML]{EBECFE} & MG~\cite{ZZW} & 90.44 & 87.06 & 85.19 & \textbf{47.86} & 56.52 & 91.28 & 69.98 & 79.07 & 74.68 & 56.74 & 61.60 & 48.31 & 51.8 & 69.27 \\ \cline{2-16}
\rowcolor[HTML]{EBECFE}
\cellcolor[HTML]{EBECFE} & BYOL~\cite{BYOL} & 90.63 & 87.89 & 86.42 & 47.73 & 56.30 & 91.43 & 69.71 & 79.74 & 74.72 & 56.70 & 61.69 & 48.06 & 52.31 & 69.49 \\ \cline{2-16}
\rowcolor[HTML]{EBECFE}
\multirow{-4}{*}{\cellcolor[HTML]{EBECFE}IoU~$\uparrow$} & \textbf{PGL(Ours)} & \textbf{91.35} & \textbf{87.93} & \textbf{86.50} & 47.72 & \textbf{58.19} & \textbf{92.63} & \textbf{71.84} & \textbf{80.90} & \textbf{76.38} & \textbf{57.37} & \textbf{63.00} & \textbf{48.32} & \textbf{54.16} & \textbf{70.48} \\ \hline
\rowcolor[HTML]{FEFED6}
\cellcolor[HTML]{FEFED6} & Random Init & 38.31 & 2.06 & 2.54 & 51.75 & 8.83 & 3.64 & 48.28 & 26.92 & 6.12 & 16.73 & 14.66 & 5.22 & 3.82 & 17.61 \\ \cline{2-16}
\rowcolor[HTML]{FEFED6}
\cellcolor[HTML]{FEFED6} & MG~\cite{ZZW} & 4.43 & 2.07 & 24.89 & 12.69 & 7.65 & 3.24 & 20.77 & 26.20 & 5.20 & \textbf{8.61} & 6.02 & 5.31 & 4.44 & 10.12 \\ \cline{2-16}
\rowcolor[HTML]{FEFED6}
\cellcolor[HTML]{FEFED6} & BYOL~\cite{BYOL} & 3.46 & 1.92 & \textbf{2.45} & 25.96 & 20.41 & 3.11 & 22.61 & 17.45 & 5.20 & 16.36 & 5.94 & \textbf{4.52} & 4.46 & 10.30 \\ \cline{2-16}
\rowcolor[HTML]{FEFED6}
\multirow{-4}{*}{\cellcolor[HTML]{FEFED6}HD~$\downarrow$} & \textbf{PGL(Ours)} & \textbf{2.50} & \textbf{1.83} & 2.47 & \textbf{11.52} & \textbf{7.18} & \textbf{2.52} & \textbf{12.45} & \textbf{6.23} & \textbf{4.77} & 13.85 & \textbf{6.00} & 4.75 & \textbf{3.56} & \textbf{6.13} \\ \hline
\end{tabular}
\end{center}
\vspace{-0.3cm}
\end{table*}
\begin{table}[]
\small
\caption{Performance of baseline segmentation network using either random initialization (Random Init) or one of three pre-training strategies on Liver dataset. 'Ave': Average performance in liver and liver tumor segmentation.}
\label{tab:tab2}
\vspace{-0.6cm}
\begin{center}
\begin{tabular}{m{0.8cm}<{\centering}|m{0.8cm}<{\centering}|m{1cm}<{\centering}|m{1.6cm}<{\centering}|m{0.8cm}<{\centering}|m{0.8cm}<{\centering}}
\hline
\multicolumn{2}{c|}{} & \begin{tabular}[c]{@{}c@{}}Random \\ {Init}\end{tabular} & \begin{tabular}[c]{@{}c@{}}Models \\ {Genesis~\cite{ZZW}}\end{tabular} & \begin{tabular}[c]{@{}c@{}}BYOL \\ {~\cite{BYOL}}\end{tabular} & \begin{tabular}[c]{@{}c@{}}\textbf{PGL} \\ {\textbf{(Ours)}}\end{tabular} \\ \hline
\multirow{3}{*}{Organ} & Dice~$\uparrow$ & 95.73 & 96.00 & 96.29 & \textbf{96.43} \\ \cline{2-6}
& IoU~$\uparrow$ & 91.94 & 92.45 & 92.92 & \textbf{93.16} \\ \cline{2-6}
& HD~$\downarrow$ & 7.49 & 4.75 & 5.46 & \textbf{4.72} \\ \hline
\multirow{3}{*}{Tumor} & Dice~$\uparrow$ & 52.20 & 53.47 & 53.34 & \textbf{55.66} \\ \cline{2-6}
& IoU~$\uparrow$ & 41.64 & 42.91 & 43.25 & \textbf{44.95} \\ \cline{2-6}
& HD~$\downarrow$ & 29.69 & 29.87 & 32.82 & \textbf{24.01} \\ \hline
\multirow{3}{*}{Ave} & Dice~$\uparrow$ & 73.97 & 74.74 & 74.82 & \textbf{76.05} \\ \cline{2-6}
& IoU~$\uparrow$ & 66.79 & 67.68 & 68.09 & \textbf{69.06} \\ \cline{2-6}
& HD~$\downarrow$ & 18.59 & 17.31 & 19.14 & \textbf{14.37} \\ \hline
\end{tabular}
\end{center}
\vspace{-0.2cm}
\end{table}
\begin{table}[]
\small
\caption{Performance of baseline segmentation network using either random initialization (Random Init) or one of three pre-training strategies on KiTS dataset. 'Ave': Average performance in kidney and kidney tumor segmentation.}
\label{tab:tab3}
\vspace{-0.6cm}
\begin{center}
\begin{tabular}{m{0.8cm}<{\centering}|m{0.8cm}<{\centering}|m{1cm}<{\centering}|m{1.6cm}<{\centering}|m{0.8cm}<{\centering}|m{0.8cm}<{\centering}}
\hline
\multicolumn{2}{c|}{} & \begin{tabular}[c]{@{}c@{}}Random \\ {Init}\end{tabular} & \begin{tabular}[c]{@{}c@{}}Models \\ {Genesis~\cite{ZZW}}\end{tabular} & \begin{tabular}[c]{@{}c@{}}BYOL \\ {~\cite{BYOL}}\end{tabular} & \begin{tabular}[c]{@{}c@{}}\textbf{PGL} \\ {\textbf{(Ours)}}\end{tabular} \\ \hline
\multirow{3}{*}{Organ} & Dice$\uparrow$ & 96.07 & 96.29 & 96.23 & \textbf{96.80} \\ \cline{2-6}
& IoU~$\uparrow$ & 92.62 & 92.94 & 92.99 & \textbf{93.83} \\ \cline{2-6}
& HD~$\downarrow$ & 1.95 & 1.84 & 2.1 & \textbf{1.34} \\ \hline
\multirow{3}{*}{Tumor} & Dice~$\uparrow$ & 67.07 & 68.35 & \textbf{71.89} & 71.77 \\ \cline{2-6}
& IoU~$\uparrow$ & 56.63 & 58.07 & 62.12 & \textbf{62.70} \\ \cline{2-6}
& HD~$\downarrow$ & 25.64 & 21.12 & 21.73 & \textbf{17.59} \\ \hline
\multirow{3}{*}{Ave} & Dice~$\uparrow$ & 81.57 & 82.32 & 84.06 & \textbf{84.29} \\ \cline{2-6}
& IoU~$\uparrow$ & 74.63 & 75.51 & 77.56 & \textbf{78.27} \\ \cline{2-6}
& HD~$\downarrow$ & 13.80 & 11.48 & 11.92 & \textbf{9.47} \\ \hline
\end{tabular}
\end{center}
\vspace{-0.4cm}
\end{table}
\begin{table}[]
\small
\caption{Performance of baseline segmentation network using either random initialization (Random Init) or one of three pre-training strategies on Spleen dataset.}
\label{tab:tab4}
\vspace{-0.5cm}
\begin{center}
\begin{tabular}{cccc}
\hline
\multicolumn{1}{c|}{Methods} & \multicolumn{1}{c|}{Dice~$\uparrow$} & \multicolumn{1}{c|}{IoU~$\uparrow$} & HD~$\downarrow$ \\ \hline
\multicolumn{1}{c|}{Random init} & \multicolumn{1}{c|}{93.23} & \multicolumn{1}{c|}{88.08} & 4.30 \\ \hline
\multicolumn{1}{c|}{Models Genesis~\cite{ZZW}} & \multicolumn{1}{c|}{94.20} & \multicolumn{1}{c|}{89.44} & 5.89 \\ \hline
\multicolumn{1}{c|}{BYOL~\cite{BYOL}} & \multicolumn{1}{c|}{94.56} & \multicolumn{1}{c|}{89.83} & 3.08 \\ \hline
\multicolumn{1}{c|}{\textbf{PGL(Ours)}} & \multicolumn{1}{c|}{\textbf{95.60}} & \multicolumn{1}{c|}{\textbf{91.61}} & \textbf{2.14} \\ \hline
\end{tabular}
\end{center}
\vspace{-0.1cm}
\end{table}
\begin{table*}[]
\small
\caption{Performance of baseline segmentation network initialized using our PGL model with different spatial transformations on BCV dataset. 'Ave': Average performance in segmentation of 13 organs.}
\label{tab:tab5}
\vspace{-0.6cm}
\begin{center}
\begin{tabular}{m{0.8cm}<{\centering}|m{1.6cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}|m{0.58cm}<{\centering}}
\hline
\multicolumn{2}{c|}{} & \multicolumn{13}{c|}{Organs} & \\ \cline{3-15}
\multicolumn{2}{c|}{\multirow{-2}{*}{Methods}} & Sp & RK & LK & Gb & Es & Li & St & Aorta & IVC & PSV & Pa & RAG & LAG & \multirow{-2}{*}{Ave} \\ \hline
\rowcolor[HTML]{F8EAE9}
\cellcolor[HTML]{F8EAE9} & w/o F\&CS & 94.87 & 92.80 & 91.57 & 55.06 & 70.90 & 94.03 & 79.41 & 86.76 & 85.51 & 70.88 & 74.55 & 61.38 & 65.43 & 78.70 \\ \cline{2-16}
\rowcolor[HTML]{F8EAE9}
\cellcolor[HTML]{F8EAE9} & w/o CS & 95.21 & 93.15 & 91.79 & 55.66 & 71.99 & 95.32 & 79.58 & 86.94 & 85.34 & 72.07 & 75.36 & 63.08 & 66.78 & 79.41 \\ \cline{2-16}
\rowcolor[HTML]{F8EAE9}
\cellcolor[HTML]{F8EAE9} & w/o F & 95.05 & 93.43 & 92.26 & \textbf{61.69} & 71.97 & 95.59 & 79.60 & 87.43 & 86.09 & 72.26 & 75.53 & \textbf{65.29} & 68.66 & 80.37 \\ \cline{2-16}
\rowcolor[HTML]{F8EAE9}
\multirow{-4}{*}{\cellcolor[HTML]{F8EAE9}Dice~$\uparrow$} & \textbf{with F\&CS} & \textbf{95.46} & \textbf{93.54} & \textbf{92.62} & 59.91 & \textbf{72.59} & \textbf{96.14} & \textbf{81.99} & \textbf{89.20} & \textbf{86.49} & \textbf{72.50} & \textbf{77.00} & 63.85 & \textbf{69.75} & \textbf{80.85} \\ \hline
\rowcolor[HTML]{EBECFE}
\cellcolor[HTML]{EBECFE} & w/o F\&CS & 90.36 & 86.67 & 85.11 & 42.97 & 56.05 & 89.72 & 68.93 & 77.62 & 74.93 & 55.62 & 59.98 & 46.21 & 49.85 & 68.00 \\ \cline{2-16}
\rowcolor[HTML]{EBECFE}
\cellcolor[HTML]{EBECFE} & w/o CS & 90.89 & 87.24 & 85.32 & 44.56 & 57.23 & 91.31 & 68.74 & 77.86 & 74.60 & 56.91 & 61.14 & 47.67 & 50.95 & 68.80 \\ \cline{2-16}
\rowcolor[HTML]{EBECFE}
\cellcolor[HTML]{EBECFE} & w/o F & 90.65 & 87.73 & 86.01 & \textbf{49.30} & 57.12 & 91.73 & 68.80 & 78.63 & 75.81 & 57.25 & 61.27 & \textbf{49.81} & 53.02 & 69.78 \\ \cline{2-16}
\rowcolor[HTML]{EBECFE}
\multirow{-4}{*}{\cellcolor[HTML]{EBECFE}IoU~$\uparrow$} & \textbf{with F\&CS} & \textbf{91.35} & \textbf{87.93} & \textbf{86.50} & 47.72 & \textbf{58.19} & \textbf{92.63} & \textbf{71.84} & \textbf{80.90} & \textbf{76.38} & \textbf{57.37} & \textbf{63.00} & 48.32 & \textbf{54.16} & \textbf{70.48} \\ \hline
\rowcolor[HTML]{FEFED6}
\cellcolor[HTML]{FEFED6} & w/o F\&CS & 3.53 & 2.01 & 2.90 & 16.84 & 8.88 & 3.69 & 17.57 & 27.14 & 5.31 & 22.54 & 8.89 & \textbf{3.49} & 5.02 & 9.83 \\ \cline{2-16}
\rowcolor[HTML]{FEFED6}
\cellcolor[HTML]{FEFED6} & w/o CS & \textbf{2.46} & 2.01 & 3.10 & 18.24 & 9.12 & 2.88 & 19.99 & 27.10 & 4.97 & 15.49 & 6.56 & 5.63 & 4.40 & 9.38 \\ \cline{2-16}
\rowcolor[HTML]{FEFED6}
\cellcolor[HTML]{FEFED6} & w/o F & 3.58 & 1.86 & 2.53 & \textbf{10.37} & 7.96 & 2.87 & 21.21 & 26.98 & 5.06 & 18.45 & 13.97 & 4.79 & 4.18 & 9.52 \\ \cline{2-16}
\rowcolor[HTML]{FEFED6}
\multirow{-4}{*}{\cellcolor[HTML]{FEFED6}HD~$\downarrow$} & \textbf{with F\&CS} & 2.50 & \textbf{1.83} & \textbf{2.47} & 11.52 & \textbf{7.18} & \textbf{2.52} & \textbf{12.45} & \textbf{6.23} & \textbf{4.77} & \textbf{13.85} & \textbf{6.00} & 4.75 & \textbf{3.56} & \textbf{6.16} \\ \hline
\end{tabular}
\end{center}
\vspace{-0.3cm}
\end{table*}
\begin{table}[]
\small
\caption{Segmentation performance of our PGL model with different spatial transformations on Liver dataset. 'Ave': Average performance in liver and liver tumor segmentation.}
\label{tab:tab6}
\vspace{-0.6cm}
\begin{center}
\begin{tabular}{m{0.9cm}<{\centering}|m{0.9cm}<{\centering}|m{1.cm}<{\centering}|m{1.1cm}<{\centering}|m{0.9cm}<{\centering}|m{1cm}<{\centering}}
\hline
\multicolumn{2}{c|}{} & w/o F\&CS & w/o CS & w/o F & \textbf{with F\&CS} \\ \hline
\multirow{3}{*}{Organ} & Dice~$\uparrow$ & 96.06 & 96.12 & 96.40 &\textbf{96.43} \\ \cline{2-6}
& IoU~$\uparrow$ & 92.47 & 92.61 & 93.10 & \textbf{93.16} \\ \cline{2-6}
& HD~$\downarrow$ & 6.13 & 5.53 & 4.89 & \textbf{4.72} \\ \hline
\multirow{3}{*}{Tumor} & Dice~$\uparrow$ & 52.50 & 54.10 & 55.30 & \textbf{55.66} \\ \cline{2-6}
& IoU~$\uparrow$ & 42.03 & 43.58 & 44.69 & \textbf{44.95} \\ \cline{2-6}
& HD~$\downarrow$ & 32.83 & 27.09 & 29.51 & \textbf{24.01} \\ \hline
\multirow{3}{*}{Ave} & Dice~$\uparrow$ & 74.28 & 75.11 & 75.85 & \textbf{76.05} \\ \cline{2-6}
& IoU~$\uparrow$ & 67.25 & 68.10 & 68.90 & \textbf{69.06} \\ \cline{2-6}
& HD~$\downarrow$ & 19.48 & 16.31 & 17.2 & \textbf{14.37} \\ \hline
\end{tabular}
\end{center}
\vspace{-0.2cm}
\end{table}
\begin{table}[]
\small
\caption{Segmentation performance of our PGL model with different spatial transformations on KiTS dataset. 'Ave': Average performance in kidney and kidney tumor segmentation.}
\label{tab:tab7}
\vspace{-0.6cm}
\begin{center}
\begin{tabular}{m{0.9cm}<{\centering}|m{0.9cm}<{\centering}|m{1.cm}<{\centering}|m{1.1cm}<{\centering}|m{0.9cm}<{\centering}|m{1cm}<{\centering}}
\hline
\multicolumn{2}{c|}{} & w/o F\&CS & w/o CS & w/o F & \textbf{with F\&CS} \\ \hline
\multirow{3}{*}{Organ} & Dice~$\uparrow$ & 96.17 & 96.34 & 96.54 & \textbf{96.80} \\ \cline{2-6}
& IoU~$\uparrow$ & 92.72 & 93.01 & 93.36 & \textbf{93.83} \\ \cline{2-6}
& HD~$\downarrow$ & 3.47 & 1.75 & 1.59 & \textbf{1.34} \\ \hline
\multirow{3}{*}{Tumor} & Dice~$\uparrow$ & 67.72 & 68.34 & 68.76 & \textbf{71.77} \\ \cline{2-6}
& IoU~$\uparrow$ & 57.62 & 57.86 & 59.28 & \textbf{62.70} \\ \cline{2-6}
& HD~$\downarrow$ & 19.89 & 22.04 & \textbf{15.64} & 17.59 \\ \hline
\multirow{3}{*}{Ave} & Dice~$\uparrow$ & 81.95 & 82.34 & 82.65 & \textbf{84.29} \\ \cline{2-6}
& IoU~$\uparrow$ & 75.17 & 75.44 & 76.32 & \textbf{78.27} \\ \cline{2-6}
& HD~$\downarrow$ & 11.68 & 11.90 & \textbf{8.62} & 9.47 \\ \hline
\end{tabular}
\end{center}
\vspace{-0.5cm}
\end{table}
\begin{table}[]
\small
\caption{Segmentation performance of our PGL model with different spatial transformations on Spleen dataset.}
\label{tab:tab8}
\vspace{-0.5cm}
\begin{center}
\begin{tabular}{c|c|c|c}
\hline
Methods & Dice~$\uparrow$ & IoU~$\uparrow$ & HD~$\downarrow$ \\ \hline
w/o F\&CS & 92.41 & 87.03 & 5.43 \\ \hline
w/o CS & 94.16 & 89.32 & 2.98 \\ \hline
w/o F & 93.53 & 88.44 & 5.48 \\ \hline
\textbf{with F\&CS (Ours)} & \textbf{95.60} & \textbf{91.61} & \textbf{2.14} \\ \hline
\end{tabular}
\end{center}
\vspace{-0.5cm}
\end{table}
\subsection{Discussions}
\noindent
\textbf{Effectiveness of prior spatial transformations.}
In PGL, we employ the prior of spatial transformations (\textit{i.e.}, flipping and cropping / scaling) to boost the model's ability to learn structural representations from unlabeled data.
To evaluate the effectiveness of this operation, we compared the segmentation performance of using four settings of our PGL model: (1) without using both transformations (denoted by 'w/o F\&CS') and thus removing both FilpAlign and CSAlign, (2) without using cropping / scaling (denoted by 'w/o CS') and removing CSAlign, (3) without using flipping (denoted by 'w/o F') and removing FilpAlign, (4) the proposed method that uses both transformations (denoted by 'with F\&CS').
The segmentation performance obtained on four datasets was shown in Table~\ref{tab:tab5} to Table~\ref{tab:tab8}.
It reveals that (1) if both transformations and the prior information were not used, it is difficult for PGL to learn complex structural representations from unlabeled data, leading to the lowest performance, even worse than random initialization; (2) the cropping / scaling transformation in our PGL is more important than flipping; and (3) jointly using cropping / scaling and flipping enables the model to produce more accurate segmentation than using either transformation alone.
\begin{figure}[!t]
\begin{center}
{\includegraphics[width=1\linewidth]{Figs/Fig5.pdf}}
\end{center}
\vspace{-0.5cm}
\caption{Performance of baseline segmentation network using random initialization or our PGL-based pre-training on BCV dataset, when using 20\%, 50\%, or 100\% labeled downstream training images.}
\label{fig:fig5}
\vspace{-0.3cm}
\end{figure}
\noindent
\textbf{Robustness to less annotations.}
Our PGL model can learn from unlabeled images and transfer the learned representation ability to the downstream segmentation tasks. Therefore using the pre-trained PGL model to initialize a downstream network leads to more robust performance than training the network from scratch, particularly when the annotated training dataset is small.
To validate this, we kept the test set and pre-trained weights unchanged, and randomly selected 20\% and 50\% scans from the BCV training set, respectively, to fine-tune the segmentation network.
As a control, we also used those selected data to train the randomly initialized segmentation network.
The average segmentation performance on 13 organs obtained in this experiment was depicted in Figure~\ref{fig:fig5}. It shows that the initialization with pre-trained PGL model beats steadily random initialization, no matter how many labeled scans were used for fine-tuning. Moreover, it suggests that our PGL model can alleviate, to some extent, the lack of labeled training data, leading to larger performance gain over random initialization when the labeled training dataset is smaller.
Additional details on the segmentation results of 13 organs are in Appendix.
\noindent
\textbf{Computational complexity.}
The PGL model was trained using a workstation with four NVIDIA GTX 2080Ti GPUs and 128GB Memory, and downstream tasks were conducted on a workstation with two 2080Ti GPUs, both using the Pytorch software packages and distributed training. It took about 5 days to train the PGL model, about 2 days to train the segmentation network for each downstream task, and about 30ms to segment a volume of size $64\times192\times192$.
\section{Conclusion}
This paper proposes the PGL self-supervised model to learn universal representations from unlabeled 3D medical images for downstream 3D medical image segmentation. In this model, the spatial transformation that different views of the same image is used as a prior to guide the learning of local consistency between two views of the same image region in the latent feature space, which is propitious to capture structural representations for image segmentation.
Extensive experiments were conducted on four CT datasets, covering 11 organs and two tumors. Our results not only suggest that using the pre-trained PGL to initialize a segmentation network can dramatically improve its performance, but also indicate the superiority of the proposed PGL model over BYOL, which uses a global consistency constraint.
{\small
\bibliographystyle{ieee_fullname}
|
\section{Introduction}
\label{intro}
The goal of Image Quality Assessment (IQA) research is to design methods for objective evaluation of quality in a way consistent with subjective human judgment. It is widely agreed that the Human Visual System (HVS) can appreciate quickly the quality of an image even if its original version is absent, which suggests that it is probably based on a high-level interpretation of the visual data and a lot of knowledge about the scene at hand.\\
IQA is an important component in most modern image processing systems such as those for acquisition, compression, restoration, enhancement, quantization, and so on. Generally speaking, IQA has at least three kinds of applications. The first application is to monitor image quality by control systems. For instance, a network server to control image streaming can use it to examine the quality of the digital image transmitted on the network and to adjust automatically the image so obtain the best quality. The second application is to optimize the methods and parameter settings. For instance, in a visual communication system, IQA can help the optimal design of each algorithm for the encoder and decoder. The third application is to benchmark image processing systems and methods. For instance, IQA can help to select the image with the best quality from multiple image processing systems for a specific task.\\
Although the knowledge about human perception mechanisms is still very limited and the existing models of the HVS generally perform under very restrictive conditions, due to this actual emergence of many new applications that require automatic real-time image quality estimate, the field of IQA is rapidly advancing. Indeed, many efforts have been directed to the design of IQA models and great progress has been achieved in this area in the past decade \cite{1,2,3}.\\
Traditionally, IQA is roughly classified into two categories: Subjective and Objective \cite{4}. For Subjective IQA, psychophysical experiments are used on different human subjects in a controlled environment and collection of human opinions are converted to a numerical value in the form of Mean Opinion Score (MOS) or Differential Mean Opinion Score (DMOS). Objective IQA includes the development of methods to perform the IQA task which is broadly classified into the following three categories based on the requirement of reference images: 1) Full-Reference image quality assessment techniques (FR-IQA); 2) Reduced-Reference image quality assessment techniques (RR-IQA); 3) No-Reference image quality assessment techniques (NR-IQA) \cite{5,6}. As better motivated in section 2.2, we focus our attention on the FR-IQA category.\\
The IQA methods consider some specific types of distortion having various statistical properties. In most cases, IQA studies mainly focus on images corrupted by single distortions since it is an extremely difficult task to develop a method suitable to all distortions which are characterized by different attributes. In particular, very limited efforts have been devoted to the field of IQA for Color Quantization, in the following called simply CQ, which is a technique of reducing the total number of unique colors in the image \cite{7} often used as a preprocessing step for many applications which are more efficiently carried out on a small set of colors. Sometimes to CQ distortion is added dithering which is a type of noise inserted to mask the effects of quantization in the image. More details are given in section 2.3. \\
One of the most common and widely used full-reference quality measures is the Peak Signal to Noise Ratio (PSNR) \cite{8} because of its computational simplicity and clear physical meaning. However, it does not constantly well correlate with the human judgment of quality \cite{2}. Through the years, new and advanced measures like Structural Similarity Index Measure (SSIM) \cite{9} which compares luminance, contrast, and structural similarities of the original image with its distorted version has been proposed. Successively many metrics have been devised \cite{10,11,12,13,14,15,16,17,18}. Indeed, many interesting metrics based on color and/or HVS properties \cite{12,13,14,19,20} have been proposed and seem to be more appropriate for the CQ performance evaluation. However, most CQ methods, including the more recent ones \cite{21,22}, mainly use quality measures that are not based on color or HVS properties. In particular, PSNR and SSIM and, to a lesser extent, other common quality measures, as MSSIM, VSNR, WSNR (see section 2.4), remain widely used. This phenomenon is not limited to CQ but also happens for other tasks in image analysis such as image enhancement and image scaling. This is one of the two main reasons why we focus our attention on the nine most popular quality measures.\\
Alongside the study of IQA methods, considerable effort is devoted to the development of new image databases to evaluate the performance of IQA methods \cite{2}. Many IQA databases have been established and made public \cite{23}. These databases are annotated with subjective ratings and constitute the ground truth for IQA training, testing, and benchmarking methods. The majority of these databases consider common distortions, i.e. JPEG compression, Gaussian blur, Gaussian white noise, rather than color-specific distortions \cite{24}. In particular, the distortion introduced by the CQ process has been considered initially in Tampere Image Database, namely TID2008 \cite{25}. Successively the CQ distortions have been considered in TID2013 database \cite{26}, which is the largest so far available image database, and in Color Quantization Database, here indicated as CQD \cite{27} (see section 2.5, 3.1, 3.2). Moreover, in IQA databases, quality measures based on color/HVS properties are not publicly available included in those where CQ distortion is considered. This is the second good reason why we focus our attention on the nine quality measures. See section 3 for more detail.\\
To evaluate the performance of IQA metrics, the standard approach in the literature is to first build databases of images with various content and distortions and then collect subjective evaluation scores in the form of MOS or DMOS for all images. An alternative approach, called Maximum Differentiation (MAD) competition \cite{28}, selects automatically subsets of image pairs to optimally distinguish the metric. Although the MAD approach allows, in some respects, to discriminate and study better the available metrics, we will refer to the standard method because this approach has never been applied to the distortion introduced by CQ and therefore there are no available data sets to apply this methodology.\\
The lack of an adequate evaluation of quality measures for CQ and, at the same time, the existence of limited data sets and quality measures for the study of the distortion introduced by CQ require consequently a close analysis of these issues. Since proposing a new CQ database or a new quality measure suitable for CQ performance evaluation is not part of our purposes, the main scope of this work is to evaluate the most popular quality measures from available data and human evaluations in the presence of distortions due to a CQ process with or without successive dithering. In particular, we want not only to conduct a quantitative performance evaluation of the quality measures for CQ but also to propose a new evaluation process based on recommendations for best practices (see section 4 for more details). Here, we test the nine well-known full-reference quality measures taken into account and we focus our attention on TID2013 and CQD databases. The test images have been selected to include the CQ distortion and a fusion of these databases is also considered (see sections 4.3 and 4.4). The performance evaluation of these metrics (see section 5) is mainly based on the Kendall Rank Order Correlation Coefficient (KROCC) and Spearman Rank Order Correlation Coefficient (SROCC), according to VQEG \cite{29,30}, JPEG AIC \cite{31,32,33} and ITU recommendations \cite{34} (see section 2.1). Note that the fused database increases the number and heterogeneity of data taken into account since 1100 images from different data sources are considered. As a consequence, the image sample is closer to a real sample and the performance evaluation is statistically significant (see also section 4.2).\\
From the experimental results, it is inferred: a) the quality measures that have closer performances in terms of their correlation to the subjective human rating; b) the evaluation of the statistical performance of the quality measures for color quantization is significantly impacted by the selected image quality database while maintaining a similar trend on each database; c) the database integration process is validated and the quantitative performance evaluation on each database is an indicator for performance on the other databases.\\
Therefore, the contribution of the paper can be summarized as follows.\\
- We propose a new evaluation process in the presence of CQ distortion of the nine most popular quality measures.\\
- We perform the evaluation process on the available datasets extracted by TID2013 and CQD and on a suitable integrated version of these datasets such that to enlarge the cardinality and heterogeneity of the global database.\\
- We study and compare the experimental results in statistical terms by considering databases and their subparts obtained in different conditions.\\
- We address the problem of the choice of suitable quality measures for CQ while highlighting their features.\\
- We suggest some indications for future employment and the development of an objective quality measure for CQ.\\
The paper is organized as follows. In section 2, related notions and work, here summarily indicated, are described in more detail. In particular, recommendations by technical groups, IQA classification, the considered nine full reference quality measures, color quantization distortion, IQA Databases are outlined respectively in sub-sections 2.1-2.5. In section 3, the concerned databases from TID2013 and CQD are described. In section 4 and section 5 respectively the motivations, objectives, methodology, and the evaluation process are discussed and illustrated also by graphical results. Discussion and conclusions are given respectively in section 6 and section 7.
\section{Related notions and work}
\label{rnw}
\subsection{Recommandations by technical groups}
\label{sec2.1}
Owing to the abundance of IQA methods with extensions and applications to other disciplines \cite{1,2,3}, it is appropriate to consider a set of rules/methods allowing us to assess the efficiency of a given IQA method. In this direction, technical groups such as VQEG (Video Quality Experts Group) or JPEG AIC (Advanced Image Coding) have focused their interest on the definition of test-plans to measure the impact of IQA metric \cite{29,30}. Currently, the work of JPEG AIC, having the aim to standardize future emerging technologies for image compression \cite{31}, resulted in two standards which provide also a set of evaluation tools that allow multiple features of such codecs to be tested and compared \cite{32} and a set of evaluation procedures \cite{33}, similar to how the ITU-R BT.500-11 standard \cite{34} did for the subjective quality evaluation with television standards. This activity is a work in progress, continuously updated to arrange new coding architectures and evaluation methodologies. It is also the reason why IQA is considered as an important and compelling problem from which it is not possible to ignore. In this paper, we consider and highlight these recommendations.
\subsection{IQA classification}
\label{sec2.2}
As mentioned above, objective IQA methods are broadly classified into three categories: FR-IQA; RR-IQA; NR-IQA. The category of FR-IQA methods requires as input an original image and a processed (usually distorted) version of that image, and produce as output a quantitative assessment of the visual quality of the distorted image. The effectiveness of a FR-IQA method is assessed by examining how much the method is in accordance with human-supplied quality assessments obtained through subjective testing \cite{35}. The class of RR-IQA methods also requires a reference image but, instead of the full image information, only certain features of the reference image which possess image quality information are used for performing the IQA task of the target image \cite{36,37}. The category of NR-IQA methods performs an extremely difficult task: quality assessment of images blindly without the requirement of a reference image. Approaches based on machine learning have been developed in the literature to solve this problem to some extent although it remains mostly an open problem \cite{38}. All three types of IQA methods can perform quite well in predicting quality. At present, FR-IQA methods have the best performing since they can generate estimates of quality that correlate highly with human ratings of quality while the research in NR-IQA and RR-IQA is much less mature even if recent methods have been shown to yield correlation coefficients that rival the most competitive FR-IQA methods.\\
Since the human visual system is easily able to identify the distortion due to CQ and/or dithering but is difficult for a method to assess the quality of CQ-distorted images without a reference image \cite{4}, in this paper our discussion is confined to FR-IQA methods since, although extensively studied in the literature, there are still unsatisfactory conclusions regarding the assessment of this IQA class of methods.
\subsection{Color quantization distortion}
\label{sec2.3}
As above mentioned, due to constraints in bandwidth, most parts of the IQA methods in the literature are developed for assessing the quality of images by JPEG \cite{39} and JPEG2000 \cite{40} compression technique which sometimes introduces artifacts so reducing the quality of the compressed images. Besides the compression artifacts, other common distortions are additive noise, blur, and image sharpness. Usually, distortions related to color information are disregarded or underestimated, although color images provide more relevant information to the observers rather than grayscale ones and, consequently, there is a wide range of applications requiring image color difference assessment. In addition to this lack of due attention to color-specific distortions is the fact that the quality assessment of a color image is often performed by assessing its luminance component only or its grayscale conversion. As a result, color information in the image is often largely ignored and the precision of assessment results to be influenced accordingly \cite{24}. In particular, although the CQ process is considered a fundamental process for color image analysis and a significant amount of research has been done on CQ, as mentioned above, IQA for CQ degradation has received little attention.\\
Indeed, CQ \cite{41,42,43,44,45,46,47,48,49,50} is an important step in compression methods as improper quantization can produce distortion so reducing the visual quality of the image. In the past, due to the limitations of the display hardware and to the bandwidth restrictions of computer networks, the main applications of CQ were image display \cite{42,51} and image compression \cite{52,53}. Currently, although these limitations are becoming less restrictive, CQ still maintains its practical value in these fields and has had a considerable evolution. The need of performing a CQ process frequently arises in many applications since a large number of colors (up to 16 million different colors) of a full-color image makes it difficult to handle a variety of color-based tasks which are more efficiently carried out on a reduced number of colors. Thus, CQ is considered as a prerequisite for many image processing tasks such as color segmentation \cite{54,55}, color texture analysis \cite{56}, content-based retrieval \cite{57} and also has a wide range of applicative fields. For instance, dermoscopy is an applicative field where CQ plays an important role since the colors of melanin, the most important chromophore in melanocytic neoplasms not visible by the naked eye, essentially depend on its localization in the skin \cite{58,59}.\\
Although CQ distortion has proved to be extremely important over the years and many CQ methods have been proposed, we think that the quality measures for CQ has not yet been any rigorous investigation into the performance comparison of the existing quality measures and that the available experimental data regarding CQ are rather limited. This paper is an attempt to fill this gap, at least partially.
\subsection{Full Reference quality measures}
\label{sec2.4}
Numerous full reference objective quality measures have been proposed to estimate perceived quality in visual data. These can be classified into two board types: Signal Fidelity Measures (SFM), and Perceptual Visual Quality Measures (PVQM) \cite{60}.
\subsubsection{The Signal Fidelity Measures }
\label{sec2.3.1}
The Signal Fidelity Measures refer to the traditional MAE (Mean Absolute Error), MSE (Mean Square Error), SNR (Signal-to-Noise Ratio), PSNR (Peak SNR), or similar \cite{8}. Let $f(i,j)$ and $g(i,j)$ be the monochrome original and test image signal respectively $(i\leq i\leq M,\, 1\leq j \leq N):$
\begin{equation}
MSE= \displaystyle\frac{1}{MN}\sum_{i=1}^{M}\sum_{j=1}^{N} \vert \vert f(i,j)-g(i,j)\vert \vert^2
\end{equation}
\begin{equation}
PSNR=20 \displaystyle \log_{10}\left( \frac{\max_f}{\sqrt{MSE}}\right)
\end{equation}
\begin{equation}
SNR=10 \displaystyle \log_{10}\left( \frac{P_f}{P_g}\right)
\end{equation}
where $\max_f$ is the maximum possible value of the image pixel. When the pixels are represented using 8 bits per sample $\max_f$ is equal to 255. More generally, when samples are represented using linear PCM with B bits per sample, $\max_f$ is $2^{B}$-1. There are two different ways to calculate the PSNR of a color image with three RGB values per pixel. The first way exploits the property of the human eye which is very sensitive to luma information and computes the PSNR for color images by converting the image to a color space, such as YCbCr, by separating the intensity Y (luma) channel which represents a weighted average of R, G, and B and by computing the PSNR only for the luma component according to (1). The second way is based on the definition of PSNR given by (1) except the MSE is the sum over all squared value differences divided by image size and by three. In equation (3), $P_f$ and $P_g$ are respectively the power of the signal $f(i,j)$ and the signal $g(i,j)$. Since in TID2013 the first computation of PSNR is employed, we prefer to use it in the following.
Although these measures are simple, well defined, with clear physical meanings, reflect picture quality change, and widely accepted, they can be result not suitable for predicting perceived visual quality, especially when non-additive noise is present \cite{61}. In particular, PSNR has been shown to perform poorly when it comes to estimating the quality of images as perceived by humans \cite{62}.
\subsubsection{The Perceptual Visual Quality Measures}
\label{sec2.3.2}
The Perceptual Visual Quality Measures take advantage of the known characteristics of HVS and measure image quality by estimating perceived errors. To PVQM category belong the following measures: UQI, SSIM, VIFP, VSNR, NQM, WSNR.
The Universal Quality Index (UQI) models any image distortion via a combination of three factors or components: loss of correlation, luminance distortion, and contrast distortion \cite{63}.
\begin{equation}
UQI= \displaystyle \frac{\sigma_{fg}}{\sigma_f\sigma_g} \frac{2 \bar f \bar g}{(\bar f)^2+(\bar g)^2} \frac{2 \sigma_{f}\sigma_{g}}{\sigma_f^2+\sigma_g^2}
\end{equation}
where
\[
\bar f= \displaystyle\frac{1}{MN}\sum_{i=1}^{M}\sum_{j=1}^{N} f(i,j) \qquad \qquad \bar g= \displaystyle\frac{1}{MN}\sum_{i=1}^{M}\sum_{j=1}^{N} g(i,j)
\]
\[
\sigma_{fg} = \displaystyle\frac{1}{M+N-1}\sum_{i=1}^{M}\sum_{j=1}^{N}( f(i,j)-\bar f)(g(i,j)-\bar g)
\]
\[
\sigma_{f}^2 = \displaystyle\frac{1}{M+N-1}\sum_{i=1}^{M}\sum_{j=1}^{N}( f(i,j)-\bar f)^2
\]
\[
\sigma_{g}^2 = \displaystyle\frac{1}{M+N-1}\sum_{i=1}^{M}\sum_{j=1}^{N}( g(i,j)-\bar g)^2
\]
In (4) the first component is the correlation coefficient, which measures the degree of linear correlation between images $f$ and $g$. It varies in the range [-1, 1]. The best value 1 is obtained when $f$ and $g$ are linearly related, which means that $g(i,j)$ =$a$ $f(i,j)$ +$ b$ for all possible values of $i$ and $j$. The second component varies in [0, 1] and measures the distance between the average luminance of the images. Since $\sigma_{f}$ and $\sigma_{g}$ can be considered as estimates of the contrast of $f$ and $g$, the third component measures how similar the contrasts of the images are. The value range for this component is also [0,1]. The range of values for UQI is [-1, 1]. The best value 1 is achieved if and only if the images are identical.\\
The Structural Similarity index (SSIM) \cite{9} is calculated on various windows of an image. This quality measure between two windows x and y of common size NxN is:
\begin{equation}
SSIM(x,y)= \displaystyle \frac{(2 \mu_x\mu_y+c_1)(2 \sigma_{xy}+c_2)}{(\mu_x^2+\mu_y^2+c_1)( \sigma_x^2+\sigma_{y}^2+c_2)}
\end{equation}
where $\mu_x$ and $\mu_y$ are respectively the average of $x$ and of $y$, $\sigma_x$ and $\sigma_y$ are respectively the variance of $x$ and of $y$, $\sigma_{xy}$ the correlation coefficient of $x$ and $y$, with
\[
c_1=(k_1 L)^2
\]
\[
c_2=(k_2 L)^2
\]
\[L=2^{B}-1\]
and with: $k_1$=$0.01$, $k_2$=$0.03$ by default.\\
As stated in \cite{9}, SSIM is applied to the local region using a sliding window approach. Starting from the top-left corner of the image, a sliding window of size 8x8 moves pixel by pixel horizontally and vertically through all the row and column of the image until the bottom-right corner is reached. The overall image quality is obtained by computing the average of SSIM values over all the windows.\\
The principal idea underlying the definition of SSIM is that the HVS is highly adapted to extract structural information from visual scenes. Indeed, from equation (5), SSIM can be considered as the product of three parts: luminance comparison, $l(x,y)$, contrast comparison, $c(x,y)$, and structure comparison, $s(x,y)$:
\[
l(x,y)= \displaystyle \frac{2 \mu_x\mu_y+c_1}{\mu_x^2+\mu_y^2+c_1}
\]
\[c(x,y)= \displaystyle \frac{2 \sigma_x\sigma_y+c_2}{\sigma_x^2+\sigma_y^2+c_2}
\]
\[
s(x,y)= \displaystyle \frac{2 \sigma_{xy}+\frac{c_2}{2}}{\sigma_x\sigma_y+\frac{c_2}{2}}
\]
If $M$ is the total number of windows is possible to compute the Mean Structural SIMilarity index (MSSIM), given as \cite{64}:
\begin{equation}
MSSIM = \displaystyle \frac{1}{M} \sum_{j=1}^{M} SSIM(x_j,y_j)
\end{equation}
The visual information fidelity (VIFP) in pixel domain is derived from quantification of two mutual information quantities: the mutual information between the input and the output of the HVS channel when no distortion channel is present and the mutual information between the input of the distortion channel and the output of the HVS channel for the test image \cite{10}. This definition is based on the assumption that a) the reference signal has passed through another distortion channel before entering the HVS; b) combining these two quantities, a visual information fidelity measure for IQA can be derived. However, in presence of distorition significantly different from blur and white noise, such as JPEG compression, the model fails to reproduce the perceptual annoyance adequately. In this case, some assumptions are needed about the source, distortion, and HVS models to implement VIFP criterion.\\
Another image quality metric with the more theoretical ground is the VSNR \cite{11} which operates in two stages. In the first stage, the contrast threshold for distortion detection is computed via wavelet-based models of visual masking and visual summation, to determine the visible distortion in the test image. If the detected distortion is below the threshold of detection, the test image is considered to be of perfect visual fidelity (VSNR = infinity). If the detected distortion is above the threshold, the property of perceived contrast and the mid-level visual property of global precedence, modeled as Euclidean distances in distortion-contrast space of a multiscale wavelet decomposition, are computed. In this case, VSNR is computed based on a simple linear sum of these distances. See \cite{11} for more detail.\\
In the Noise Quality Measure (NQM), based on Peli's contrast pyramid \cite{65}, a degraded image is modeled as an original image subjective to linear frequency distortion and additive noise injection \cite{66}. These two sources of degradation are considered independent and are decoupled into two quality measures: a distortion measure (DM) of the effect of frequency distortion, and a noise quality measure (NQM) of the effect of additive noise. NQM takes into account the following: 1) variation in contrast sensitivity with distance, image dimensions, and spatial frequency; 2) variation in the local mean luminance; 3) contrast interaction between spatial frequencies; 4) contrast masking effects. \\
For an image of size MxN, weighted Signal to Noise Ratio (WSNR) is defined as \cite{67}:
\begin{equation}
WSNR= \displaystyle 10 \log_{10}\left( \frac{ \sum_{u,v} \vert X(u,v) C(u,v)\vert^2}{ \sum_{u,v} \vert X(u,v) - Y(u,v)C(u,v) \vert^2 } \right)
\end{equation}
where $X(u,v)$, $Y(u,v)$ and $C(u,v)$ represent the Discrete Fourier Transforms (DFT’s) of the input image and CSF, respectively, and $i\leq u \leq M$ and $\ \leq v \leq N. $\\
WSNR simulates the HVS properties by filtering both the reference and distorted images with Contrast Sensitivity Function (CSF) and then compute the SNR. \\
The aforementioned quality measures don’t make use directly of color information which, on the contrary, simplifies the identification and extraction of objects in a scene. They are designed specifically for grayscale images and are extended to incorporate color images, by applying these metrics to each of three RGB color channels individually, and then combining the quality score for each channel together. As a consequence, this approach is related to human perception to a small extent, mainly because RGB color space is not able to represent one color as it is perceived by HVS.\\
Since such naive extension is suboptimal, quality measures based on color perception have been proposed \cite{12,13,14,19,20} and the role of HVS also considered in recently proposed quality measures\cite{2} such as HVS-inspired \cite{15}, bio-inspired \cite{16}, based on saliency \cite{17} or a suitable combination of different perceptual factors \cite{18}. In particular, in the color community, the standard metric used to judge how well an image represents perceived color to a reference image is the color-difference formula, often indicated by Delta E [42]. \\
Another evident limitation of these classical nine quality measures is that the considered type of distortion is additive noise \cite{66}, blurring \cite{68}, image sharpness \cite{4,69,70,71} (see also section 2.4), while the number of quality measures for color images dedicated to CQ degradation is rather limited \cite{72} and only recently the full reference quality measures dedicated to CQ \cite{73,74,75} have been proposed. Still, recently specific image quality measures for other types of degradation have been proposed, i. e. for contrast degradation \cite{76}, for blurring \cite{77}. Unfortunately, although there is a wide choice of suitable quality measures for color processing and specifically defined for CQ, since a) most CQ methods including recent ones, do not use such metrics; b) data about these new recent CQ quality measures are not publicly available; it is not possible to carry out a comparative assessment of them at the present.
\subsection{IQA Databases}
\label{sec2.5}
By excluding the alternative MAD approach \cite{28}, to evaluate the performance of IQA metrics, the standard approach in the literature is to first build databases of images with various content and distortions and then collect subjective evaluation scores for all images. Thus, various IQA databases have been established and made public. Well-known subject-rated image databases extensively employed in the training and testing processes in the development and benchmarking of a majority of state-of-the-art IQA models include: LIVE \cite{78}, IVC \cite{79}, TID2008 \cite{25}, MICT \cite{80}, CQSIQ \cite{81}, VCL \cite{82}], TID2013 \cite{26}] and MDIQ \cite{23}. We remark that the most common distortion types shared by these databases are JPEG compression, JPEG2000 compression, white Gaussian noise contamination, and Gaussian blur. Usually, the existing currently available databases include more than a distortion on which often the quality assessment is generally carried out globally by considering as equivalent different types of noise. Some exceptions are, for instance, the database proposed in \cite{83} for blurring distortion and the aforementioned CQD database \cite{27}.\\
The specific subjective testing methodologies vary, but each image in the databases is labeled with a MOS, which represents the average subjective opinion about the quality of the image and is often referred to as the “ground truth” quality score of the image. The typical size of these databases is in the order of hundreds or a few thousand images. LIVE is one of the most widely used databases in IQA research, it has 779 distorted images with 5 distortion types and 5 distortion levels. TID2013 is also widely used to evaluate IQA metrics, with 3000 distorted images with 24 types and 5 levels of distortions. The database MDIQ contains 1600 distorted images, each obtained by multiple distortions of random types and levels. For more details regarding IQA databases see \cite{23,84}. \\
These databases have reached the main goals for which they are created (as well as other supplementary goals) well enough. In particular, the aforementioned databases have allowed comparing performance for different full-reference visual quality metrics. The achieved performances have been utilized for a better understanding of the drawbacks of the analyzed metrics and have stimulated the design of new metrics and/or improvement (modification) of existing ones. However, the obtained results do not allow to make a proper choice of metrics suitable for a particular application in the best way and, as mentioned above, one of the most important challenges for IQA is the absence of a suitable database. Moreover, the considered degradation type is often not enough to study specific phenomena. In particular, the available databases are not enough in number and type to study the image quality related to color and in particular, that related to CQ.
\section{Test Data for CQ}
\label{sec3}
In this paper the test data which we employ are selected from two publicly available image quality databases: TID2013 and CQD to include only the CQ degradations. In this section, a brief description of these two databases, functional to the discussion of the evaluation process described in sections 4 and 5, is given. For more details regarding these databases see \cite{26} and \cite{27}, respectively.
\subsection{Tampere Image Database (TID2013)}
\label{sec3.1}
TID2013 contains 25 reference color images (distortion-free, etalon), see Figure\ref{fig:1}, rows 1-5), where 24 source images were obtained (by cropping) from Kodak database \cite{85} and the 25th reference image was artificially created and added in such a way to obtain different content. The fixed size of all images 512x384 pixels is selected as the adequate for the simultaneous displaying of two or three images at the computer monitor screen.
\begin{figure}
\begin{center}
\includegraphics [width=0.5\textwidth]{img.jpg}
\caption{Reference images of TID2013 rows 1-5; reference images of CQD rows 6-10.}
\label{fig:1}
\end{center}
\end{figure}
The distorted images are generated by 24 types of distortions: \#1 - additive Gaussian noise, \#2 - additive noise in color components, \#3 - spatially correlated noise, \#4 - masked noise, \#5 - high-frequency noise, \#6 - impulse noise, \#7 - quantization noise, \#8 - Gaussian blur, \#9 - image denoising, \#10 - JPEG compression, \#11 - JPEG2000 compression, \#12 - JPEG transmission errors, \#13 - JPEG2000 transmission errors, \#14 - non-eccentricity pattern noise, \#15 - local block-wise distortions of different intensity, \#16 - mean shift (intensity shift), \#17 - contrast change, \#18 - change of color saturation, \#19 - multiplicative Gaussian noise, \#20 - comfort noise, \#21 - lossy compression of noisy images, \#22 - image color quantization with dither, \#23 - chromatic aberrations, \#24 - sparse sampling and reconstruction.
Fifth distortion levels for all test images and all distortion types are present for a total of 3000 distorted images, i. e. 25 test images with 24 types and 5 distortion levels in opposite to 1700 distorted images in TID2008 \cite{25} with 25 reference images with 17 types of distortions and 4 distortion levels. Since TID2008 is a subpart of TID2013 and the methodology to obtain MOS has been improved in TID2013, TID2008 will be disregarded in this paper. In the following, for short, we refer at TID2013, simply by TID.\\
All images are saved in the database in a bitmap format without any compression. File names are organized in such a manner that they indicate a number of the reference image, then several distortion's types, and, finally, some distortion's level: "iXX\_YY\_Z.bmp". In TID the two types of distortion related to CQ are quantization noise (\#7) and image color quantization with dither (\#22). The distorted images are obtained by Matlab functions. The classical uniform quantization algorithm is employed to obtain the color quantization (\#7) with a variable number of colors (27, 39, 55 and 76 colors) while CQ with dither (\#22) is modeled using the Matlab function rgb2ind which converts the RGB image to the indexed image using dither. The number of quantization levels is selected individually for each test in the interval [2, 380].\\
TID provides subjective scores, in terms of MOS, for comparing the performance between fidelity measures. The MOS values from TID is collected using a methodology known in psychophysics as Two Alternative Forced Choice (2AFC) match to sample. In 2AFC three images are displayed (the reference and two distorted images) and an observer selects one of the two distorted images which they judge as more similar to the reference, i.e. human observers are asked to select between two images the image that perceptually differs less from a reference image \cite{86}. Thus, the evaluation is made in terms of the presented current stimuli. Since the 2AFC was made within the selected subset of the TID, the MOS scores designated to that subset are a measure of the color difference to the reference image perceived by the observers. Therefore, TID allows the individual analysis of certain distortion type or a subset of distortion types. The subject judgment is expressed with 5 gradations: “Bad”, “Poor”, “Fair”, “Good” and “Excellent” \cite{26}.\\
The validity of the subjective test results was verified by a screening of the results performed according to Annex 2 of ITU-R Rec. BT.500 \cite{34} that defines how to carry out the subjective quality test. Experiment participants, mostly students and in minor extended tutors and researchers, were instructed before starting experiments. The subjective tests via the Internet have been done in different conditions using different monitors both LCD and CRT, mainly 19 inches and more with the resolution 1152x864 pixel. The used distance from monitors is the best comfort for them. Then, the obtained results are averaged for each reference image. Thus, the obtained MOS has to vary from 0 to 9 and its larger values correspond to better visual quality, although there are no MOS values larger than 7,5, see Figure \ref{fig:2}.
\begin{figure}
\begin{center}
\includegraphics[width=0.23\textwidth]{Figure21.jpg}
\includegraphics[width=0.23\textwidth]{Figure22.jpg}
\includegraphics[width=0.23\textwidth]{Figure23.jpg}
\includegraphics[width=0.23\textwidth]{Figure24.jpg}
\includegraphics[width=0.23\textwidth]{Figure25.jpg}
\includegraphics[width=0.23\textwidth]{Figure26.jpg}
\caption{Histograms of MOS in the databases taken into account.}
\label{fig:2}
\end{center}
\end{figure}
As confirmed also in \cite{23}, the averaged deviation standard of TID is sufficiently small to guarantee that most subjects have similar ratings about image quality and, consequently, the subjective evaluation yields a highly reliable score. Moreover, in TID twenty-eight different commonly used metrics are taken into account for the evaluation and calculated using Metrix MUX Visual Quality Assessment package \cite{87} (see also \cite{26} for more details).
\subsection{Color Quantization Database (CQD)}
\label{sec3.2}
CQD consists of 25 reference images (see Figure 1, rows 6-10) collected from the Web, based on the number of segments and the number of colors to reflect a variety of image contents as an important object, uniform regions, slowly varying color gradients, edges, and high level of details. The fixed size of all images is 512x512 pixels. The unique considered distortion is CQ. For each reference image, seven levels of quantization are generated: 4, 8, 16, 32, 64, 128, 256 colors by five popular CQ methods, for a total of 875 distorted images. The popular CQ methods are: Kmeans method \cite{41}, Median Cut method \cite{42}, Octree \cite{43}, Wu’s method \cite{44}, Dekker’s SOM \cite{45}.\\
All images are saved in the database in png format without any compression. The reference images are numbered and the file names of the distorted image are organized in a way that they indicate some colors X in the quantized image and the number of the reference image Y. For example, the name 32colors\_7.png means the 7th reference image quantized to 32 colors.\\
CQD provides subjective scores, in terms of MOS, for comparing the performance between fidelity measures. To evaluate the quality of the quantized images, a subjective quality test is used in which many human subjects are asked to judge the quality of the sequence images. The subjective tests are based on the recommendations given by the ITU-R Rec. BT.500 \cite{34}. Preliminarily, a group of twenty students was instructed concerning what they are going to see, what they have to evaluate, and how they have to express their opinion. The volunteers also have been shown some examples of quantized images, different from those used in the actual experiment, for various quantization levels. During the testing phase, each subject is watching two images (reference and test) at the same time and is asked to assess the quality of the test image to the reference image by simply dragging a slider on a quality scale with range [0,100] labeled and divided into five equal categories: “Bad”, “Poor”, “Fair”, “Good”, and “Excellent”. The psychometric experiments were conducted in an environment with normal indoor illumination and the display monitors were all 19 inch CRT, with all approximately the same age and with the same display settings. To compare with the obtained MOS of TID, the normalized values, according to the equation (7) in the successive section 4.3, are shown in Figure 2 with a larger value equal to 8,78. Also for CQD, the averaged deviation standard is sufficiently small to guarantee that most subjects have similar ratings about image quality and consequently the subjective evaluation yields a highly reliable score.\\
Several well-known objective image quality metrics are considered in \cite{27} where the publicly available implementations of these quality metrics are used. In Figure \ref{fig:3}, scatter plots for the subjective MOS versus the quality score from different image quality metrics are shown. For some evaluations, in the following, we refer also to some subparts of CQD, namely CQD-Median, CQD-Kmeans, CQD-Octree, CQD-Wu, CQD-Som, relative to data of CQD obtained by the corresponding already mentioned CQ methods.\\
In summary, the main common and uncommon features of TID and CQD are the following. Differently from TID, in CQD the number of colors is always the same for each distortion level (multiple by 2). TID and CQD have both complied with ITU recommendations and have 5 variability classes, although in different intervals: [1,9] for TID and [0,100] for CQD. The employed metrics have a 9/10 ratio.
\begin{figure}
\begin{center}
\includegraphics[width=0.23\textwidth]{Figure31.jpg}
\includegraphics[width=0.23\textwidth]{Figure32.jpg}
\includegraphics[width=0.23\textwidth]{Figure33.jpg}
\includegraphics[width=0.23\textwidth]{Figure34.jpg}
\includegraphics[width=0.23\textwidth]{Figure35.jpg}
\includegraphics[width=0.23\textwidth]{Figure36.jpg}
\includegraphics[width=0.23\textwidth]{Figure37.jpg}
\includegraphics[width=0.23\textwidth]{Figure38.jpg}
\includegraphics[width=0.23\textwidth]{Figure39.jpg}
\caption{Scatter plots of quality measures for database CQD.}
\label{fig:3}
\end{center}
\end{figure}
\section{Evaluation Method}
\label{Evaluation Method}
\subsection{Motivations and objectives}
\label{sec4.1}
IQA has become an active area in color image processing due to its wide range of applications such as color correction \cite{88}, color quantization \cite{7}, color mapping \cite{89}, color image similarity, and retrieval \cite{90}. In particular, in color quantization, adequate color difference assessment can be used to find the appropriate quantization step size and/or range of displayable colors to obtain the image reproduction with the minimum loss in perceived colors. On the other hand, as previously mentioned, while many quality measures for natural scene color images have been proposed, there has not yet been any rigorous and satisfying investigation into the performance comparison of the existing measures \cite{35,91,92,93,94} and little studied in the literature turns out to be the performance evaluation of these measures in the presence of CQ corruption. Moreover, as mentioned in section 3, these investigations are tested on few public databases which contain multiple distortions, mostly related to spatial distortions, often combined with the distortion related to the color, and the available data are not adequately structured to carry out such CQ-related assessment. An adequate assessment of existing metrics in the presence of distortions due merely to the CQ is therefore missing.\\
For the above considerations, the main goals of this paper are a) to determine the appropriate available databases; b) to attempt to fill this gap by assessing specific full reference metrics in the presence of CQ distortion; c) to propose a novel performance evaluation methodology based on recommendations for best practices.
\subsection{Databases integration: pros and cons}
\label{sec4.2}
Predictive performance evaluation tools of different full-reference image quality metrics are significantly impacted by the choice of the image quality database \cite{84}. Hence, the first step to evaluate the existing quality measures for CQ is to determine which databases are convenient to perform such an assessment. As aforementioned, CQD excluded, there is a lack of a suitable database which addresses specifically CQ alterations (building such a database is outside the scope of this paper), then to achieve our goals, we have to use the publicly available databases by isolating data with CQ degradation.\\
Therefore, the initial step is to consider only publicly available databases containing images that undergo a CQ process. Thus, we have considered TID and we have extracted images with CQ and with CQ followed by dithering from TID. In the following, these databases are indicated by TID* and TIDD*, respectively.\\
Note that the evaluation of quality measures on separate databases is in principle explanatory. Usually, many authors train their quality measure methods on a database typically
maximizing individual correlations or minimizing prediction errors. In that case, each database has a high dimensionality and is characterized by many significant features such as do not require the use of data extension through the combination (or fusion) of multiple databases. Some authors prefer to merge databases only when it is possible to statistically prove that the data are extracted from the same population \cite{95} since an eventual positive answer to this theoretical question does not require further prior investigations and ensures that a merge is possible and has its statistical reliability. Conversely, a negative response requires a evaluation performed on the database obtained by fusion that involves estimating the quality measures on each database and the integrated databases. This assessment can validate the fusion if the obtained results on both the individual and the integrated databases are compatible with each other.\\
In our case, to see if the data from both databases (CQD and TID) can be considered as coming from the same population, on the MOS of each database, the Kolmogorov- Smirnov test \cite{96} and Manh-Whitney test \cite{97} have been performed. The result has confirmed that the data from both databases cannot be a priori considered as coming from the same population and therefore, in principle, not directly mergeable. However, the number of images of each database is small and instances of CQ distortions are quite limited, i.e. the available databases have a reduced cardinality and are little representative of the CQ phenomenon. In particular, the images with quantization noise are obtained by applying a simple CQ method with quantization levels varying within a prefixed range (TID) or by applying different well-known methods with a prefixed number of quantization levels: 4, 8, 16, 32, 64, 128, 256 (CQD).\\
In our opinion, the possible fusion of these databases could describe the CQ phenomenon through a more representative database and to obtain a more precise and an adequate assessment could result easier since it relates to different instances of the same phenomenon obtained under different conditions and through different methods. In support of this argument, analysis of image quality in slightly varying conditions provide reasonably good verification of quality metrics since non-identical conditions of experiments take into account how visual quality is assessed in a priori unknown conditions in everyday practice, as also stated in \cite{26}. \\
On the other hand, given the reduced cardinality and non-heterogeneity of the data in each database, the assessment carried out separately on each database is rather not significant and it would be desirable to be able to evaluate the metrics on a larger heterogeneous database, to verify if the result is compatible with it. Therefore, in the absence of a more appropriate database, we feel is reasonable to evaluate the various metrics on a database obtained through the integration of the available data.\\
A not negligible fact is that the image sets of the TID and CQD, and then TID subparts and CQD, do not have common images. As a result, if one part it is not possible to make an exact comparison on a specific image in the respective databases, on the other it favors their eventual integration because their fusion does not lead to image duplication and allows actually to increase the cardinality of the test image set.\\
For this integration, it also plays the fact that the authors who proposed the TID and CQD databases claim to have complied with the ITU \cite{34} guidelines and therefore, in principle, such databases (and TID subparts) are comparable at the experimental level. Of course, compliance with ITU positions is a necessary but not sufficient condition to ensure complete data reliability.\\
Another positive factor is that CQD and TID (subparts included) have 9 out of 10 metrics in common and have 5 variability classes, although variability classes are in different ranges. This allows us to compare the values of the metrics obtained after an appropriate normalization rule (see section 4.3 for more details).\\
In addition to the increase in cardinality and the heterogeneity that produces a better representation of the CQ phenomenon closer to real sample, the use of such an integrated database offers the advantage of widening the sample of the type of humans who have participated in the experiment although the experimental conditions in which the MOS have been computed are only "partially" equal. As a consequence, the database integration, while on the one hand leads to an increase in instability due to experimental conditions, on the other leads to an increase in the data likelihood due to a different sample of the humans involved and therefore an increase of the reliability of the MOS values and makes the performance evaluation statistically more significant. Of course, this factor should be fully taken into account in the evaluation process.\\
Due to the aforementioned reasons, different databases are considered to evaluate the quality measures for CQ degradation.
\subsection{Methodology}
\label{sec4.3}
The two aforementioned databases (see section 3) have been prepared as follows. CQD has been fully extracted and its data has been re-arranged so that it can be compared with TID.\\
Since the considered metrics values were used for CQD in \cite{27} but are not publicly available, these values have been recalculated using, as done in \cite{26}, the Matlab code Metrix MUX Visual Quality Assessment package \cite{87} so to favorite the comparison with TID data.\\
From TID, data have been extracted to form two sub-databases by selecting those relative to the color quantization distortion (\#7) and color quantization followed by dithering (\#22):\\
- TID*: containing TID images with CQ distortion (\#7) and the corresponding MOS;\\
- TIDD*: containing TID images with CQ distortion plus dithering (\#22) and the corresponding MOS.\\
The availability of these new databases has allowed the assessment not only regarding CQ degradation but also CQ degradation with dithering. The remaining 21 distortion types contained in TID are not used since not even those affecting color because they incorporate also spatial distortions which typically impact the quality of the image much more strongly than color alteration. Therefore, the human scores would be then more likely predominantly influenced by the spatial distortions and not the color ones.\\
Although all considered databases and their subparts have 5 classes of variability, the MOS values in TID, TID*, TIDD* varies in the range [0,9] while those in CQD varies in the range [0,100].\\
To compare the data and to be ready for the fusion, it has been therefore necessary to normalize the MOS of CQD, i. e. to make a data transformation such that data refer to a common field of variation. \\
Therefore, let $X_{min}$ and $X_{max}$ be respectively the minimum and the maximum value of the variation interval (in this case $[0,100]$) and let $K$ be the maximum value of the new interval, each value $N_i$ is replaced by the value given by the following formula:
\begin{equation}
N_i= \displaystyle \frac{ K(X_i-X_{min})}{ (X_{max}- X_{min})}
\end{equation}
Note that by this normalization formula, the values range in the interval $[0, K]$. In our case, $K=5$ and each value $N_i$ of $CQD$ is multiplied for $9/100$. After performing all these preliminary steps, the integration of the databases has been done by obtaining TID*CQD and TDD*CQD which include the corresponding MOS and quality measures. This integration has allowed performing the evaluation for CQ degradation and for CQ degradation with dithering on data sets characterized by greater cardinality and heterogeneity. This property characterizing the integrated datasets, as mentioned above, is adequate for the performance of the evaluation process.
\subsection{Features of employed databases}
\label{sec4.4}
TID* contains the 25 reference images of TID of fixed size 512 x 384 pixels plus the distorted images generated by quantization noise (\#7) with fifth distortion levels for a total number of 125 images. Being TID* a subpart of TID, of course, the images belonging to TID* have the same features of TID in terms of format, file names, color quantization noise. Moreover, the number of quantization levels is selected individually for each test in the interval [2, 380], while the corresponding MOS are extracted from TID. The nine selected metrics relative to the new dataset TID* are extracted from TID. In Figure 2 and Figure \ref{fig:4}, the histogram of MOS with a maximum value equal to 5.91 and scatter plots for the subjective MOS versus the quality score for TID* are shown, respectively.
\begin{figure}
\begin{center}
\includegraphics[width=0.23\textwidth]{Figure41.jpg}
\includegraphics[width=0.23\textwidth]{Figure42.jpg}
\includegraphics[width=0.23\textwidth]{Figure43.jpg}
\includegraphics[width=0.23\textwidth]{Figure44.jpg}
\includegraphics[width=0.23\textwidth]{Figure45.jpg}
\includegraphics[width=0.23\textwidth]{Figure46.jpg}
\includegraphics[width=0.23\textwidth]{Figure47.jpg}
\includegraphics[width=0.23\textwidth]{Figure48.jpg}
\includegraphics[width=0.23\textwidth]{Figure49.jpg}
\caption{Scatter plots of quality measures for database TID*.}
\label{fig:4}
\end{center}
\end{figure}
TIDD* contains the 25 reference image of TID of fixed size 512 x 384 pixels, the distorted images generated by quantization noise (\#7), and color quantization with dithering (\#22) with fifth distortion levels for a total number of 250 images. It has the same features of TID* in terms of format, file names, color quantization noise, and the number of quantization levels is selected individually for each test in the interval [2, 380], while the corresponding MOS are extracted from TID. Even for TIDD* the corresponding MOS are extracted from TID and the nine selected metrics relative to the new dataset TIDD* are extracted from TID. In Figure 2 and Figure \ref{fig:5}, the histogram of MOS with a maximum value equal to 6.33 and Scatter plots for the subjective MOS versus the quality score for TIDD* are shown, respectively.
\begin{figure}
\begin{center}
\includegraphics[width=0.23\textwidth]{Figure51.jpg}
\includegraphics[width=0.23\textwidth]{Figure52.jpg}
\includegraphics[width=0.23\textwidth]{Figure53.jpg}
\includegraphics[width=0.23\textwidth]{Figure54.jpg}
\includegraphics[width=0.23\textwidth]{Figure55.jpg}
\includegraphics[width=0.23\textwidth]{Figure56.jpg}
\includegraphics[width=0.23\textwidth]{Figure57.jpg}
\includegraphics[width=0.23\textwidth]{Figure58.jpg}
\includegraphics[width=0.23\textwidth]{Figure59.jpg}
\caption{Scatter plots of quality measures for database TIDD*.}
\label{fig:5}
\end{center}
\end{figure}
TID*CQD contains the 25 reference image of TID of the fixed size 512 x 384 pixel, the distorted images generated by quantization noise (\#7) at fifth distortion levels for a partial total of 125 images plus the 25 reference images of CQD of a fixed size of 512 x 512 pixels, the distorted images generated by the five popular CQ methods. at seventh levels of quantization (4, 8, 16, 32, 64, 128, 256 colors) for a partial total of 875 distorted images, and hence with a total of 1000 distorted images. In TID*CQD the images have different file names, the number of quantization levels and format type (.bmp or .png) depending on the database from which they have been derived, while the corresponding MOS are respectively extracted from corresponding database TID* and the normalized values of CQD according to the equation (8). In Figure 2 and Figure \ref{fig:6}, the histogram of MOS with a maximum value equal to 8.79 and scatter plots for the subjective MOS versus the quality score for TID*CQD are shown, respectively.
\begin{figure}
\begin{center}
\includegraphics[width=0.23\textwidth]{Figure61.jpg}
\includegraphics[width=0.23\textwidth]{Figure62.jpg}
\includegraphics[width=0.23\textwidth]{Figure63.jpg}
\includegraphics[width=0.23\textwidth]{Figure64.jpg}
\includegraphics[width=0.23\textwidth]{Figure65.jpg}
\includegraphics[width=0.23\textwidth]{Figure66.jpg}
\includegraphics[width=0.23\textwidth]{Figure67.jpg}
\includegraphics[width=0.23\textwidth]{Figure68.jpg}
\includegraphics[width=0.23\textwidth]{Figure69.jpg}
\caption{Scatter plots of quality measures for database TID*CQD.}
\label{fig:6}
\end{center}
\end{figure}
Similarly, TDD*CQD contains the 250 images of TIDD* of fixed size 512 x 384 pixel plus CQD images, of the fixed size of 512 x 512 pixels, the distorted images generated by the five popular CQ methods. at seventh levels of quantization (4, 8, 16, 32, 64, 128, 256 colors) for a partial total of 875 distorted images, and hence with a total of 1125 distorted images. The corresponding MOS are respectively extracted from corresponding database TIDD* and the normalized values of CQD according to the equation (8). In Figure 2 and Figure \ref{fig:7}, the histogram of MOS with a maximum value equal to 8.79 and scatter plots for the subjective MOS versus the quality score for TDD*CQD are shown, respectively.
\begin{figure}
\begin{center}
\includegraphics[width=0.23\textwidth]{Figure71.jpg}
\includegraphics[width=0.23\textwidth]{Figure72.jpg}
\includegraphics[width=0.23\textwidth]{Figure73.jpg}
\includegraphics[width=0.23\textwidth]{Figure74.jpg}
\includegraphics[width=0.23\textwidth]{Figure75.jpg}
\includegraphics[width=0.23\textwidth]{Figure76.jpg}
\includegraphics[width=0.23\textwidth]{Figure77.jpg}
\includegraphics[width=0.23\textwidth]{Figure78.jpg}
\includegraphics[width=0.23\textwidth]{Figure79.jpg}
\caption{Scatter plots of quality measures for database TIDD*CQD.}
\label{fig:7}
\end{center}
\end{figure}
Of course, also for TID*CQD and TIDD*CQD, the averaged deviation standard is sufficiently small and comparable with the other databases under consideration to guarantee that most subjects have similar ratings about image quality and consequently the subjective evaluation yields a highly reliable score.\\
From Figure 2, where the histogram of the normalized MOS of all databases are shown, it can be seen that: i) the MOS of CQD, TID*, TIDD*, TID*CQD and TDD*CQD approximate the uniform distribution most closelyfor those of TID which exhibit an n-shaped distribution; ii) the other database makes the best use of the MOS range without emphasizing any part of the scale since they are characterized by a more uniform distribution. This uniformity of MOS of the considered databases is an important benchmark since a uniform distribution of MOS indicates that the range of rating scales is utilized fully, as reported also in \cite{95} and \cite{23}. All considered databases are deposited in a publicly available database at -----. The accession numbers will be provided during review and before publication.
\section{Evaluation results}
\label{sec4.5}
\subsection{Evaluation of quality measures}
\label{sec4.5.1}
The two most widely used criteria to evaluate IQA methods are expressed in terms of Kendall Rank Order Correlation Coefficient (KROCC) and Spearman Rank Order Correlation Coefficient (SROCC). For more details see \cite{98}. Commonly, the better IQA method should present higher SROCC and KROCC. \\
For all databases, we compute the KROCC and SROCC between the MOS and the values computed by the nine tested quality measures to determine if there are statistically significant differences in terms of the performance between the benchmark and the considered metrics.
Table \ref{tab:1} presents the values of KROCC and SROCC for the considered databases and metrics which are visualized as bar chart in Figure \ref{fig:8} and Figure \ref{fig:9} by databases and by quality measures.
\begin{figure*}
\includegraphics[width=0.5\textwidth]{Figure81.jpg}
\includegraphics[width=0.5\textwidth]{Figure91.jpg}
\includegraphics[width=0.5\textwidth]{Figure82.jpg}
\includegraphics[width=0.5\textwidth]{Figure92.jpg}
\includegraphics[width=0.5\textwidth]{Figure83.jpg}
\includegraphics[width=0.5\textwidth]{Figure93.jpg}
\caption{Bar charts for KROCC by databases (left) and by quality measures (right).}
\label{fig:8}
\end{figure*}
\begin{figure*}
\includegraphics[width=0.5\textwidth]{Figure101.jpg}
\includegraphics[width=0.5\textwidth]{Figure111.jpg}
\includegraphics[width=0.5\textwidth]{Figure102.jpg}
\includegraphics[width=0.5\textwidth]{Figure112.jpg}
\includegraphics[width=0.5\textwidth]{Figure103.jpg}
\includegraphics[width=0.5\textwidth]{Figure113.jpg}
\caption{Bar charts for SROCC by databases (left) and by quality measures (right).}
\label{fig:9}
\end{figure*}
In Figure \ref{fig:10} the bar charts relative to KROCC and SROCC of all quality measures for each dataset are respectively shown. \\
\begin{figure}
\begin{center}
\includegraphics[width=0.35\textwidth]{Figure121.jpg}
\includegraphics[width=0.35\textwidth]{Figure131.jpg}
\includegraphics[width=0.35\textwidth]{Figure122.jpg}
\includegraphics[width=0.35\textwidth]{Figure132.jpg}
\includegraphics[width=0.35\textwidth]{Figure123.jpg}
\includegraphics[width=0.35\textwidth]{Figure133.jpg}
\includegraphics[width=0.35\textwidth]{Figure124.jpg}
\includegraphics[width=0.35\textwidth]{Figure134.jpg}
\includegraphics[width=0.35\textwidth]{Figure125.jpg}
\includegraphics[width=0.35\textwidth]{Figure135.jpg}
\caption{Bar charts for KROCC (left) and for SROCC (right) of all quality measures for each database.}
\label{fig:10}
\end{center}
\end{figure}
In the following, we perform an evaluation by database and/or by quality measures. To evaluate by database, bar charts for KROCC and SROCC taking as reference the datasets and suitable subparts with respect the quality measures are shown in Figure 8 (left) and Figure 9 (left), respectively. To give evidence to the distribution of the KROCC and SROCC values, the bar charts for KROCC and SROCC of all quality measures for each database are shown respectively in Figure 10 (left) and Figure 10 (right). To evaluate by quality measures, bar charts for KROCC and SROCC taking as reference the quality measures with respect the datasets and suitable subparts are shown in Figure 8 (right) and Figure 9 (right), respectively. The distribution of KROCC and SROCC, for each quality measure on all databases are studied by taking into account the box plot of KROCC and SROCC, respectively shown in Figure \ref{fig:11}.\\
\begin{figure*}
\includegraphics[width=0.50\textwidth]{Figure141.jpg}
\includegraphics[width=0.50\textwidth]{Figure142.jpg}
\caption{Box plot of KROCC for each quality measures and all databases, up. Box plot of SROCC for each quality measures and all databases, down.}
\label{fig:11}
\end{figure*}
From Table 1, we compute the Quality Measure Ranking (QMR) based on KROCC and SROCC on different set of databases in decreasing order of correlation, shown in Table \ref{tab:2} and Table \ref{tab:3}, where, for short, TIDD*,TIDD*CQD; CQD-Mean; CQD-Wu, CQD-Octree, CQD-SOM, CQD-kmeans are respectively indicated by: TC*-tot, CQD-M, CQD-W, CQD-O, CQD-S,CQD-k. Finally, in Table \ref{tab:4} and \ref{tab:5} the statistical performance of the considered quality measures for Main DB is reported.
\begin{table*}[!t]
\begin{center}
\caption{Performance comparison of quality measures on all databases}
\label{tab:1}
\begin{tabular}{llllllllllll}
\hline \noalign{\smallskip}
Criteria &Database & PSNR & SSIM&MSSIM& VSNR & VIFP&UQI& NQM& WSNR&SNR \\
\hline\noalign{\smallskip}
KROCC & TID*& 0,693 & 0,645 & 0,679 & 0,644 &0,632 & 0,469 & 0,632& 0,632& 0,632 \\
&TIDD*&0,638& 0,466&0,671&0,665&0,525&0,401&0,662&0,711&0,589\\
&CQD&0,649&0,673&0,746&0,750&0,776&0,532&0,731&0,738& 0,725\\
&TID*CQD&0,495& 0,460&0,467&0,467&0,484&0,357&0,449&0,471&0,466\\
& TIDD*CQD&0,638&0,466&0,671&0,665&0,525&0,401&0,662&0,711&0,589\\
&CQD -SOM&0,801&0,746&0,771&0,784&0,790&0,542&0,773&0,768&0,738\\
&CQD -Median&0,820&0,776&0,765&0,756&0,787&0,508&0,737&0,762&0,751\\
&CQD -kmeans&0,805&0,727&0,740&0,776&0,779&0,487&0,754&0,767&0,743\\
& CQD -Octree & 0,835 & 0,601 & 0,808 & 0,813 & 0,831 & 0,625 & 0,807 & 0,810 & 0,784\\
& CQD -Wu & 0,806 & 0,764 & 0,784 & 0,804 & 0,808 & 0,535 & 0,786 & 0,782 & 0,741\\
Av. KROCC & &0,718 & 0,632 & 0,710 & 0,712 & 0,694 & 0,486 & 0,699 & 0,722 & 0,676 \\
\noalign{\smallskip}
\noalign{\smallskip}
\noalign{\smallskip}
\noalign{\smallskip}
\noalign{\smallskip}
SROCC&TID*&0,880&0,806&0,866&0,836&0,761&0,664&0,826& 0,889&0,836\\
&TIDD* &0,838 &0,651 & 0,869 &0,861 &0,706 &0,588 &0,858 &0,900 &0,797\\
&CQD&0,801&0,861&0,918&0,923&0,938&0,724&0,912&0,916& 0,908\\
&TIDD*CQD& 0,655&0,622 &0,629&0,632&0,643&0,504&0,616&0,634&0,630\\
& TIDD*CQD&0,838&0,651&0,869&0,861&0,706&0,588&0,858&0.900&0,797\\
&CQD -SOM&0,950&0,921&0,934&0,944&0,946&0,740&0,938&0,934&0,913\\
&CQD -Median&0,961&0,938&0,931&0,926&0,943&0,701&0,916&0,932&0,926\\
&CQD -kmeans&0,952&0,909&0,912&0,938&0,942& 0,677&0,928&0,933&0,916\\
&CQD -Octree&0,965&0,797 &0,950& 0,954& 0,958& 0,805& 0,948 &0,952& 0,940\\
&CQD -Wu& 0,953& 0,929& 0,939& 0,952& 0,955& 0,728& 0,945& 0,941& 0,917\\
Av. SROCC & & 0,879& 0,809& 0,882& 0,883& 0,850& 0,614& 0,875& 0,893& 0,858\\
\noalign{\smallskip}\hline
\end{tabular}
\end{center}
\end{table*}
\begin{table*}
\caption{Quality Measure Ranking (decreasing order) of KROCC, where for short, TIDD*,TIDD*CQD; CQD-Mean; CQD-Wu, CQD-Octree, CQD-SOM, CQD-kmeans are respectively indicated by: TC*-tot, CQD-M, CQD-W, CQD-O, CQD-S,CQD-k.}
\label{tab:2}
\begin{tabular}{lllllllllll}
\hline \noalign{\smallskip}
Database &PSNR &SSIM &MSSIM &VSNR &VIFP &UQI &NQM &WSNR &SNR\\
\hline\noalign{\smallskip}
Main DB &TID* &CQD &CQD &CQD &CQD &CQD &CQD &CQD\\
&CQD &TID* &TID* &TC*-tot &TID* &TID* & TC*-tot & TC*-tot &TID*\\
& TC*-tot & TC*-tot & TC*-tot &TID* & TC*-tot & TC*-tot &TID* &TID* & TC*-tot\\
&TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD\\
\hline\noalign{\smallskip}
All &CQD-Octree &CQD-M &CQD-O &CQD-O &CQD-O &CQD-O &CQD-O &CQD-O &CQD-O\\
&CQD-M &CQD-W &CQD-W &CQD-W &CQD-W &CQD-S &CQD-W &CQD-W &CQD-M\\
&CQD-W &CQD-S &CQD-S &CQD-S &CQD-S &CQD-W &CQD-S &CQD-S &CQD-W\\
&CQD-k &CQD-k &CQD-M &CQD-k &CQD-k &CQD &CQD-k &CQD-k &CQD-k\\
&CQD-S &CQD &CQD &CQD-M &CQD-M &CQD-M &CQD-M &CQD-M &CQD-S\\
&TID* &TID* &CQD-k&CQD &CQD &CQD-k &CQD &CQD &CQD \\
&CQD &CQD-O&TID* & TC*-tot &TID* &TID* & TC*-tot &TC*-tot &TID*\\
& TC*-tot & TC*-tot & TC*-tot &TID* & TC*-tot & TC*-tot &TID* &TID* & TC*-tot\\
&TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD\\
\hline\noalign{\smallskip}
C\&sub &CQD-O &CQD-M &CQD-O &CQD-O &CQD-O &CQD-O &CQD-O &CQD-O &CQD-O\\
&CQD-M &CQD-W &CQD-W &CQD-W &CQD-W &CQD-W &CQD-W &CQD-W &CQD-M\\
&CQD-W &CQD-S &CQD-S &CQD-S &CQD-S &CQD-S &CQD-S &CQD-S &CQD-k\\
&CQD-k &CQD-k &CQD-k &CQD-k &CQD-k &CQD-M &CQD-k &CQD-k &CQD-W\\
&CQD-S &CQD &CQD-M &CQD-M &CQD-M &CQD-k &CQD-M &CQD-M &CQD-S \\
&CQD &CQD-O &CQD &CQD &CQD &CQD &CQD &CQD &CQD\\
\noalign{\smallskip}\hline
\end{tabular}
\end{table*}
\begin{table*}[!t]
\begin{center}
\caption{Quality Measure Ranking (decreasing order) of SROCC, where for short, TIDD*,TIDD*CQD; CQD-Mean; CQD-Wu, CQD-Octree, CQD-SOM, CQD-kmeans are respectively indicated by: TC*-tot, CQD-M, CQD-W, CQD-O, CQD-S,CQD-k.}
\label{tab:3}
\begin{tabular}{lllllllllll}
\hline \noalign{\smallskip}
Database &PSNR &SSIM &MSSIM &VSNR &VIFP &UQI &NQM &WSNR &SNR\\
\hline\noalign{\smallskip}
Main DB &TID* &CQD &CQD &CQD &CQD &CQD &CQD &CQD &CQD\\
& TC*-tot &TID* & TC*-tot & TC*-tot &TID* &TID*&TID* & TC*-tot &TID*\\
&CQD & TC*-tot &TID* &TID* & TC*-tot & TC*-tot & TC*-tot &TID* & TC*-tot\\
&TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD\\
\hline\noalign{\smallskip}
All &CQD-O &CQD-M &CQD-O &CQD-O &CQD-O &CQD-O &CQD-O &CQD-O &CQD-O\\
&CQD-M &CQD-W &CQD-W &CQD-W &CQD-W &CQD-S &CQD-W &CQD-W &CQD-M\\
&CQD-W &CQD-S &CQD-S &CQD-S &CQD-S &CQD-W &CQD-S &CQD-S &CQD-W\\
&CQD-k &CQD-k &CQD-M &CQD-k &CQD-M &CQD &CQD-k &CQD-M &CQD-k\\
&CQD-S &CQD &CQD &CQD-M&CQD-k &CQD-M &CQD-M &CQD-k &CQD-S\\
& TC*-tot &CQD-O & TC*-tot& TC*-tot &TID* &TID* & TC*-tot &TC*-tot &TID*\\
&CQD & TC*-tot &TID* TID* & TC*-tot & TC*-tot &TID* &TID*& TC*-tot\\
&TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD &TID*CQD\\
\hline\noalign{\smallskip}
C\&sub &CQD-O &CQD-M &CQD-O &CQD-O &CQD-O &CQD-O &CQD-O &CQD-O &CQD-O\\
&CQD-M &CQD-W &CQD-W &CQD-W &CQD-W &CQD-W &CQD-W &CQD-W &CQD-M\\
&CQD-W &CQD-S &CQD-S &CQD-S &CQD-S &CQD-S &CQD-S &CQD-S &CQD-k\\
&CQD-k &CQD-k &CQD-k&CQD-k &CQD-k &CQD-M &CQD-k &CQD-k &CQD-W\\
&CQD-S &CQD&CQD-M &CQD-M &CQD-M &CQD-k &CQD-M &CQD-M &CQD-S\\
&CQD&CQD-O &CQD& CQD& CQD& CQD& CQD& CQD &CQD\\
\noalign{\smallskip}\hline
\end{tabular}
\end{center}
\end{table*}
\begin{table*}[!t]
\begin{center}
\caption{KROCC statistical performance of the quality measures for Main DB}
\label{tab:4}
\begin{tabular}{lllllllllll}
\hline \noalign{\smallskip}
& &PSNR &SSIM &MSSIM &VSNR &VIFP &UQI &NQM &WSNR &SNR\\
\hline\noalign{\smallskip}
&PSNR &----- &-1--1 &--0-- &--0-- &-10-1 &11111 &--0-- &-00-0 &-10-1\\
&SSIM &-0--0 &----- &-00-0 &-00-0 &-00-0 &1-11- &-00-- &-00-0 -00-0\\
&MSSIM &--1-- &-11-1 &----- &----- &-1—1 &11111 &----- &-0--0 &-1--1\\
&VSNR &--1-- &-11-1 &----- &----- &-1--1 &11111 &----- &-0--0 &-1--1\\
&VIFP &-01-0 &-11-1 &-0--0 &-0--0 &----- &11111 &-0--0 &-0--0 &-----\\
&UQI &00000 &0-00- &00000 &00000 &00000 &----- &00000 &00000 &00000\\
&NQM &--1-- &-11-- &----- &----- &-1--1 &11111 &----- &-0--0 &-1--1\\
&WSNR &-11-1 &-11-1 &-1--1 &-1--1 &-1--1 &11111 &-1--1 &----- &-1--1\\
&SNR &-01-0 &-11-1 &-0--0 &-0--0 &----- &11111 &-0--0 &-0--0 &-----\\
\noalign{\smallskip}\hline
\end{tabular}
\end{center}
\end{table*}
\begin{table*}[!t]
\begin{center}
\caption{SROCC statistical performance of the quality measures for Main DB}
\label{tab:5}
\begin{tabular}{lllllllllll}
\hline \noalign{\smallskip}
& &PSNR &SSIM &MSSIM &VSNR &VIFP &UQI &NQM &WSNR &SNR\\
\hline\noalign{\smallskip}
&PSNR &----- &-1--1 &--0-- &--0-- &110-1 &11111 &--0-- &-00-0 &-10-1\\
&SSIM &-0--0 &----- &-00-0 &-00-0 &100-0 &11111 &-00-0 &-00-0 &-00-0\\
&MSSIM &--1-- &-11-1 &----- &----- &11--1 &11111 &----- &-0--0 &-1--1\\
&VSNR &--1-- &-11-1 &----- &----- &11--1 &11111 &----- &-0--0 &-1--1\\
&VIFP &001-0 &011-1 &00--0 &00--0 &----- &11111 &00--0 &00--0 &0----\\
&UQI &00000 &00000 &00000 &00000 &00000 &00000 &00000 &00000 &00000\\
&NQM &--1-- &-11-1 &----- &----- &11--1 &11111 &----- &-0--0 &-1--1\\
&WSNR &-11-1 &-11-1 &-1--1 &-1--1 &11--1 &11111 &-1--1 &----- &-1--1\\
&SNR &-01-0 &-11-1 &-0--0 &-0--0 &1---- &11111 &-0--0 &-0--0 &-----\\
\noalign{\smallskip}\hline
\end{tabular}
\end{center}
\end{table*}
\subsection{Evaluation by databases}
\label{sec4.6}
Table 1, bar charts in Figure 8 (left), 9 (left) ,10 show that KROCC and SROCC distribution for each database follows a similar trend, i.e. for a given quality measure and database if there is a strong correlation in terms of KROCC index then there is a strong correlation in terms of SROCC index. For instance, let consider the distribution of KROCC and SROCC for TID*, shown in the first row of Figure 10. WSNR and PSNR have the maximal value, followed in decreasing order by MSSIM, then followed by SSIM, VSNR, VFP, NQM, SNR, while UQI have the minimum value.\\
Overall the best performing quality measures by databases are WSNR, MSSIM, VSNR since they display a strong correlation in most of all tested databases, the worst performing quality measure is UQI since it has a weak correlation in all databases, while the remaining performing quality measures can be considered as at an intermediate level. It is interesting to note that this trend, although it appears more flattened, is maintained also on the integrated databases. The presence of distribution flattening is not surprising as the databases have been merged a posteriori and therefore have a high degree of variability.\\
On the contrary, the similarity between the evolution of distributions even on merged databases gives greater support to the experimental data obtained on the other databases, thus allowing to say that the best performing quality measures are WSNR, MSSIM, VSNR, while UQI displays a weak correlation. This suggests that there is no advantage of using such measure UQI in the tested data, and favors the nomination of WSNR, MSSIM, VSNR as metrics that are profitable for CQ evaluation.
\subsection{Evaluation by quality measures}
\label{sec4.7}
Table 1, Table 2, and bar charts in Figure 8 (right) and Figure 9 (right) show that KROCC and SROCC distribution for each quality measure follows quite the same trend, i. e. for a given quality measure if there is a strong/weak correlation in terms of KROCC index then there is a strong/weak correlation in terms of SROCC index for a given database, while there are little differences in the intermediate values. In particular, the distributions are shown in Figure 8 (right) and Figure 9 (right) reveals that the best performing database is mainly CQD while the worst performing database is TID*CQD, with an intermediate value of TIDD*, TIDD*CQD followed by TID* (or TID* followed by TID*, TIDD*CQD).\\
Overall the best performing database is CQD characterized by a strong correlation for quite all quality measures. The worst performing database is TID*CQD with a weak correlation for all quality measures, while the remaining databases can be considered as at an intermediate level. These are plausible results because we expect a maximum correlation for the CQD database, which is obtained directly, while we expect the minimum correlation value for the database obtained by fusion by TID and CQD and characterized by maximum data variability. However, since WSNR, MSSIM, VSNR perform well on CQD and TID*CQD, this confirms the hypothesis of better correlation of these measures than the others and suggests that there is some advantage of using UQI measure in CQ evaluation.\\
Further confirmation can be obtained by evaluating the data collected in surveys of different populations taking into account the percentile positions (quartiles) relative to a quarter (Q1), two quarters (or half) (Q2) and three quarters (Q3) of the population, that is, 25\%, 50\%, and 75\% respectively. Indeed, through these percentile positions, it is possible to represent the distribution of data in a compact and very meaningful manner using a box plot that allows us to get information about the dispersion and asymmetry of each deployment and compare two or more distributions.
In Figure 11 box plots obtained for the different data distributions for the KROCC and SROCC indexes are shown. About Figure 11 (left) related to KROCC, each distribution is asymmetrical, as it is characterized by a different distance between the median and the first quartile and the median and the third quartile. Each distribution is not normal as it is characterized by lengths of Inter Quartile Range (IQR) and by whisker non-proportional to the areas underlying the normal curve between the various quartiles. For all distributions, the distance Q3 and the median are greater than the distance Q1 and the median. For SSIM e VIFP there is an appreciable statistical dispersion (or variance) as they have a high IQR and whisker with small size. For PSNR, VSNR, UQI e SNR there is a comparable statistical dispersion (or variance) as they have IQR smaller but bottom-whisker of larger size for PSNR, VSNR and SNR and top-whisker of larger size for UQI, while for MSSIM, NQM, and WSNR, the IQR is smaller with whiskers having small or null dimension but some isolated anomalous values for MSSIM, NQM, and WSNR, not included in the whiskers, exist.\\
Similarly, by considering Figure 11 (right) for SROCC, each distribution is asymmetrical, as it is characterized by a different distance between the median and the first quartile and the median and the third quartile. Each distribution is not normal as it is characterized by lengths of the Inter Quartile Range and whiskers that are not proportional to the areas underlying the normal curve between the quartiles. For all distributions, the distance between Q3 and the median is greater than the distance between Q1 and the median.\\
For SSIM and VIFP metrics, there is an appreciable dispersion (or variance) because they have a high IQR and whisker with reduced size; for PSNR, UQI, and SNR there is a comparable dispersion (or variance) as they have a smaller IQR but bottom-whisker with the larger size for PSNR, SNR and bottom/up whisker with appreciable size for UQI; while for MSSIM, VSNR, NQM, and WSNR, the IQR is smaller having small or null dimension, but for MSSIM, VSNR, NQM, and WSNR there are some isolated anomalous values that are not included in whiskers.
Overall, the trend of box plots is therefore very similar for KROCC and SROCC. This confirms the increased reliability of data for MSSIM, NQM, and WSNR and the strong similarity already observed in the previous phase through the study of bar charts and the increased reliability of these quality measures.
\subsection{Evaluation by databases and quality measures}
\label{sec4.8}
To further confirm these judgments, the statistical performance of the quality measures is analyzed for the individual main databases. Table 4 shows the results for KROCC where each entry is a codeword of five symbols. The position of the symbol in the codeword represents the following databases (from left to right): TID*, TIDD*, CQD, TID*CQD, TIDD*CQD. Each symbol gives the result of KROCC on the dataset represented by the position of the symbols. “1” means that the image quality metric from the row is statistically better than the image quality metric from the column, “0 means that it is statistically worse and “-” means that it is statistically indistinguishable. Table 5 shows the results for SROCC. Since a larger number of “0” in the columns (rows) indicates the best (worst) performance while a larger number of “1” in the columns (rows) indicates the worst (best) performance, we evaluate the performance in terms of statistical significance from Table 4. Thus, as expected, WSNR is statistically the best performing metric followed by the MSSIM, VSNR, and NQM while SSIM and UQI metrics have the worst performance.
\section{Discussion}
\label{Ds}
In summary, the quantitative analysis carried out in this paper allows us to reach the following final considerations regarding the performance of the quality measures under consideration and database integration.\\
Based on the above evaluation by measures, by database and on the analysis of the bar chart and the box plots, the quality measures WSNR, MSSIM, VSNR are the best candidates to be used in the CQ application since they display a strong correlation with MOS in all databases. PSNR, SSIM, VSNR, VIFP, NQM, and SNR display a moderate correlation with MOS on all databases. The lowest correlation is achieved by the quality measure UQI, displaying a weak correlation with MOS in all databases. Additionally, as expected, we have found that the tested quality measures are characterized by statistically significant differences in terms of correlation and achieve a strong correlation in CQD and a weak correlation in TID*CQD.\\
We point out that the good performance of WSNR, MSSIM, and VSNR is probably because these metrics for definition simulate better the HVS properties, although the color distribution is not explicitly considered, while the fact that PSNR, SSIM, VSNR, VIFP, NQM, and SNR have an intermediate level performance is probably due to the global and physical characterization of these metrics in terms of contrast, luminosity, etc. The worst performance of UQI can be explained by the fact that this metric is able mainly to detect structural distortions, while CQ has as its primary effect the reduction and the alteration of the contrast and the color space and as the secondary effect the distortion to the structural level. \\
Finally, these results are compatible in terms of statistical significance with those obtained in \cite{26} and \cite{27}. At the moment, other comparisons are impossible to do since different quality measures or distortions are taken into account in the other available papers.
The experimental values for different quality measures are essentially compatible and maintain a strong similarity both on individual databases and databases obtained by integration. Therefore, the database integration can be validated and it is permissible to consider this set of data to evaluate quality measures and the quantitative performance evaluation on each database can be considered as an indicator for performance on the other databases.
\section{Conclusions}
\label{Cf}
The purpose of this paper is to compensate for the lack of an adequate IQA for CQ a) by assessing specific most popular full reference quality measures in the presence of CQ distortions on appropriate available databases; b) by proposing a new performance evaluation process of the considered quality measures based on recommendations for best practices.\\
For this goal, we review and evaluate nine state-of-the-art quality measures on two publicly available and subjectively rated image quality databases for CQ degradation, by considering suitable their combinations or subparts.\\
The experiments show that the evaluation of the statistical performance of the quality measures for CQ is significantly impacted by the selected image quality database but, due to the detected strong similarity, also that the quantitative performance evaluation on each database is an indicator for the performance on the other databases. Moreover, the quality measures WSNR, MSSIM, VSNR have closer performances in terms of their correlation to the subjective human rating, while UQI does not achieve a strong correlation with subjective scores. The detected strong similarity both on individual databases and on databases obtained by integration provides the ability to validate the integration process and to consider the quantitative performance evaluation on each database as an indicator for performance on the other databases. \\
Therefore, an important contribution of the paper is to address the choice of suitable quality measures for CQ since the results achieved in this work can be considered useful by readers interested in the design and evaluation of CQ methods. Another non-negligible contribution of the paper is to define a new performance evaluation process which can be extended to other sets of quality measures, i. e. color-based quality measures. Also, in the paper, some implications and indications which can be usefully considered for the development of appropriate new metrics for CQ, are given.
As soon as possible, future evaluation should further extend the databases including a larger number of images with CQ distortion as well as other quality measures directly related to color information and HVS properties to generalize the evaluation process and validating the results obtained in this paper.
\begin{acknowledgements}
This work has been supported by the GNCS (Gruppo Nazionale di Calcolo Scientifico) of the INDAM (Istituto Nazionale di Alta Matematica).
\end{acknowledgements}
\section*{Conflict of interest}
The authors declare that they have no conflict of interest.
\bibliographystyle{spbasic}
|
\section*{Supplementary Material}
This supplementary material is structured as follows:
\begin{description}
\item \ref{sec:biased_classes}: Additional information on biased semantic classes across datasets.
\item \ref{sec:exp_details}: A summary of the network architectures and the training details.
\begin{description}
\item Supplementary Table~\ref{tab:batch_sizes}: Batch sizes used in all experiments.
\end{description}
\item \ref{sec:quant_results}: Additional quantitative results.
\begin{description}
\item Supplementary Table~\ref{tab:aug_full}: Full evaluation comparison of the baselines with the edge loss and the augmented variants across datasets.
\item Supplementary Table~\ref{tab:cutmix_selective_augmentation_ablations}: Complete ablation results including CutMix, Donly and Gonly model performances across datasets.
\item Supplementary Table~\ref{tab:edge_loss_ablation}: Performance of the augmented models without the edge loss.
\item Supplementary Table~\ref{tab:matching_aware_loss_ablation}: Performance of the augmented models with the matching aware GAN loss.
\end{description}
\item \ref{sec:qual_results}: Additional qualitative results.
\begin{description}
\item Supplementary Figures~\ref{fig:ccfpse_coco}--\ref{fig:pix2pixhd_cityscapes}: Visual comparison of the images generated using our method with those of the baselines and the edge loss models.
\end{description}
\end{description}
\input{sections/biased_classes.tex}
\input{sections/supp_experimental_details.tex}
\input{sections/supp_quantitative_results.tex}
\input{sections/supp_qualitative_results.tex}
\subsection{Augmentation}
\label{subsec:augmentation}
In SIS, training dataset consists of a pair of data samples \((s, x)\), where $s$ denotes the input semantic label map\footnote{For certain datasets, SIS models also concatenate instance maps with the label maps.} and $x$ is the respective real image. In this task, the generator is trained to learn the distribution of real images conditioned on the semantic input. Thus, the loss functions for the generator $G$ and the discriminator $D$ take the following form:
\begin{equation}
\begin{aligned}
& \underset{min}{\mathcal{L}_G} = -\mathbb{E}_{s}[\text{log}\+ D(G(s), s)]\text{,}\\
& \underset{max}{\mathcal{L}_D} = \mathbb{E}_{(x, s)}[\text{log}\+ D(x, s)] + \mathbb{E}_{s}[\text{log}\+ (1 - D(G(s), s))]\text{.}
\end{aligned}
\end{equation}
To stabilize the training and improve the fidelity of synthetic images, recent SIS models have also added feature matching and perceptual losses~\cite{wang2018high} to the generator:
\begin{equation}
\begin{aligned}
\underset{min}{\mathcal{L}_G} = & -\mathbb{E}_{s}[\text{log}\+ D(G(s), s)] \\[-5pt]
& + \lambda_{FM} \mathbb{E}_{(x, s)} \mathcal{L}_{FM}(D(x, s), D(G(s), s))\\
& + \lambda_{P} \mathbb{E}_{(x, s)} \mathcal{L}_{P}(F(x), F(G(s)))\text{,}
\end{aligned}
\end{equation}
where $\lambda_{FM}$ and $\lambda_{P}$ are the weights of the respective loss terms, and $F$ is a pre-trained CNN.
While the modifications in the objective functions and model architectures \cite{isola2017image,wang2018high,park2019semantic,liu2019learning,tang2019local} have led to steady improvements in the performance of SIS models, they do not explicitly guide the generator network to learn the local shape details of objects in the real image. In fact, as the generator architectures proposed in the state-of-the-art SIS models~\cite{liu2019learning,park2019semantic} condition the features of all intermediate layers on the semantic input, the generator can simply copy the global structural layout of the scene directly from the conditioning input. This direct dependency may further weaken the generator's ability to learn finer structural details, because the semantic input itself lacks the information about the composition of various classes, e.g. windows/doors for the building class. Thus, to prevent the generator from naively copying the scene layout and encourage it to learn local shape properties of different classes, we propose to warp the objects in the semantic label map fed to the generator. The geometric mismatches between the semantic input and the corresponding real image force the generator to not only learn the perceptual content of different classes, but also to correct the shape distortions introduced to its input. More specifically, we obtain the warped semantic label map $\tilde{s}$ using a transformer function:
$\tilde{s} = t(s)\text{.}$
Here, the thin-plate spline transform $t$ is obtained by estimating the affine and non-affine warping coefficients, which minimize a bending energy function for a set of fixed $\{u, v\}$ and moving $\{\acute{u}, \acute{v}\}$ points~\cite{bookstein1989principal}. To selectively warp the objects in the input semantic label map $s$, we sample the key-points $\{u, v\}$ uniformly from boundary pixels in the edge map (see Fig.~\ref{fig:plane}). Afterwards, the moving points $\{\acute{u}, \acute{v}\}$ are obtained by adding random horizontal and vertical pixel shifts to the previously sampled key-points within a defined range. The amount of pixel shift controls the degree of warping. For each dataset, we determined this parameter experimentally by training multiple models with varying levels of distortions. Fig.~\ref{fig:aug_workflow} shows examples of such warped label maps. We train the augmented models by warping the input label maps from the entire training dataset and conditioning the generator and the discriminator on the warped semantic layouts. The real images fed to the discriminator remain unmodified. During inference, the non-warped semantic label maps are used to generate the synthetic images.
\section{Biased Classes}
\label{sec:biased_classes}
In this section, we detail the list of classes that are identified as biased using the perturbation approach presented in Sec. \ref*{sec:evaluation_bias}. For a $\delta$ value of 2/3, we identify 29, 52 and 5 biased classes in COCO-Stuff, ADE20K and Cityscapes, respectively. The Gaussian perturbation parameter $\sigma_0$ for COCO-Stuff, ADE20K and Cityscapes was set to 25.0, 35.0 and 27.0, respectively. The parameter $\sigma_0$ is a function of the kernel size $K$ ($\sigma_0 = 1/3 * K$), which was detemined by calculating the average class area statistics for all semantic categories in the dataset. The biased class names and their associated ids are provided below in a dictionary format.
\subsection*{COCO-Stuff}
\begin{lstlisting}
13: "stop sign",
16: "bird",
28: "umbrella",
34: "frisbee",
35: "skis",
36: "snowboard",
41: "skateboard",
42: "surfboard",
49: "knife",
62: "chair",
74: "mouse",
86: "vase",
101: "carpet",
110: "desk-stuff",
115: "floor-other",
120: "fog",
124: "grass",
126: "ground-other",
135: "mountain",
142: "plant-other",
144: "platform",
145: "playingfield",
149: "road",
154: "sand",
157: "sky-other",
159: "snow",
167: "textile-other",
172: "wall-concrete",
173: "wall-other"
\end{lstlisting}
\subsection*{ADE20K}
\begin{lstlisting}
1: "wall",
3: "sky",
4: "floor flooring",
5: "tree",
6: "ceiling",
7: "road route",
8: "bed ",
10: "grass",
12: "sidewalk pavement",
14: "earth ground",
16: "table",
17: "mountain mount",
18: "plant flora plant life",
20: "chair",
29: "rug carpet carpeting",
31: "armchair",
34: "desk",
37: "lamp",
40: "cushion",
41: "base pedestal stand",
42: "box",
43: "column pillar",
47: "sand",
51: "refrigerator icebox",
53: "path",
65: "coffee table cocktail table",
69: "hill",
71: "countertop",
74: "kitchen island",
76: "swivel chair",
83: "light light source",
85: "tower",
86: "chandelier pendant pendent",
87: "awning sunshade sunblind",
94: "pole",
96: "bannister banister balustrade
balusters handrail",
107: "canopy",
115: "tent collapsible shelter",
126: "pot flowerpot",
129: "lake",
131: "screen silver screen
projection screen",
132: "blanket cover",
134: "hood exhaust hood",
136: "vase",
138: "tray",
139: "ashcan trash can garbage can
wastebin ash bin ash-bin
ashbin dustbin trash barrel
trash bin",
140: "fan",
141: "pier wharf wharfage dock",
142: "crt screen",
143: "plate",
144: "monitor monitoring device",
148: "glass drinking glass"
\end{lstlisting}
\subsection*{Cityscapes}
\begin{lstlisting}
7: "road",
11: "building",
17: "pole",
21: "vegetation",
23: "sky"
\end{lstlisting}
\section*{Broader Impact}
The potential broader impact of this submission may fall into several different areas. Our work improves the fidelity of images synthesized using the existing generative adversarial network-based semantic image synthesis (SIS) models as well as proposes a fair evaluation scheme for future SIS methods.
Images generated with our proposed augmentation strategy can be utilized as alternatives for the cases where collecting real data is either prohibitive or very challenging. This includes the situations in which privacy-sensitive data cannot be used without the consent of a legitimate owner, such as images with people or scenes containing confidential information. In such scenarios, the data generated by SIS models may potentially serve as replacement and preserve the privacy of people. Our proposed approach can also be used to generate diversified synthetic images for enlarging the training sets in applications that are highly data-driven, such as autonomous driving. In the same vein, the synthetic images can be used to mitigate the intrinsic biases present in the original training datasets and to improve the generalization of the trained models. For example, by artificially adding instances of rare categories in the training images.
As the methods for conditional image generation are getting better, the risk of their misuse for image or video tampering is also increasing. One potential application where the proposed augmentation technique can be abused is the generation of deepfakes. SIS models allow to easily manipulate objects in the synthesized images by directly modifying the semantic segments in the input label map. The images generated using the augmented SIS models are of higher fidelity than the samples from the respective baselines, and thus are harder to identify as fake for an independent human observer.
A second contribution of this work is the extended evaluation benchmark for SIS. By proposing to split the semantic segmentation metrics in two groups, for biased and unbiased classes, we can fairly analyze the semantic classes on which SIS models improve most.
This allows to distinguish novel SIS approaches that equitably improve over both, the biased and unbiased semantic classes, where the latter are usually under-represented in the training set, and thus are more challenging to synthesize. The proposed extended evaluation helps to promote fairness in benchmarking SIS models, as it weakens the adverse effects of potential biases present in the collected data.
Overall, the contributions made in this work can be seen as a step forward towards privacy-preserving and fair AI.
\section{Conclusions}
\label{sec:conclusions}
In this work, we propose a novel data augmentation method for GAN-based SIS models. Targeting the shortcomings of the recent SIS studies, the proposed augmentation scheme allows to significantly improve the overall quality of the synthetic images, in particular the local shapes and structures inside the semantic classes. In addition, to better analyze and benchmark the improvements of the SIS models, we extend the semantic segmentation metrics used for the SIS evaluation. Specifically, to mitigate the adverse effects of biases picked up by the segmentation network, we split the evaluation of semantic classes into biased and unbiased groups. Enabled by this new analysis, we observe that the conventional SIS models strongly underperform on unbiased classes, while our proposed augmentation method improves their results on both class groups.
\subsection{Datasets, Models and Implementation Details}
\label{subsec:datasets_and_models}
\paragraph{Datasets}
We perform experiments on COCO-Stuff \cite{caesar2018coco}, ADE20K \cite{zhou2017scene} and Cityscapes \cite{cordts2016cityscapes}. Each dataset provides pixel-level annotations for all images. COCO-Stuff includes natural scene images with 172 classes, divided into 118k training and 5k validation samples. Likewise, ADE20K contains 20k training and 2k validation images with a mixture of indoor and outdoor scenes with 150 categories. Cityscapes comprises 5k training and 500 validation driving scene images with 35 classes.
\paragraph{Baselines}
As baselines, we choose three recently proposed GAN-based SIS models: Pix2PixHD \cite{wang2018high}, SPADE \cite{park2019semantic} and CC-FPSE \cite{liu2019learning}.
We compare the qualitative and quantitative performances of the baselines with the respective augmented models, where we warp the semantic input and add the edge loss. We denote these models with -AUG suffix.
\paragraph{Segmentation and edge detection models}
For consistent quantitative evaluations with the published baselines, we use the following segmentation models: DeepLabV2 (COCO-Stuff) \cite{chen2017deeplab,deeplabv2}, UperNet101 (ADE20K) \cite{xiao2018unified,upernet101}, and DRN-D-105 (Cityscapes) \cite{yu2017dilated,drn105}. In addition to mIoU, PA and MA metrics defined in Sec. \ref{sec:evaluation_bias}, we calculate F\'rechet Inception Distance (FID) \cite{heusel2017gans} to compare the distributions of real and fake image samples. We use a pre-trained Bi-Directional Cascade Network~\cite{he2019bi,bdcn} to estimate edges.
\paragraph{Implementation details}
For a fair comparison, we use the original code provided by the authors \cite{ccfpse,spade,pix2pixhd}. We train each model using 4 NVIDIA Tesla V100 GPUs. Except the batch sizes (provided in the supp. data), all other settings were kept to the defaults of the respective models. The resolution of the synthesized images are $256\times256$ for COCO-Stuff and ADE20K, and $512\times256$ for Cityscapes. We use $\lambda_{E}$ of 10 for the edge loss. The Cityscapes and ADE20K models are trained for 200 epochs, whereas the COCO-Stuff models are trained for 100 epochs. We retrain each baseline model from scratch for all datasets.
\subsection{Edge Loss}
\label{subsec:edge_loss}
Although warping semantic label maps enables the generator to focus on the local shape details (as described previously), it does not provide class specific fine-grained structural guidance necessary for high fidelity SIS. For example, it is evident from the building class segment (dark gray color) in the label map in Fig. \ref{fig:teaser} that the generator can only infer the class identity and its spatial extent from the semantic input. While the feature matching and perceptual losses aid the generator in learning class specific content, they do not provide explicit structural clues about the fine-grained scene details.
We therefore propose to add a structure preserving edge loss \cite{khoreva2021} to the generator's output using the edge maps extracted by the edge detector $E$ for the label map warping.
We implement the edge loss $\mathcal{L}_{E}$ as the L2 difference between the edge maps extracted from the synthetic and the real images: $\mathcal{L}_{E} = \lVert E(x) - E(G(\tilde{s})) \rVert_2$.
Jointly, the augmentation and the edge loss complement each other, as they allow the generator to focus on different aspects of the target scene geometry. The final $G$ and $D$ losses of the augmented SIS model with the edge loss are:
\begin{equation}
\begin{aligned}
\underset{min}{\mathcal{L}_G} = & -\mathbb{E}_{s}[\text{log}\+ D(G(\tilde{s}), \tilde{s})] \\[-5pt]
& + \lambda_{FM} \mathbb{E}_{(x, s)} \mathcal{L}_{FM}(D(x, \tilde{s}), D(G(\tilde{s}), \tilde{s}))\\
& + \lambda_{P} \mathbb{E}_{(x, s)} \mathcal{L}_{P}(F(x), F(G(\tilde{s}))) \\[-2pt]
& + \lambda_{E} \mathbb{E}_{(x, s)} \mathcal{L}_{E}(E(x), E(G(\tilde{s})))\text{,}
\end{aligned}
\end{equation}\vspace{-10pt}
\begin{align*}
\underset{max}{\mathcal{L}_D} = \mathbb{E}_{(x, s)}[\text{log}\+ D(x, \tilde{s})] + \mathbb{E}_{s}[\text{log}\+ (1 - D(G(\tilde{s}), \tilde{s}))]\text{.}
\end{align*}
An illustrative overview of the complete augmentation model is presented in Fig.~\ref{fig:aug_workflow}.
\section{Evaluation Bias}
\label{sec:evaluation_bias}
The use of semantic segmentation metrics for evaluating the quality of synthetic images has become a common practice in SIS \cite{isola2017image,wang2018high,park2019semantic,liu2019learning}. Such evaluation is based on the hypothesis that realistically looking synthetic images can be classified correctly by a semantic segmentation network that was originally trained on real images~\cite{isola2017image}. Thus, we first introduce the preliminaries associated with SIS evaluation. Thereafter, we present the image perturbations with which we determine the semantic classes that lead to a biased evaluation of SIS models for a given segmentation network.
Let \(X \in \mathbb{R}^{H \times W}\) and \(Y \in \{1, 2..., N_{cl}\}^{H \times W}\) denote an input image and its densely labelled semantic map with $N_{cl}$ categories. Here, $H$ and $W$ represent the image height and width. For simplicity we restrict the discussion below to single channel images, although it is fully generalizable to multi-channel images. Given an arbitrary image input $X$ to a pre-trained segmentation network, let $Y_{pred}$ be the predicted segmentation map. Using $Y$ and $Y_{pred}$, we can calculate the following evaluation metrics for each class $i$: Pixel Accuracy \((PA_i) = n_{ii}/t_{i}\) and, Intersection over Union $(IoU_i) = n_{ii}/(t_{i} \text{+} \sum_{j} n_{ji} \text{--} n_{ii})$. Here, $n_{ji}$ and $t_i$ are the number of pixels of class $j$ that are labelled as class $i$ in $Y_{pred}$ and the total number of pixels of class $i$ in $Y$~\cite{long2015fully}.
\input{figures/perturbation.tex}
To assess whether the segmentation model is biased towards specific semantic classes, we modify $X$ by using different perturbation schemes and evaluate the metrics defined above by feeding the perturbed images into the segmentation network. As contextual information~\cite{hoyer2019grid,mottaghi2014role} and statistics~\cite{wang2016learnable} have been shown to strongly influence the predictions of a semantic segmentation model, we aim to utilize the segmentations of perturbed images to determine classes that can be correctly inferred by the segmentation network even when the information within the class segment is artificially altered.
For \( (u, v) \in (\{1, 2,..., H\}, \{1, 2,..., W\}) \), let \(M_i(u, v) = \mathbbm{1}\{Y(u, v) = i\} \) be the mask for class $i$, where $\mathbbm{1}$ is the indicator function. We can define the perturbed image $\tilde{X}_i$ for class $i$ as: \(\tilde{X}_i(M_i, X) = X \circ (1-M_i) + P \circ M_i\). Here, \(P \in \mathbb{R}^{H \times W}\) is the applied perturbation and $\circ$ denotes the Hadamard product. Since SIS relies on pre-trained segmentation networks to evaluate the fake image pool, our choice of perturbations include approaches that replace the class segment information with the statistics derived from the segment itself. The following perturbations (constant, average, Gaussian blur and lognormal) are a basic approximation of a SIS model's ability to perform label-to-image translation:
\begin{equation}
P(u, v) = \begin{cases}
c_{0}\\[-5pt]
\dfrac{1}{\sum_{u}\sum_{v}M(u, v)}\sum_{u}\sum_{v} M(u, v) * X(u, v)\\[8pt]
G(\sigma_0) \circledast X \\
{\raise.17ex\hbox{$\scriptstyle\mathtt{\sim}$}}\+ lognormal(\mu, \sigma)
\end{cases}\label{eq:perturbation_schemes}
\end{equation}
where $c_0$ is a fixed grayscale value, $\sigma_0$ is the standard deviation parameter of the Gaussian kernel, and the mean $\mu$ and standard deviation $\sigma$ are determined from the masked image segment. In our experiments, we determine $\sigma_0$ for each dataset by taking into account the class-wise segment area statistics across the entire validation set. The constant perturbation additionally covers classes that can be identified by a segmentation model solely based on the class silhouette and the neighboring context. Examples of all four perturbation schemes are presented in Fig.~\ref{fig:perturbation}.
By feeding the perturbed images into the segmentation model, we obtain the set $\mathbb{M}_{p_i}$ that contains the aforementioned metrics calculated for class $i$ for all perturbation schemes. Given the score \(m_i \in \{PA_i, IoU_i\}\) for the original image, the class $i$ is considered as biased if the following criterion is met for any of the two respective perturbed metric sets:
\begin{equation}
i =
\begin{cases}
\text{\textbf{biased}} & \text{if } \exists\+ m_{p_i} \ni m_{p_i} > \delta * m_i, \forall\+ m_{p_i} \in \mathbb{M}_{p_i} \text{,} \\
\text{\textbf{unbiased}} & \text{otherwise.}
\end{cases} \label{eq:bias_criterion}
\end{equation}
Where the factor $\delta * m_i$ determines the threshold for the perturbed metrics for class $i$ to be regarded as biased. It is considered as biased because the segmentation network is able to identify the class segment in $\tilde{X}_i$ with sufficiently high accuracy for any of the four perturbation schemes. In practice, we group classes in the biased and unbiased splits using the cumulative $PA_i$ and $IoU_i$ metrics calculated for the entire validation set. We chose $\delta=2/3$ and additionally compute the following metrics to evaluate SIS models across both splits: \(\text{Mean Accuracy ($MA_{s}$)} = 1/N_{cl_{s}} \sum_{i} PA_i\) and \(\text{Mean IoU ($mIoU_{s}$)} = 1/N_{cl_{s}} \sum_{i} IoU_i\), where $N_{cl_{s}}$ denotes the number of classes in the split $s$.
\section{Experiments}
\label{sec:experiments}
\input{sections/datasets_models_and_implementation_details.tex}
\input{figures/qualitative.tex}
\input{sections/results_evaluation_bias.tex}
\input{sections/results_augmentation.tex}
\section{Introduction}
\label{sec:introduction}
\input{figures/teaser.tex}
The reliance of modern deep learning methods on significant amounts of training data has made data augmentation techniques ubiquitous for large-scale machine learning tasks~\cite{Krizhevsky2012ImageNetCW,Szegedy2016RethinkingTI,Ratner2017LearningTC,Taylor2018ImprovingDL,Yun2019CutMixRS}. Besides being used to increase the size and diversity of the training set, data augmentation can also serve as an implicit regularizer and prevent the overfitting of models with high capacity \cite{sajjadi2016regularization,Devries2017ImprovedRO,Berthelot2019MixMatchAH}.
While in principle augmentation strategies can be applied to any class of models, their utility in improving the training of generative adversarial networks (GANs) for image synthesis has not been widely studied, and very
little attention has been paid to developing novel augmentation strategies specific for GANs.
For the task of semantic image synthesis (SIS), which aims to generate realistic images from the corresponding semantic label maps, recent work has primarily focused on the refinement of conditional GAN architectures \cite{isola2017image,wang2018high,park2019semantic,liu2019learning,tang2019local,Zhu_2020_CVPR}, adopting routine augmentation schemes that were originally designed for image classification~\cite{Krizhevsky2012ImageNetCW}, such as random cropping or flipping.
Although these transformations incorporate geometric invariances about the data domain in the trained models, they are not specifically tuned for the SIS task, and thus do not assist in alleviating its common pitfalls.
Despite the recent successes of the SIS models~\cite{park2019semantic,liu2019learning,tang2019local,ntavelis2020sesame}, one can still observe unsatisfactory artifacts in the synthesized images, mainly in the generation of object-level fine-grained structures. Since the input label maps do not provide any supervision about the structural content within the semantic segments, the generated images often lack class-relevant structural information and additionally contain undesirable distortions. Fig.~\ref{fig:teaser} shows two such cases, where a recently proposed SIS model~\cite{liu2019learning} adds significant distortions in the building and road segments of the synthesized images, and overall lacks relevant structural details.
Inspired by the task-specific augmentation studies in other vision applications~\cite{dwibedi2017cut,dvornik2018modeling,Singh2017HideandSeekFA,Berthelot2019MixMatchAH,tripathi2019learning}, in this work, we propose an augmentation method specifically designed to overcome the above mentioned limitations of the SIS models.
Our proposed augmentation approach allows to greatly improve the quality of the synthetic images by enabling the generator to focus more on the local shapes and structural details (see Fig.~\ref{fig:teaser}c). We achieve this by randomly warping objects in the semantic label map fed to the SIS model as an input. The local shape discrepancies between the semantic input and the non-warped real image enable the generator to learn geometric properties of the scene better, which may otherwise be ignored since the generator has access to the ground truth scene layout that is perfectly aligned with the real image. Besides the perceptual details, the discriminator also utilizes this misalignment between the real image and the warped label map to distinguish between the real and fake images, forcing the generator to correct distortions introduced to its input by learning the object-level shape details.
To provide an even fine-grained guidance about the class-specific structural details missing from the label map, we add a structure preserving edge loss term to the generator objective. This ensures that the edges in the synthetic image are faithful to those in the corresponding real image.
We demonstrate the efficacy of our augmentation scheme by improving recently proposed SIS models on three different datasets, both quantitatively and qualitatively. Following~\cite{isola2017image,wang2018high,park2019semantic}, besides standard image synthesis metrics, we also use semantic segmentation metrics for the SIS evaluation, which were adopted with a two-fold reasoning. Firstly, a good SIS model should generate images with the layout that closely matches the ground truth semantic label map. Secondly, realistically-looking semantic classes in the generated image should be recognized well by an external semantic segmentation network trained on the real images from an independent dataset. However, we discover that the biases learned by the segmentation network during training leak into the quantification of the synthetic images, resulting in an overestimation of the SIS model's performance (see Fig.~\ref{fig:teaser}, bottom panel). We therefore propose to mitigate this issue by identifying the biased and unbiased classes in all datasets for the given segmentation networks and show the advantages of our proposed augmentation scheme using an extended evaluation on both class splits.
In summary, our main contributions are:
(1) We propose a simple and novel data augmentation strategy designed specifically for GAN-based SIS models. Our augmentation scheme improves the quality of the generated images by encouraging the SIS model to focus more on the local image details and structures.
(2) We showcase a fundamental issue present in the evaluation of SIS models due to the biases learned by the pre-trained segmentation models and propose a fix by extending the SIS model evaluation on dataset-specific biased and unbiased class splits.
(3) We conduct extensive experiments using state-of-the-art SIS models on three different datasets to demonstrate the efficacy of our proposed augmentation scheme and perform ablation studies to carefully study the effect of augmentation on GAN-based SIS model components.
\section{Method}
\label{sec:methods}
\input{figures/aug_workflow.tex}
\input{sections/augmentation.tex}
\input{figures/plane_example.tex}
\input{sections/edge_loss.tex}
\section{Related Work}
\label{sec:related_work}
\paragraph{Semantic image synthesis}
Conditional GANs~\cite{goodfellow2014generative,Mirza2014ConditionalGA} can generate images via side information, such as class labels \cite{Zhang_SAGAN19,Brock2019}, textual descriptions \cite{ReedAYLSL16,Qiao2019MirrorGANLT,Xu2018AttnGANFT,han2017stackgan,ZhangPAMI2018}, images \cite{isola2017image,zhu2017toward,huang2018multimodal}, scene graphs \cite{Johnson2018ImageGF,Tripathi2019UsingSG}, or semantic label maps \cite{park2019semantic,tang2019local,Zhu_2020_CVPR, Zhu_2020_CVPR_SMIS,ntavelis2020sesame} as in this work.
Using the label maps as a guidance, SIS aims to create photo-realistic images.
Pix2Pix~\cite{isola2017image} first proposed to use GANs for this task, employing an encoder-decoder generator which takes semantic label map as input and a PatchGAN discriminator.
Aiming at high-resolution image synthesis, Pix2PixHD~\cite{wang2018high} improved upon \cite{isola2017image} by using multi-scale PatchGAN discriminators and introducing a coarse-to-fine generator architecture. SPADE~\cite{park2019semantic} proposed to fuse the semantic information in the label maps to the generator more effectively via a spatially-adaptive normalization layer.
To better exploit the semantic maps and adaptively control the synthesis process, CC-FPSE~\cite{liu2019learning} further introduced a
semantics-embedding discriminator and spatially-varying conditional
convolution kernels in the generator.
Most recently, LGGAN~\cite{tang2019local} focused on improving synthesis of small objects and local details, by designing a generator with separate branches that jointly learn the local class-specific and global image-level generation. Likewise, the authors in~\cite{tang2020edge} improve the synthesis of local structures via an attention-based edge guided generator network.
Besides GANs, CRN~\cite{chen2017photographic} and SIMS~\cite{qi2018semi} train a cascaded refinement convolutional network with a regression loss.
This work proposes a novel data augmentation scheme for training GAN-based SIS models, which is orthogonal to the previous approaches and can be used for training the above SIS methods.
\paragraph{Augmentation}
Data augmentation is a widely used technique for generating additional data to train machine learning systems
~\cite{Simard1992EfficientPR,Schlkopf1996IncorporatingII,Krizhevsky2012ImageNetCW,Taylor2018ImprovingDL,Cubuk2019AutoAugmentLA,Tokozume2018BetweenClassLF}. On natural images, the most common form of data augmentation is based on label preserving geometric and photometric transformations \cite{Krizhevsky2012ImageNetCW,Szegedy2016RethinkingTI}, e.g. when images are rotated, scaled, or color-jittered without altering their class labels.
These transformations are known to suppress the overfitting effects and to improve generalization.
Recently, label-perturbing data augmentation methods have received a lot of attention~\cite{zhang2018mixup,Verma2018ManifoldMB,Yun2019CutMixRS, harris2020fmix}, proposing to create augmented images by mixing samples from different classes and interpolating their labels accordingly.
Though these approaches have shown to be effective, their potential shortcoming is that the model may learn a biased decision boundary, as the augmented samples are not drawn directly from an underlying distribution.
Instead of hand-crafted techniques, several works have focused on finding automatic augmentation strategies \cite{Lemley2017SmartAL,Cubuk2019AutoAugmentLA,Cubuk2019RandAugmentPD,Ratner2017LearningTC} or generating samples via GANs~\cite{Zhu2017DataAI,Sixt2018RenderGANGR,Antoniou2017DataAG}.
Very little attention has been paid to data augmentation policies for GANs themselves, which also benefit from more training data and regularization. For image
augmentations, the mainstream GAN models adopt only random cropping and horizontal flipping as
their augmentation strategy.
A few augmentation techniques have been proposed to improve the training stability of GANs, dealing with the issue of vanishing gradient by adding noise to the images \cite{Sonderby2016AmortisedMI,Arjovsky2017TowardsPM}, blurring images~\cite{SajParMehSch18}, progressively appending the discriminator's input with random bits~\cite{Zhang2018PAGANIG} or
using a wide range of standard augmentations techniques~\cite{Karras2020TrainingGA} to prevent the discriminator from overfitting. Most recently, \cite{Zhao2020ImageAF} provided some guidelines of the effectiveness of various existing augmentation techniques for GAN training. However, the above works mostly focus on the unconditional and class-conditional image synthesis.
In contrast, we propose a novel data augmentation strategy for GAN-based SIS models. Our augmentation scheme improves the quality of the generated samples by encouraging the SIS model to focus more on the local image details and structures.
\subsection{Augmentation Results}
\label{subsec:results_augmentation}
\paragraph{Quantitative results}
We report quantitative results of the baselines and the respective augmented models in Table~\ref{tab:aug}. Here we show only FID and mIoU metrics. The full table including PA and MA metrics is provided in the supp. data.
Even without optimizing the weight for the edge loss, we see that the augmented models outperform the corresponding baselines on each dataset. As the augmented generators focus more on the local shape and structural details, we particularly see gains on the unbiased class metrics. In some cases, the overall gain is only contributed by the improvements on the unbiased classes, e.g. CC-FPSE mIoU on COCO-Stuff and SPADE mIoU on Cityscapes. In fact, for each model pair and dataset combination in Table~\ref{tab:aug}, the augmented models show consistent gains over the baselines on the overall and unbiased mIoU (this also applies to MA metric) indicating that the general fine-grained improvements of the augmentation extend across a variety of GAN-based SIS architectures as well as datasets containing diverse scenes and objects. Adding only the edge loss to the baselines improves the model performance, but not as much as the full augmentation scheme (see the supp. data).
The CC-FPSE and SPADE baselines trained on COCO-Stuff and ADE20K achieve lower FID scores than the respective augmented models. However, for both cases the augmented models perform better on almost all other metrics. We notice that the proposed class splits provide an additional level of granularity when benchmarking SIS models, as they allow to identify cases of pseudo-improvements where the overall boost in performance is caused mainly due to a gain in the biased class metric. For instance on Cityscapes, PA of SPADE (93.1) is higher than that of CC-FPSE (92.8)\footnote{Following DRN-D-105~\cite{drn105}, unlike \cite{park2019semantic,liu2019learning}, we ignore the unlabelled class in the Cityscapes evaluation.}. But, this improvement is only caused by the biased classes. On the unbiased classes, CC-FPSE (84.5) outperforms SPADE (82.3) by more than 2 points.
\input{tables/aug.tex}
\paragraph{Qualitative results}
The qualitative examples comparing SPADE and CC-FPSE baselines, and the augmented models are shown in Fig.~\ref{fig:ade20k_qualitative}. Here, we illustrate that the proposed augmentation scheme reduces distortions, adds fine-grained structural details and enhances the perceptual realism of the synthetic images. The first 2 rows exemplify the distortions commonly present in the synthetic images of both baselines by the red boxes (Cityscapes examples shown in Fig.~\ref{fig:teaser}). We found that the proposed augmentation significantly reduce such irregularities. Moreover, the images in the second row show how the augmented models gradually add local structural details to the synthetic images and produce a high fidelity image. The final row shows that compared to the baselines, the augmented models also improve the overall perceptual realism of the translated images. Additional examples (including the results from the edge loss baselines) supporting these findings are provided in the supp. data.
\paragraph{Ablations}
The results of ablations on the CC-FPSE model on Cityscapes are provided in Table~\ref{tab:ablations}. For other SIS models and datasets, the reader is referred to the supp. data. We first compare our proposed augmentation technique with the CutMix augmentation~\cite{yun2019cutmix}, which has recently been used to regularize unconditional GAN training~\cite{schonfeld2020u}. While the CutMix variant improves upon the baseline model on mIoU metrics, it remains inferior to the proposed (task-specific) augmentation approach. Next, to understand which component of the SIS model benefits most with the proposed augmentation, we selectively augment only the generator (Gonly) or discriminator (Donly) input label maps. We observe that while augmenting both networks results in the best performance, augmenting the generator's input is most critical for a GAN-based SIS model. Finally, to confirm the utility of both the label map warping and the edge loss in our proposed approach, we train one additional augmented model on each dataset in which we remove the edge loss (-AUG-woEL). This ablation confirms complementary benefits of the full scheme (-AUG), as adding the edge loss on top of the warping leads on average to a better performance (decreasing FID and increasing mIoU$_{UC}$).
\input{tables/ablations.tex}
\subsection{Evaluation Bias Results}
\label{subsec:results_evaluation_bias}
\paragraph{Biased Classes}
Following Sec.~\ref{sec:evaluation_bias}, we first identify the biased and unbiased classes in all datasets. To this end, we apply the pre-trained models on the perturbed validation set images created for each class in the respective dataset. We also separately test the models on the corresponding real validation set images. Based on the perturbed and unperturbed cumulative validation set metrics ($PA_i$ and $IoU_i$), we group the classes in the biased and unbiased categories. Note that we focus only on strongly biased classes. For a $\delta$ value of $2/3$ in Eq.~\ref{eq:bias_criterion}, we find 29, 52 and 5 biased classes in COCO-Stuff, ADE20K and Cityscapes (provided in the supp. data). Smaller values of $\delta$ dilute the biased class split.
Fig.~\ref{fig:perturbation} shows examples of original and perturbed image segmentations for all four perturbation schemes defined in Eq.~\ref{eq:perturbation_schemes}. For the constant perturbation image, the segmentation network is able to identify the bird class almost entirely without leveraging any class-specific texture. Likewise, the average perturbation example shows that the average color and (quite likely) the positioning of the grass segment are sufficient for the segmentation model to achieve a near-perfect classification. In the Gaussian blur perturbation example, the network correctly identifies the mouse in front of the keyboard, while misses the one behind. This example shows the effect of context bias picked up by the segmentation model, as in majority of training images the mouse is placed either to the front or alongside the keyboard. The final lognormal perturbation example shows bidirectional effects of the bias learned by the segmentation network during training. Here, the perturbed wall segment is classified accurately, whereas the unaltered shower-door segment is misclassified as mirror. These examples highlight that for the biased classes, even unrealistic SIS model images may lead to high evaluation metrics. We investigate this in the next section by performing evaluations on the synthetic images generated using all three baselines.
\paragraph{Analysis on Baselines}
In Table~\ref{tab:bias} we report the results of evaluating the synthetic images of all baselines and the real images across all datasets. To our surprise--when considering all classes--the segmentation networks perform better on the synthetic images than on the real images for COCO-Stuff and ADE-20K. The reason for better segmentation performance on the synthetic images becomes clear, as we bifurcate the metrics into the biased and unbiased classes. While overall the segmentation networks perform better on the biased classes than the unbiased ones, this performance gap is significantly higher for the synthetic images generated using the SIS baselines compared to the real images, especially for COCO-Stuff and ADE-20K. We also notice large differences between Pix2PixHD and the other baselines, indicating that newer architectures improve upon the synthesis of the unbiased classes. Having verified the adverse effects of the segmentation network's bias in the evaluation of SIS models, in the next section we extend the analysis of the augmentation results to both class splits.
\input{tables/bias.tex}
\section{Experimental Details}
\label{sec:exp_details}
\subsection*{Network Architectures}
As we use the implementations provided by the authors for all experiments conducted in this study, we refer the reader to the original source code and articles for complete details of the generator and discriminator network architectures~\cite{ccfpse,spade,pix2pixhd,wang2018high,park2019semantic,liu2019learning}. In our experiments, we found that Pix2PixHD adds significant distortions to the generated images in the form of vertical and horizontal stripes. We also observe significant (unsatisfactory) variations in the performance of Pix2PixHD model and its variants. We tried improving Pix2PixHD baseline by adding spectral normalization~\cite{miyato2018spectral} to both generator and discriminator networks. However, this modification only helped in removing the artifacts from the Cityscapes baseline. Therefore, for all Cityscapes experiments in this study we use the spectral norm variant of the original Pix2PixHD model.
\subsection*{Training Details}
In addition to the baseline and augmented models, we also train strong baselines by adding the edge loss to the vanilla baseline models. We denote the strong baselines with -EL suffix. The learning objective of Pix2PixHD for the adversarial loss is least squares as proposed in~\cite{mao2017least}. Whereas, SPADE and CC-FPSE use the Hinge loss formulation~\cite{lim2017geometric}. Pix2PixHD and SPADE use a weight of 10 for both feature matching and perceptual losses. CC-FPSE uses a weight of 20 for the feature matching loss and a weight of 10 for the perceptual loss. We do not train SPADE and CC-FPSE models with the image encoder option. All models use ADAM~\cite{adamopt} optimizer. The batch sizes used in all experiments are provided in Supplementary Table~\ref{tab:batch_sizes}. SPADE and CC-FPSE use a learning rate of $0.0001$ and $0.0004$ for the generator and discriminator, respectively. Pix2PixHD uses a common learning rate of $0.0002$ for both networks. All models linearly decay the learning rate to zero from epoch 100 to 200 for Cityscapes and ADE20K experiments. To determine the appropriate warping regime, we train multiple models with varying levels of maximum pixel shifts. For each model, we sample the displacement values between the fixed and moving points from a uniform distribution $\mathcal{U}$ as following: \({\raise.17ex\hbox{$\scriptstyle\mathtt{\sim}$}} \+ \mathcal{U}(-a,a)\). Where $a$ denotes the maximum pixel shift. We found that a maximum pixel shift of 4 units works well for almost all the models. The average statistic of $a$ across the best augmented models is $4.11\pm1.05$.
\input{tables/batch_sizes.tex}
\section{Qualitative Results}
\label{sec:qual_results}
In Supplementary Figures~\ref{fig:ccfpse_coco}--\ref{fig:pix2pixhd_cityscapes}, we show several image examples comparing the baseline and its edge loss and augmented variants for all three SIS models in a dataset-wise manner. In each figure, we also highlight image areas with distortions using red boxes. Consistent with the quantitative evaluation, the augmented models greatly improve the fidelity of the generated images. We notice that the augmentation substantially minimizes the distortions commonly present in the images synthesized using the vanilla baseline models. Furthermore, as the edge loss and warping provide additional structural guidance to the generator, we observe clear fine-grained improvements within the semantic classes in the generated images of the augmented models compared to those of the baselines. Whereas the edge loss models improve over the baselines on both the aforementioned factors to some extent, these improvements are not consistent across all models and datasets, as is the case for the augmented models. Lastly, we also notice that the images generated by the augmented models are perceptually more consistent than the samples generated using the respective baselines and the edge loss models. We hypothesize that these perceptual improvements are a result of the better overlap between the supports of the real and fake image distributions. Our interpretation is supported by previous evidence~\cite{Sonderby2016AmortisedMI}, where the authors increase the overlap between the supports of the two distributions by means of simple augmentation approaches, such as adding Gaussian noise to both real and fake samples.
\clearpage
\input{tables/aug_full.tex}
\input{tables/ablation_cutmix_selective_aug.tex}
\input{tables/ablation_edge_loss.tex}
\input{tables/matching_aware_loss.tex}
\input{figures/ccfpse_coco.tex}
\input{figures/ccfpse_ade20k.tex}
\input{figures/ccfpse_cityscapes.tex}
\input{figures/spade_coco.tex}
\input{figures/spade_ade20k.tex}
\input{figures/spade_cityscapes.tex}
\input{figures/pix2pixhd_coco.tex}
\input{figures/pix2pixhd_ade20k.tex}
\input{figures/pix2pixhd_cityscapes.tex}
\section{Quantitative Results}
\label{sec:quant_results}
In Supplementary Table~\ref{tab:aug_full}, we provide the full quantitative evaluations of the baselines, the strong baselines (baselines with the edge loss) and the respective augmented models. Overall, we notice that the edge loss and the augmented variants provide incremental improvements over the baseline models. On the unbiased classes, with the exception of SPADE-EL model's PA$_{UC}$ metric on COCO-Stuff (66.3), the augmented models perform better than their edge loss counterparts across all datasets and metrics. In fact, for this exception too, MA$_{UC}$ metric of the augmented model (47.7) is higher than that of the edge loss model (47.1), suggesting more general benefits of the full augmentation scheme across all COCO-Stuff classes. The CC-FPSE-EL model achieves lower FID score than the respective augmented model on COCO-Stuff, however, the latter model performs better on almost all other metrics. We observe that the newer architectures benefit more with the addition of the edge loss. For example, CC-FPSE-EL model overall performs better than the respective baseline across all datasets, however, for SPADE we only see clear improvements on ADE20K and mixed results on Cityscapes. Whereas Pix2PixHD-EL model shows strong gains over the baseline model on COCO-Stuff, the opposite holds true for ADE20K. On Cityscapes, the results are mixed similar to SPADE. The augmented models, however, show consistent increments in evaluation metrics across all models and datasets.
The full results of CutMix and selective augmentation (-Donly and -Gonly) ablations are provided in Supplementary Table~\ref{tab:cutmix_selective_augmentation_ablations}. The CutMix augmentation~\cite{yun2019cutmix} has recently been shown to be effective for image classification. The authors in~\cite{schonfeld2020u} further employ CutMix to regularize GAN training. We augment the baseline SIS models using CutMix by following the approach presented in~\cite{schonfeld2020u}. More specifically, to prevent the discriminator from learning a biased decision boundary, we set the class label for the CutMix image as fake. The results in Supplementary Table~\ref{tab:cutmix_selective_augmentation_ablations} clearly show that for each model, our task-specific augmentation approach (-AUG) outperforms CutMix across all datasets. While in some cases, the -CutMix model variants achieve lower FID scores than the -AUG counterparts (CC-FPSE-CutMix on COCO-Stuff and SPADE-CutMix on ADE20K), they perform poorly on all other metrics.
The purpose of selective augmentation was to individually study the effects of the proposed augmentation approach on the generator and discriminator networks. Therefore, in this experiment, we selectively augment only the generator (Gonly) or discriminator (Donly) input label maps. For Donly ablation, we additionally remove the edge loss term from the generator objective to account for increments/decrements in the performance arising from augmenting the discriminator network only. In the case of Donly augmentation, both fake and real images are misaligned from the input label map fed to the discriminator due to the applied warping. Whereas, in the case of Gonly augmentation, the fake image fed to the discriminator is misaligned from the real image and the respective label map input, as long as the generator is unable to fully correct the distortions introduced to its input. From the results presented in Supplementary Table~\ref{tab:cutmix_selective_augmentation_ablations}, we observe that overall augmenting both networks leads to the best performance. However, we notice that on an average augmenting the generator is more effective than augmenting the discriminator. These findings imply that in the case of Gonly augmentation, the misalignment between the fake and real images as well the label map input fed to the discriminator allow the discriminator to better distinguish between the real and fake samples, thus forcing the generator to learn fine grained structural details in order to correct the distortions introduced to its input.
Supplementary Table~\ref{tab:edge_loss_ablation} shows the results for the augmented models trained without the edge loss. We train one such ablation model for each dataset, whichever is fastest to train depending on the dataset size. The main objective of this ablation experiment is to assess the contributions of both--the edge loss and warping--components in the full augmentation scheme. While the CC-FPSE augmented model without the edge loss yields semantic segmentation scores comparable to those of the corresponding augmented model, its FID increases by 1.3 points. The SPADE and Pix2PixHD augmented models without the edge loss perform worse than their original augmented variants on all metrics (except for SPADE-AUG-woEL FID), suggesting the complementary benefits of both components in the full augmentation scheme. Since the edge loss provides additional structural guidance to the generator for the details that are missing from the semantic segments in the input label maps, its combination with the proposed warping scheme provides complementary advantages to the augmented SIS models.
Supplementary Table~\ref{tab:matching_aware_loss_ablation} presents the evaluation for the augmented models with the matching aware loss. The intuition behind adding the matching aware loss is to utilize the unwarped semantics by letting the discriminator of the augmented SIS model classify the real image and warped semantics pair as fake and the respective pair with the unwarped semantics as real. If the discriminator is able to successfully distinguish between these two pairs, then it should be able to provide a highly fine-grained geometric guidance to the generator. Such an auxiliary pair has been shown to improve the performance of conditional GANs previously~\cite{ReedAYLSL16}. We train the augmented variants of all three baselines with the matching aware loss on ADE20K dataset. For all models, we do not see any improvements in adding the matching aware loss on top of the proposed augmentation scheme.
|
\section{Introduction}
The Luneburg lens, which was proposed as a model of the wave transformation theory by L{\"u}neburg in the 1940s,
is a type of gradient index (GRIN) lens that can focus incoming waves on the opposite side of the lens without aberration.\cite{lune}
Some theoretical and experimental validation of the lens was conducted in the 1960s,\cite{peel,gund} and the lenses with metamaterial structures were realized
in various methods and shapes in the 21st century.\cite{chen,dock,zenn,ma}
Its high gain and spherical symmetry advantages, design optimization,\cite{hoss,hsi}
printed circuit board fabrication technique,\cite{carl,yuan}
quasi-conformal transformation optics,\cite{soum} and metamaterial structures\cite{abda,mark,dani,bohu}
were used to apply the lenses to antennas.
These studies have been mainly conducted in the electromagnetic and optical fields,
but attempts have also been made to apply them to sound waves.
With the advent of metamaterials, research on the implementation of acoustic focusing\cite{torr1, peng,zigo,yong,torr2,jahd,qian}
was conducted to overcome the limitations of existing materials by controlling the waves, and the Luneburg lens was no exception.
Kim realized the performance of a two-dimensional (2D) acoustic Luneburg meta-lens in the audible frequency range.\cite{kim1,kim2}
Moreover, many methods and shapes have been proposed to achieve this.
An acoustic Luneburg lens composed of orifice-type unit cells\cite{park} and a 2D flattened lens designed using a quasi-conformal mapping method\cite{dong,yu} has been presented.
Anisotropic acoustic Luneburg lenses such as Luneburg-fisheye combined\cite{fang} and Luneburg retroreflector\cite{fu-cummer} were introduced.
Research on the acoustic Luneburg meta-lenses has expanded to a three-dimensional (3D) shape because the 3D lenses have the advantage of focusing incident waves in all directions and achieving a higher sound pressure level (SPL) than the 2D lenses.
Fabricated 2D and 3D lenses, and the performance of the 2D lens in the ultrasound frequency range were studied by Xie et al.\cite{xie-cummer}
After that, Zhao et al. reported ultrasound beam steering using 2D and 3D flattened acoustic metamaterial Luneburg lenses at 40 kHz.\cite{zhao}
Despite these pioneering studies, frequency-dependent focusing performance and acoustic imaging, consistent with 3D numerical simulation and experimental results for full 3D lenses, has not been reported.
In this paper, a 3D acoustic Luneburg meta-lens, or an acoustic Luneburg ball, composed of lattice column-shaped meta-atoms to maintain its three-dimensional shape was designed and fabricated, and its focusing performance was confirmed using COMSOL Multiphysics.
Acoustic imaging was measured at the frequency range of 5 kHz $\sim$ 20 kHz using the transducer, microphone, three-axis linear stage, and control module.
It was then demonstrated to have omnidirectional property by rotating the lens to change the incident angle and measuring the sound pressure around the lens.
The refractive index (RI) formula of the Luneburg lens is $n(r)=n_o\sqrt{2-(r/R)^2}$, where $n_o$ is the RI of the surrounding medium, $R$ is the radius of the lens, and $r$ is the distance from the center of the lens.
It is possible to discretize the volume as many concentric layers due to the spherical symmetry.
If the lens is divided into N layers, the RI is newly defined as
\begin{equation}
n(i)=\sqrt{2-\left(\frac{i}{N}\right)^2},
\label{Eq.1}
\end{equation}
where $i$ = 0, 1, 2, ..., ($N$-1) and $N$ = 10 is chosen in the design.
The lattice columns' sizes increase toward the center of the lens, and the RI changes for each layer, as shown in Fig.~\ref{Fig.1}(a).
$\alpha_i$ and $\beta$ are the dimensions of the meta-atoms and unit cells.
The radius of the lens $R$ is 60 mm, and the length of the unit cell $\beta$ is 6 mm.
$\alpha_i$ is the length of one side of the $i^{th}$ meta-atoms and varies depending on each layers' position.
Therefore, the ratio is set to $0<\delta_i=\alpha_i/\beta<1$.
It can be seen that the RI is derived as $n(\delta_i)=1/\sqrt{1-3\delta_i^2+2\delta_i^3}$ and the index varies according to the size of the meta-atoms in Fig.~\ref{Fig.1}(a).
The lens is designed in a form in which 19 layers are stacked while maintaining the 3D shape in Fig.~\ref{Fig.1}(b).
\begin{SCfigure*}[1]
\centering
\includegraphics[width=125mm]{fig1.eps}
\caption{Refractive index and structure of the 3D acoustic Luneburg meta-lens. (a) Refractive index $n$ by the radius of each layer $r$. (b) Luneburg ball and its lattice column unit cells. (c) Ratio $\delta_i$- and (d) frequency-dependent effective refractive index $n_{eff}$.}
\label{Fig.1}
\end{SCfigure*}
\begin{SCfigure*}[1]
\centering
\includegraphics[width=130mm]{fig2.eps}
\caption{Numerical simulation results for the frequency-dependent focusing performance at (a) 5 kHz, (b) 10 kHz, (c) 15 kHz, and (d) 20 kHz.}
\label{Fig.2}
\end{SCfigure*}
The index was also calculated to retrieve effective material properties of the acoustic metamaterials.
It was simulated to obtain the reflection $R$ and transmission coefficients $T$ using COMSOL Multiphysics, a finite element analysis.
The formulas for the effective refractive index $n_{eff}$ and acoustic impedance $\xi$ derived from the retrieval method are as follows.\cite{fokin}
\begin{equation}
n_{eff} = \frac{1}{kd}\left\{2 \pi m \pm cos^{-1}\left(\frac{1-(R^2-T^2)}{2T}\right)\right\},
\label{Eq.2}
\end{equation}
\begin{equation}
\xi = {\pm}\sqrt{\frac{\left(1+R\right)^2-T^2}{\left(1-R\right)^2-T^2}},
\label{Eq.3}
\end{equation}
where $k$ is the wavenumber, $d$ is the slab thickness, and $m$ is the branch number of $cos^{-1}$ function.
The relationship between the effective refractive index and ratio and the frequency-dependent index
are plotted in Figs.~\ref{Fig.1}(c) and~\ref{Fig.1}(d).
It was shown that the index does not gradually change above 18 kHz.
Therefore, the lens has a frequency-dependent property, and the focusing performance depends on the frequency.
From the two figures, it can be predicted that the applicable frequency range is up to approximately 17 kHz.
The simulated focusing performance of the polyamide plastic lens ($\rho$ = 1,000 kg/m$^3$ and $c$ = 2,200 m/s) in the air ($\rho$ = 1.2 kg/m$^3$ and $c$ = 343 m/s) is shown in Fig.~\ref{Fig.2} expressed as sound pressure.
The acoustics module was used in the frequency domain, solving the Helmholtz equation to analyze its acoustics effects and check the performance by frequency.
As a result of the simulation, the sound waves are focused from 5 to 15 kHz, but not at 20 kHz.
In general, the size of the unit cell is a subwavelength dimension, so that the lens does not work at the frequency of 20 kHz ($\lambda/4$ = 4.875 mm).
In addition, this reason can also be confirmed in Figs.~\ref{Fig.1}(c) and~\ref{Fig.1}(d).
Therefore, the simulation and applicable frequency range of the lens matches.
\begin{figure}[t!]
\includegraphics[width=85mm]{fig3.eps}
\caption{(a) Photograph of the experimental setup. (b) Schematic diagram for the measurement.}
\label{Fig.3}
\end{figure}
\begin{figure}[t!]
\includegraphics[width=80mm]{fig4.eps}
\caption{(a) Focusing performance at a frequency of 10 kHz depending on the incident angles (0$\degree$, 10$\degree$, 20$\degree$, 30$\degree$, and 40$\degree$). Focusing performance at a frequency of 10 kHz on (b) y- and (c) x-axis of the simulation and measurement when the incident angle is 0$\degree$.}
\label{Fig.4}
\end{figure}
\begin{figure*}
\centering
\includegraphics[scale=0.5]{fig5.eps}
\caption{Experimental results of acoustic imaging at a frequency of 10 kHz. (a)-(e) Acoustic imaging in the yz-plane with the incident angles of 0$\degree$, 10$\degree$, 20$\degree$, 30$\degree$, and 40$\degree$. (f)-(j): Acoustic imaging in the xy-plane with the incident angles are 0$\degree$, 10$\degree$, 20$\degree$, 30$\degree$, and 40$\degree$. These results are normalized intensity data.}
\label{Fig.5}
\end{figure*}
The lens was fabricated using a selective-laser-sintering 3D printer.
The experimental setup was configured to validate the performance of the fabricated lens in Fig.~\ref{Fig.3}.
The reflection of sound waves was minimized by surrounding the measurement space with a sound-absorbing material.
The supporter was connected to the plastic structure so that the lens is completely fixed to the bottom.
When sound waves move from the transducer to the lens, the sound pressure was measured around the lens while moving in the three-axis direction of a microphone connected to the three-axis linear stage.
The transducer generated acoustic pulse signals, which had a signal amplitude of 2 V, burst count of 25, burst period of 50 ms, and wait time of 500 ms.
The pressure was measured while rotating the lens (10$\degree$, 20$\degree$, 30$\degree$, and 40$\degree$) to demonstrate the omnidirectional property.
Acoustic imaging was measured by scanning the yz- (140 x 140 mm$^2$) and xy-planes (70 x 140 mm$^2$) of the lens's output area by 1 mm step size.
The SPL ($L_p$=20$log(p/p_o)$, $p$; sound pressure, $p_o=20$ $\mu$Pa; reference sound pressure in the air) recorded in the LabVIEW PC has been converted to the intensity ($I=p^2/Z_0$, $Z_0$ = 411.6 rayl; specific acoustic impedance in the air) to represent the full width at half maximum (FWHM) and focal length.
The rotational symmetry is shown in Fig.~\ref{Fig.4}(a) expressed as normalized intensity.
The comparison between numerical simulation and measurement results at a frequency of 10 kHz in the y- and x-axis is shown in Figs.~\ref{Fig.4}(b) and~\ref{Fig.4}(c), respectively.
The FWHM is approximately 16.426 mm (= 0.479$\lambda$), and the focal lengths are 78 mm (F/R = 1.3) and 65 mm (F/R = 1.1) in the simulation and measurement, respectively.
In principle, the focusing should be perfect (F/R = 1); however, it is a bit broad.
This is because the refractive indices of the ideal, designed, and fabricated lenses are different due to discretization into several layers and fabrication errors.
As a result, the focal length is larger than the radius of the lens.
Therefore, the focal point is formed exterior to the lens and not the interior.\cite{boyl1,boyl2}
Acoustic imaging expressed as normalized intensity for the yz- and xy-planes
at a frequency of 10 kHz was plotted in Fig.~\ref{Fig.5}.
The rotational symmetry was confirmed in the yz-plane (Figs.~\ref{Fig.5}(a)-\ref{Fig.5}(e)) and in the xy-plane (Figs.~\ref{Fig.5}(f)-~\ref{Fig.5}(j)).
The design, simulation, fabrication, and measurement of the 3D acoustic Luneburg meta-lens with a diameter of 120 mm were studied.
The meta-atoms were designed as lattice columns to realize a 3D lens discretized into 10 layers.
The frequency-dependent focusing performance was verified through the retrieval method and numerical simulation.
Its omnidirectional property was confirmed by changing the incident angle while rotating the lens.
The applicable frequency range was 5 to 17 kHz.
Acoustic imaging was measured in the yz- and xy-planes at a frequency of 10 kHz.
These focusing and beam steering functions can detect weak signals from all directions or increase imaging performance.
Therefore, this makes them suitable for sensing applications such as acoustic imaging systems, acoustic communication, non-destructive testing, and energy harvesting.\cite{miao,tol,jin,kim3,cheng}
\section*{ACKNOWLEDGEMENTS}
This work was mainly supported by the 2019 Undergraduate Research Program of the Korean Foundation for the Advancement of Science $\&$ Creativity, and partially by GIST Research Institute (GRI) grant funded by the GIST in 2020. The authors acknowledge helpful discussions with D. Lee and J. Rho from Pohang University of Science and Technology (POSTECH).
\section*{DATA AVAILABILITY}
The data that support the findings of this study are available from the corresponding author upon reasonable request.
\section*{REFERENCES}
|
\section{Introduction}
\input{introduction.tex}
\section{Data and Problem Definition}
\input{problem.tex}
\section{Method}
\input{method.tex}
\vspace{-7mm}
\section{Results and Discussion}
\input{results.tex}
\section{Conclusion and Future Work}
\input{conclusion.tex}
\clearpage
\bibliographystyle{IEEEtran}
\subsection{Data Preparation}
Data preparation for a time-series image sequences involves two main processes: sampling strategy and pre-processing.
For sampling strategy, two main approaches were explored: non-overlapping and overlapping. The testing set provides up to 1 hour of data for use in making predictions for the upcoming hour, thus an input sequence length of 12 was chosen to make full use of the data available. An output sequence length of 12 was also chosen.
Using equation (1), the non-overlapping strategy, with input and output sequence lengths ($S_i$ and $S_o$) of 12, yields 12 training sequences per day, $S_{day}$. Thus $181\times12=2172$ training sequences per city.
\begin{equation}
S_{day} = \frac{288}{S_i + S_o}
\end{equation}
The overlapping strategy, equation (2), makes use of every possible sequence by setting the sliding window to 1. This yields a total of 47965 training sequences per city.
\begin{equation}
S_{day} = 288 - (S_i + S_o - 1)
\end{equation}
The overlapping approach was trialled initially with varying sliding window sizes but given significantly increased training times for minimal improvements it was decided to use non-overlapping to aid the overall training speed.
For pre-processing the data was normalised to between 0 and 1 and the 9th channel specifying road incidents was not used, however in future work these attributes could be used as a form of latent embedding.
\subsection{Capturing Spatio-Temporal Features}
Convolutional LSTMs \cite{Shi2015} are a variant of LSTMs (Long Short-Term Memory) that replaces matrix multiplication with convolution operations at each gate in the LSTM cell. This can be seen when comparing equation (\ref{eq:lstm}) (LSTM) and equation (\ref{eq:convlstm}) (ConvLSTM). Both are a special kind of RNN capable of learning long-term dependencies, however the main difference is input dimension; standard LSTMs takes 1D data and does not support spatial sequence data such as frames of a video, whereas Convolutional LSTMs take 3D data, capturing underlying spatial features through convolution operations as well as temporal features from its LSTM design. This ability to capture spatio-temporal features make it ideal to form the basis of a frame prediction model.
\begin{equation}\label{eq:lstm}
\begin{gathered}
i_{t} = \sigma(W_{i}x_{t} + U_{i}h_{t-1} + V_{i} \circ c_{t-1} + b_{i})
\\
f_{t} = \sigma(W_{f}x_{t} + U_{f}h_{t-1} + V_{f} \circ c_{t-1} + b_{f})
\\
c_{t} = f_{t} \circ c_{t-1} + i_{t} \circ tanh(W_{c}x_{t} + U_{c}h_{t-1} + b_{c})
\\
o_{t} = \sigma(W_{o}x_{t} + U_{o}h_{t-1} + V_{o} \circ c_{t} + b_{o})
\\
h_{t} = o_{t} \circ tanh(c_{t})
\end{gathered}
\end{equation}
\begin{equation}\label{eq:convlstm}
\begin{gathered}
i_{t} = \sigma(W_{i}*\mathcal{X}_{t} + U_{i}*\mathcal{H}_{t-1} + V_{i} \circ \mathcal{C}_{t-1} + b_{i})
\\
f_{t} = \sigma(W_{f}*\mathcal{X}_{t} + U_{f}*\mathcal{H}_{t-1} + V_{f} \circ \mathcal{C}_{t-1} + b_{f})
\\
\mathcal{C}_{t} = f_{t} \circ \mathcal{C}_{t-1} + i_{t} \circ tanh(W_{c}*\mathcal{X}_{t} + U_{c}*\mathcal{H}_{t-1} + b_{c})
\\
o_{t} = \sigma(W_{o}*\mathcal{X}_{t} + U_{o}*\mathcal{H}_{t-1} + V_{o} \circ \mathcal{C}_{t} + b_{o})
\\
\mathcal{H}_{t} = o_{t} \circ tanh(\mathcal{C}_{t})
\end{gathered}
\end{equation}
\begin{table}[H]
\caption{LSTM Symbol Meanings}
\label{symbols}
\centering
\begin{tabular}{lll}
\toprule
\cmidrule(r){1-2}
Symbol & Meaning \\
\midrule
$i_t$ & input gate, weight of acquiring new information \\
$f_{t}$ & forget gate, weight of remembering old information \\
$c_t$ & cell state \\
$o_t$ & output gate \\
$h_t$ & hidden state \\
$W_g, V_g, U_g, b_g$ & weight matrices and bias vector for a gate, $g$\\
$x_t, \mathcal{X}_t$ & input vector, input matrix (image) \\
$h_t, \mathcal{H}_t$ & hidden state vector, hidden state matrix (image) \\
$c_t, \mathcal{C}_t$ & cell state vector, cell state matrix (image)\\
$\sigma$ & sigmoid function \\
$\circ$ & hadamard product \\
$*$ & convolution operation \\
$tanh$ & hyperbolic tangent \\
\bottomrule
\end{tabular}
\end{table}
\subsection{Model Architecture}
The final model architecture is at its core an Autoencoder. In order to capture both spatial and temporal features, Convolutional LSTM layers were used to build up the Autoencoder skeleton with 3 layers acting as the encoder and 3 acting as the decoder. This skeleton will be referred to as the `base model'.
The overall structure of this base model was iterated on to achieve the final model, seen in figure \ref{fig:model}. Initially a standard 3D convolutional layer was added prior to the first Convolutional LSTM layer to act as a form of feature sampling, however this model did not reach a training loss similar to the base model even with a considerable number of additional epochs.
Down-sampling via 3D Max-Pooling was used to ease the training workload especially given the compute resources available. For up-sampling, Transposed Convolutions were used over standard interpolation up-sampling methods to enable the network to learn up-sampling optimally via learnable parameters. This improved training efficiency and reached similar training and validation losses to the base model in fewer epochs but was still inferior in overall training and validation loss. It is felt that this may be due to loss of finer details in city topology when down-sampling and up-sampling.
To improve on this potential loss in topology details skip-connections were added, used in a similar way to how they are presented in U-Net \cite{Ronneberger2015}. By utilising skip-connections in this way, topology information would not be lost when both down-sampling to a latent space and later reconstructing using Transposed Convolutions.
This iteration achieved the lowest training loss and was further improved when trained using cylical learning rates. The final model architecture can be seen in figure \ref{fig:model} with the tensor shapes at each stage also given.
\begin{figure}[ht]
\centering
\includegraphics[width=0.875\linewidth]{figures/20201104JayPaper2.png}
\caption{Final Model Architecture (base model with down-sampling and skip-connections)}
\label{fig:model}
\end{figure}
\subsection{Training}
The model described was trained using 4 NVIDIA 1080 Titans with a batch size of 4
for 28 epochs taking a total of 9.5 hours. Due to these long training times, exploring parameter space for an optimal learning rate proved to be unfeasible. As a consequence of this it was opted to make use of a cyclical learning rate approach \cite{Smith2017}.
A cyclical learning rate oscillates between a minimum and maximum learning rate in one of three ways: a standard triangular oscillation where the learning rate increases and decreases linearly at the same rate between an upper and lower bound, a triangular method with amplitude dampening that scales the initial amplitude by half each oscillation and a the third method that scales the initial amplitude exponentially (given by a specified parameter) at each oscillation. One needs to be careful when selecting the upper bound for the learning rate; a maximum learning rate that is too high can cause weights to `blow' up leading to training and validation losses increasing. This approach to learning rates led to improved training efficiency, achieving a smaller training loss in fewer epochs than the traditional approach (of a small learning rate over a large number of epochs) that was used initially.
The standard triangular method was adopted for this task making seven full oscillations during the 28 epochs. A maximum learning rate of 0.002 was chosen with a minimum of $1\times10^{-7}$ using Adam as the learning optimiser. Figure \ref{fig:training}a and b shows the training and validation losses during this training process as well as the nature of the learning rate oscillations.
Various literature suggest using the Adagrad learning optimiser for training models on sparse data \cite{Ruder2016}, however for this particular task the loss when using Adagrad would not converge as fast as Adam even when using cyclical learning rates.
Manageable training times was a major factor to allow regular model iteration and thus using Adam with a cyclical learning rate was the optimal approach.
Each city was trained separately on the same model architecture resulting in 3 models. Given significant topology differences in each of the cities and the sheer fact that naturally driving behaviour and driving culture is considerably different across the 3 cities (each in different countries), it did not seem wise to encompass these factors into a single `all-in-one' model. For this reason 3 separate models were trained, keeping model architecture, training procedure and hyperparameters exactly the same, from minimum and maximum learning rate to batch size and number of epochs.
\begin{figure}[ht]
\centering
\begin{subfigure}[b]{0.435\linewidth}
\includegraphics[width=\linewidth]{figures/loss_graph.png}
\caption{Train and Val Loss for Berlin}
\end{subfigure}
\begin{subfigure}[b]{0.435\linewidth}
\includegraphics[width=\linewidth]{figures/clr_graph.png}
\caption{Triangular cyclical learning rate}
\end{subfigure}
\caption{Training and Validation Loss with Triangular Cyclical Learning rate}
\label{fig:training}
\end{figure}
\clearpage
\subsection{Predictions}
Predictions up to one hour in the future were made with 6 time bins being of interest, those being: 5, 10, 15, 30, 45 and 60 minutes. Given that each time bin represents 5 minutes, 12 time bin predictions were calculated. Time bins representing 20, 25, 35, 40, 50 and 55 minutes were not required for the task however, for use in a real world setting it is felt that all 12 time bin predictions for the hour would be used. Given that only 6 were of interest for the task they were selected from the 12 prediction time bins rather than forcing the model to learn only those specific bins.
A binary mask was used to smooth the results by removing predictions that may appear where no road network exists, resulting in a minor reduction in MSE loss. It was thought best not to incorporate the binary mask into the training procedure to ensure that the model would learn the topology of the given road networks without the safety net of a binary mask.
Originally it was assumed that a mask made from a small sample of days would suffice, however it was quickly noticed that the positions of certain roads have a tendency to drift (likely caused by GPS drift). This is best seen from the figures \ref{fig:masks}a and b below highlighting masks for Berlin using one day of data versus the entire training set respectively.
\vspace{-4mm}
\begin{figure}[H]
\centering
\begin{subfigure}[b]{0.49\linewidth}
\includegraphics[trim=0.5cm 0.5cm 1cm 1cm, clip=true,width=\linewidth]{figures/berlin_1_day_mask.png}
\caption{1 day of data}
\end{subfigure}
\begin{subfigure}[b]{0.49\linewidth}
\includegraphics[trim=0.5cm 0.5cm 1cm 1cm, clip=true,width=\linewidth]{figures/berlin_mask.png}
\caption{181 days of data}
\end{subfigure}
\caption{Berlin binary masks}
\label{fig:masks}
\end{figure}
|
\section{Introduction}
A K\"{a}hler metric on a complex manifold is said to be \emph{K\"{a}hler--Einstein} if the Riemannian metric defined by its real part has constant Ricci curvature.
The existence of K\"ahler--Einstein metrics on Fano manifolds has become a central topic in complex geometry in recent years.
In contrast to Calabi--Yau and general type (\cite{aubin78, yau78}), Fano manifolds do not necessarily have a K\"ahler--Einstein metric in general,
and there are obstructions based on the (holomorphic) automorphism group.
The first obstruction was discovered by Matsushima in \cite{matsushima}.
He proved that the reductivity of the automorphism group is a necessary condition for the existence of K\"ahler--Einstein metrics.
Later, Futaki \cite{futaki} proved that the existence of K\"ahler--Einstein metrics implies that the Futaki invariant, a functional on the Lie algebra of the automorphism group, vanishes.
As a generalization of this invariant on test configurations, Tian \cite{tian94, tian97} and Donalson \cite{donaldson02} introduced a certain algebraic stability condition, which is called the \emph{K-stability}.
The famous Yau--Tian--Donaldson conjecture predicts that the existence of a K\"ahler--Einstein metric on a Fano manifold is equivalent to the K-stability.
Eventually, this conjecture was solved by Chen--Donaldson--Sun \cite{cds1, cds2, cds3} and Tian \cite{tian15}.
Despite of these obstructions, each Fano homogeneous manifold admits a K\"ahler--Einstein metric \cite{mat2, koszul}.
Therefore, one can expect the existence of a K\"ahler--Einstein metric on a Fano manifold if it has large automorphism group.
A natural candidate is the \emph{almost-homogeneous} manifold, that is, a manifold
with an open dense orbit of a complex Lie group.
For the case of toric Fano manifolds, Wang and Zhu \cite{wz} proved that
the existence of a K\"{a}hler--Einstein metric is equivalent to the vanishing of the Futaki invariant.
In fact,
this was based on the theorem by Mabuchi \cite{mabuchi}, which says that the Futaki invariant vanishes if and only if the barycenter of the moment polytope is
the origin.
This gave us a powerful combinatorial criterion for the existence of a K\"ahler--Einstein metric on a toric Fano manifold, which is much easier to check than the K-stability condition.
An important class of almost-homogeneous varieties is \emph{spherical} varieties
including toric varieties, \emph{group compactifications} (\cite{Del17}), and \emph{symmetric} varieties.
A normal variety is called \emph{spherical} if it admits an action of a reductive group of which a Borel subgroup acts with an open orbit on the variety.
As a generalization of Wang and Zhu's work,
Delcroix \cite{Del16} extended a combinatorial criterion for
K-stability of Fano spherical manifolds,
in terms of its moment polytope and spherical data.
In particular, this criterion is also applicable to smooth Fano symmetric varieties (see Corollary 5.9 of \cite{Del16}).
By combining the above criterion and Ruzzi's classification \cite{Ruzzi2011} of smooth Fano symmetric varieties with Picard number one,
we prove the following.
\begin{theorem}\label{Main theorem}
All smooth Fano symmetric varieties with Picard number one admit K\"ahler--Einstein metrics.
\end{theorem}
For this theorem, the condition on the Picard number is crucial
because a smooth Fano symmetric variety with higher Picard number may have no K\"ahler--Einstein metrics.
For example, the blow-up of the wonderful compactification of $\Sp(4, \mathbb C)$ along the closed orbit does not admit any K\"ahler--Einstein metrics
(see Example 5.4 of \cite{Del17}).
Moreover, we
note that Delcroix already provided the existence of K\"ahler--Einstein metrics
on smooth Fano embedding of $\SL(3,\mathbb{C})/\SO(3,\mathbb{C})$,
and group compactifications of $\SL(3,\mathbb{C})$ and $G_{2}$ respectively
(see Example 5.13 of \cite{Del16}).
The above theorem leads us to complete all remaining cases of smooth Fano symmetric varieties with Picard number one also admit K\"ahler--Einstein metrics.
\vskip 1em
\noindent
\textbf{Acknowledgements}.
The second author would like to express thanks to Jihun Park and Eunjeong Lee for their interests and helpful comments.
The first author was supported by the National Research Foundation of Korea (NRF) grant funded by the Korea government (MSIT)
(NRF-2019R1F1A1058962).
The second author was supported by the Institute for Basic Science (IBS-R003-D1),
and by the National Research Foundation of
Korea (NRF) grant funded by the Korea government (MSIT)
(NRF-2019R1A2C3010487).
The third author was supported by the Institute for Basic Science (IBS-R003-D1).
\section{Criterion for existence of K\"{a}hler--Einstein metrics on symmetric varieties}
Let $G$ be a connected reductive algebraic group over $\mathbb C$.
\subsection{Spherical varieties and algebraic moment polytopes}
We review general notions and results about spherical varieties.
The normal equivariant embeddings of a given spherical homogeneous space are classified by combinatorial objects called \emph{colored fans},
which generalize the fans appearing in the classification of toric varieties.
We refer \cite{Knop91}, \cite{Timashev11} and \cite{Gandini18} as references for spherical varieties.
\begin{definition}
\label{spherical variety}
A normal variety $X$ equipped with an action of $G$ is called \emph{spherical} if a Borel subgroup $B$ of $G$ acts on $X$ with an open and dense orbit.
\end{definition}
Let $G/H$ be an open dense $G$-orbit of a spherical variety $X$ and $T$ a maximal torus of $B$.
By definition, the \emph{spherical weight lattice} $\mathcal M$ of $G/H$ is
a subgroup of characters $\chi \in \mathfrak X(B) = \mathfrak X(T)$ of (nonzero) $B$-semi-invariant functions in the function field $\mathbb C(G/H) = \mathbb C(X)$,
that is, $$\mathcal M = \{ \chi \in \mathfrak X(T) : \mathbb C(G/H)^{(B)}_{\chi} \neq 0 \},$$
where $\mathbb C(G/H)^{(B)}_{\chi} = \{ f \in \mathbb C(G/H) : b \cdot f = \chi(b) f \text{ for all } b \in B \}$.
Note that every function $f_{\chi}$ in $\mathbb C(G/H)^{(B)}$ is determined by its weight $\chi$ up to constant
because $\mathbb C(G/H)^{B} = \mathbb C$, that is, any $B$-invariant rational function on $X$ is constant.
The spherical weight lattice $\mathcal M$ is a free abelian group of finite rank.
We define the \emph{rank} of $G/H$ as the rank of the lattice $\mathcal M$.
Let $\mathcal N = \Hom(\mathcal M, \mathbb Z)$ denote its dual lattice together with the natural pairing $\langle \, \cdot \, , \, \cdot \, \rangle \colon \mathcal N \times \mathcal M \to \mathbb Z$.
As the open $B$-orbit of a spherical variety $X$ is an affine variety,
its complement has pure codimension one and is a finite union of $B$-stable prime divisors.
\begin{definition}
\label{color}
For a spherical variety $X$,
$B$-stable but not $G$-stable prime divisors in $X$ are called \emph{colors} of $X$.
A color of $X$ corresponds to a $B$-stable prime divisor in the open $G$-orbit $G/H$ of $X$.
We denote by $\mathfrak D = \{ D_1, \cdots, D_k \}$ the set of colors of $X$ (or $G/H$).
\end{definition}
As a $B$-semi-invariant function $f_{\chi}$ in $\mathbb C(G/H)^{(B)}_{\chi}$ is unique up to constant,
we define the \emph{color map} $\rho \colon \mathfrak D \to \mathcal N$ by $\langle \rho(D), \chi \rangle = \nu_D(f_{\chi})$ for $\chi \in \mathcal M$,
where $\nu_D$ is the discrete valuation associated to a divisor $D$, that is, $\nu_D(f)$ is the vanishing order of $f$ along $D$.
Unfortunately, the color map is generally not injective.
In addition, every discrete $\mathbb Q$-valued valuation $\nu$ of the function field $\mathbb C(G/H)$ induces a homomorphism $\hat{\rho}(\nu) \colon \mathcal M \to \mathbb Q$ defined by $\langle \hat{\rho}(\nu), \chi \rangle = \nu(f_{\chi})$, so that we get a map $\hat{\rho} \colon \{ \text{discrete $\mathbb Q$-valued valuations on $G/H$} \} \to \mathcal N \otimes \mathbb Q$.
Luna and Vust \cite{LV83} showed that the restriction of $\hat{\rho}$ to the set of $G$-invariant discrete valuations on $G/H$ is injective.
From now on, we will regard a $G$-invariant discrete valuation on $G/H$ as an element of $\mathcal N \otimes \mathbb Q$ via the map $\hat{\rho}$,
and in order to simplify the notation $\hat{\rho}(\nu_E)$ will be written as $\hat{\rho}(E)$ for a $G$-stable divisor $E$ in $X$.
Let $L$ be a $G$-linearized ample line bundle on a spherical $G$-variety $X$.
By the multiplicity-free property of spherical varieties,
the algebraic moment polytope $\Delta(X, L)$ encodes the structure of representation of $G$ in the spaces of multi-sections of tensor powers of $L$.
\begin{definition}
\label{moment polytope}
The \emph{algebraic moment polytope} $\Delta(X, L)$ of $L$ with respect to $B$ is defined as
the closure of $\bigcup_{k \in \mathbb N} \Delta_k / k$ in $\mathcal M \otimes \mathbb R$,
where $\Delta_k$ is a finite set consisting of (dominant) weights $\lambda$ such that
\begin{equation*}
H^0(X, L^{\otimes k}) = \bigoplus_{\lambda \in \Delta_k} V_G(\lambda).
\end{equation*}
Here, $V_G(\lambda)$ means the irreducible representation of $G$ with highest weight $\lambda$.
\end{definition}
For a compact connected Lie group $K$ and a compact connected Hamiltonian $K$-manifold $(M, \omega, \mu)$,
Kirwan \cite{Kirwan84} proved that the intersection of the image of $M$ through the moment map $\mu$
with the positive Weyl chamber with respect to a Borel subgroup $B$ of $G$ is a convex polytope,
where $G$ is the complexification of $K$.
The algebraic moment polytope $\Delta(X, L)$ for a polarized $G$-variety $X$ was introduced by Brion in \cite{Brion87}
as a purely algebraic version of the Kirwan polytope.
This is indeed the convex hull of finitely many points in $\mathcal M \otimes \mathbb R$ (see \cite{Brion87}).
Moreover, if $X$ is smooth, then $\Delta(X, L)$ can be interpreted as
the Kirwan polytope of $(X, \omega_L)$ with respect to the action of a maximal compact subgroup $K$ of $G$,
where $\omega_L$ is a $K$-invariant K\"{a}hler form in the first Chern class $c_1(L)$.
\begin{example}[Equivariant compactifications of reductive groups]
Any reductive group $G$ is spherical with respect to the action of $G \times G$ by left and right multiplication from the Bruhat decomposition.
Let us consider the \emph{wonderful compactification} of a simple algebraic group $G$ of adjoint type constructed by De~Concini and Procesi \cite{dCP83}.
As a specific example, the wonderful compactification $\mathbb P(\text{Mat}_{2 \times 2}(\mathbb C)) \cong \mathbb P^3$
of the projective general linear group $\PGL(2, \mathbb C)$ has
the action of $\PGL(2, \mathbb C) \times \PGL(2, \mathbb C)$ induced by the multiplication of matrices on the left and on the right.
It is known that the spherical weight lattice $\mathcal M$ of the wonderful compactification of a simple algebraic group $G$ of adjoint type
coincides with the root lattice of $G$.
As the anticanonical line bundle $K_{\mathbb P^3}^{-1}$ is isomorphic to $\mathcal O_{\mathbb P^3}(4)$,
\begin{align*}
H^0(\mathbb P^3, K_{\mathbb P^3}^{-1}) & = \Sym^4 \mathbb C^4
\\
& \cong \End(V_{\PGL(2, \mathbb C)}(0)) \oplus \End(V_{\PGL(2, \mathbb C)}(2\varpi_1)) \oplus \End(V_{\PGL(2, \mathbb C)}(4\varpi_1)),
\end{align*}
where $\varpi_1$ denotes the fundamental weight of $\PGL(2, \mathbb C)$.
Repeating this calculation for tensor powers $(K_{\mathbb P^3}^{-1})^{\otimes k}$, we obtain
$$\frac{1}{k} \Delta_k = \left\{ 0, \frac{2}{k}\varpi_1, \frac{4}{k}\varpi_1, \cdots , \frac{4k-2}{k}\varpi_1, \frac{4k}{k}\varpi_1 \right\}.$$
Therefore, the algebraic moment polytope $\Delta(\mathbb P^3, K_{\mathbb P^3}^{-1})$ of the wonderful compactification of $\PGL(2, \mathbb C)$ is
a closed interval $[0, 4 \varpi_1] = [0, 2 \alpha_1]$ in $\mathcal M \otimes \mathbb R \cong \mathbb R \cdot \alpha_1$,
where $\alpha_1$ denotes the simple root of $\PGL(2, \mathbb C)$.
\end{example}
\subsection{Symmetric spaces and symmetric varieties}
For an algebraic group involution $\theta$ of a connected reductive algebraic group $G$,
let
\begin{equation*}
G^{\theta}=\{ g \in G : \theta(g)=g \}
\end{equation*}
be the subgroup consisting of elements fixed by $\theta$.
If $H$ is a closed subgroup of $G$ such that the identity component of $H$ coincides with the identity component of $G^{\theta}$,
then the homogeneous space $G/H$ is called a \emph{symmetric homogeneous space}.
By taking a universal cover of $G$, we can always assume that $G$ is simply connected.
When $G$ is simply connected,
$G^{\theta}$ is connected (see Section 8.1 in \cite{Seinberg68}) and $H$ is a closed subgroup between $G^{\theta}$ and its normalizer $N_G(G^{\theta})$ in $G$, that is, $G^{\theta} \subset H \subset N_G(G^{\theta})$.
\begin{definition}
A normal $G$-variety $X$ together with an equivariant open embedding $G/H \hookrightarrow X$
of a symmetric homogeneous space $G/H$ is called a \emph{symmetric variety}.
\end{definition}
Vust proved that a symmetric homogeneous space $G/H$ is spherical (see \cite[Theorem 1 in Section 1.3]{Vust73}).
By using the Luna--Vust theory on spherical varieties,
Ruzzi \cite{Ruzzi2011} classified the smooth projective symmetric varieties with Picard number one
from the classification of corresponding colored fans.
As a result, there are only 6 nonhomogeneous smooth projective symmetric varieties with Picard number one,
and their restricted root systems (see Subsection \ref{criterion for symmetric varieties} for the definition) are of either type $A_2$ or type $G_2$.
Moreover, Ruzzi gave geometric descriptions of them in \cite{Ruzzi2010}.
In the case that the restricted root system is of type $A_2$ (Theorem 3 of \cite{Ruzzi2010}),
the symmetric varieties are the smooth equivariant completions of symmetric homogeneous spaces
$\SL(3, \mathbb C)/\SO(3, \mathbb C)$,
$(\SL(3, \mathbb C) \times \SL(3, \mathbb C))/\SL(3, \mathbb C)$,
$\SL(6, \mathbb C)/\Sp(6, \mathbb C)$, $E_6/F_4$,
and are isomorphic to a general hyperplane section of rational homogeneous manifolds
which are in the third row of the \emph{geometric Freudenthal--Tits magic square}.
\begin{center}
\begin{tabular}{ c | c c c c }
\hline
& $\mathbb R$ & $\mathbb C$ & $\mathbb H$ & $\mathbb O$ \\
\hline
$\mathbb R$ & $v_4(\mathbb P^1)$ & $\mathbb P (T_{\mathbb P^2})$ & $\Gr_{\omega}(2, 6)$ & $\mathbb{OP}^2_0$ \\
$\mathbb C$ & $v_2(\mathbb P^2)$ & $\mathbb P^2 \times \mathbb P^2$ & $\Gr(2, 6)$ & $\mathbb{OP}^2$ \\
$\mathbb H$ & $\LGr(3, 6)$ & $\Gr(3, 6)$ & $\mathbb S_6$ & $E_7/P_7$ \\
$\mathbb O$ & $F_4^{ad}$ & $E_6^{ad}$ & $E_7^{ad}$ & $E_8^{ad}$ \\
\hline
\end{tabular}
\end{center}
\begin{remark}
Though all the rational homogeneous manifolds admit K\"{a}hler--Einstein metrics,
a general hyperplane section of a rational homogeneous manifold is not necessarily the case.
For example, a general hyperplane section of the Grassmannian $\Gr(2, 2n+1)$, called an \emph{odd symplectic Grassmannian of isotropic planes},
does not admit K\"{a}hler--Einstein metrics by the Matsushima theorem in \cite{matsushima}
because the automorphism group of the odd symplectic Grassmannian is not reductive (see \cite{Mihai07}).
\end{remark}
In the case that the restricted root system is of type $G_2$ (Theorem 2 of \cite{Ruzzi2010}),
the symmetric varieties are the smooth equivariant completions of either $G_2/(\SL(2, \mathbb C) \times \SL(2, \mathbb C))$ or $(G_2 \times G_2)/G_2$.
The smooth equivariant completion with Picard number one of the symmetric space $G_2/(\SL(2, \mathbb C) \times \SL(2, \mathbb C))$,
called the \emph{Cayley Grassmannian},
and the smooth equivariant completion with Picard number one of the symmetric space $(G_2 \times G_2)/G_2$,
called the \emph{double Cayley Grassmannian},
have been studied by Manivel \cite{Manivel18, Manivel20}.
Their geometric properties including the dimension, the Fano index, the restricted root system are listed in Table \ref{table}.
For the deformation rigidity properties of smooth projective symmetric varieties with Picard number one, see \cite{KP19}.
\begin{table}[H]
\begin{tabular}{c c c c c c c}
\toprule
$X_i$ & $G/G^{\theta}$ & $\dim X_i$ & $\iota(X_i)$ & $\Phi_{\theta}$ & Multiplicity & Geometric Description \\
\midrule
$1$ & $\SL(3, \mathbb C)/\SO(3, \mathbb C)$ & $5$ & $3$ & $A_2$ & $1$ & hyperplane section of $\LGr(3, 6)$
\\
$2$ & $(\SL(3, \mathbb C) \times \SL(3, \mathbb C))/\SL(3, \mathbb C)$ & $8$ & $5$ & $A_2$ & $2$ & hyperplane section of $\Gr(3, 6)$
\\
$3$ & $\SL(6, \mathbb C)/\Sp(6, \mathbb C)$ & $14$ & $9$ & $A_2$ & $4$ & hyperplane section of $\mathbb S_6$
\\
$4$ & $E_6/F_4$ & $26$ & $17$ & $A_2$ & $8$ & hyperplane section of $E_7/P_7$
\\
$5$ & $G_2/(\SL(2, \mathbb C) \times \SL(2, \mathbb C))$ & $8$ & $4$ & $G_2$ & $1$ & Cayley Grassmannian
\\
$6$ & $(G_2 \times G_2)/G_2$ & $14$ & $7$ & $G_2$ & $2$ & double Cayley Grassmannian
\\
\bottomrule
\end{tabular}
\caption{Nonhomogeneous smooth projective symmetric varieties with Picard number one}
\label{table}
\end{table}
\subsection{Existence of K\"{a}hler--Einstein metrics on symmetric varieties} \label{criterion for symmetric varieties}
We recall Delcroix's criterion for K-stability of smooth Fano symmetric varieties in \cite{Del16}.
For an algebraic group involution $\theta$ of $G$,
a torus $T$ in $G$ is \emph{split} if $\theta(t)=t^{-1}$ for any $t \in T$.
A torus $T$ is \emph{maximally split} if $T$ is a $\theta$-stable maximal torus in $G$ which contains a split torus $T_s$ of maximal dimension among split tori.
Then, $\theta$ descends to an involution of $\mathfrak X(T)$ for a maximally split torus $T$,
and the rank of a symmetric homogeneous space $G/H$ is equal to the dimension of a maximal split subtorus $T_s$ of $T$.
Let $\Phi = \Phi(G, T)$ be the root system of $G$ with respect to a maximally split torus $T$.
By Lemma 1.2 of \cite{dCP83},
we can take a set of positive roots $\Phi^+$ such that either $\theta(\alpha) = \alpha$ or $\theta(\alpha)$ is a negative root for all $\alpha \in \Phi^+$;
then, we denote $2 \rho_{\theta} = \sum_{\alpha \in \Phi^+ \backslash \Phi^{\theta}} \alpha$, where $\Phi^{\theta} = \{ \alpha \in \Phi : \theta(\alpha) = \alpha \}$.
The set $\Phi_{\theta} = \{ \alpha - \theta(\alpha) : \alpha \in \Phi \backslash \Phi^{\theta} \}$ is a (possibly non-reduced) root system,
which is called the \emph{restricted root system}.
Let $\mathcal C^+_{\theta}$ denote the cone generated by positive restricted roots in $\Phi_{\theta}^+ = \{ \alpha - \theta(\alpha) : \alpha \in \Phi^+ \backslash \Phi^{\theta} \}$.
\begin{proposition}[Corollary 5.9 of \cite{Del16}]
\label{criterion}
Let $X$ be a smooth Fano embedding of a symmetric homogeneous space $G/H$ associated to an involution $\theta$ of $G$.
Then $X$ admits a K\"{a}hler--Einstein metric if and only if
the barycenter of the moment polytope $\Delta(X, K_X^{-1})$ with respect to the Duistermaat--Heckman measure
$$\prod_{\alpha \in \Phi^+ \backslash \Phi^{\theta}} \kappa(\alpha, p) \, dp$$
is in the relative interior of the translated cone $2 \rho_{\theta} + \mathcal C^+_{\theta}$,
where $\kappa$ denotes the Killing form on the Lie algebra $\mathfrak g$ of $G$.
\end{proposition}
In fact, this result is a direct consequence of a combinatorial criterion for the existence of a K\"{a}hler--Ricci soliton on smooth Fano spherical varieties obtained by Delcroix \cite[Theorem A]{Del16}.
The proof consists of the existence of a special equivariant test configuration with horospherical central fiber
and the explicit computation of the modified Futaki invariant on Fano horospherical varieties.
\section{Moment polytopes of smooth Fano symmetric varieties and their barycenters}
We prove in this section our main result Theorem \ref{Main theorem}.
The proof combines Proposition \ref{criterion} together with the following result allowing us to compute (algebraic) moment polytopes of Fano symmetric varieties.
\begin{proposition}
\label{moment polytope}
Let $X$ be a smooth Fano embedding of a symmetric space $G/G^{\theta}$.
Then, there exist integers $m_i$ such that a Weil divisor $-K_X = \sum_{i=1}^k m_i D_i + \sum_{j=1}^{\ell} E_j$ represents the anticanonical line bundle $K_X^{-1}$
for colors $D_i$ and $G$-stable divisors $E_j$ in $X$,
and the moment polytope $\Delta(X, K_X^{-1})$ is $2\rho_{\theta} + Q_X^*$,
where the polytope $Q_X$ is the convex hull of the set
\begin{equation*}
\left\{ \frac{\rho(D_i)}{m_i} : i= 1, \cdots, k \right\} \cup \{ \hat{\rho}(E_j)
: j= 1, \cdots , \ell \}
\end{equation*}
in $\mathcal N \otimes \mathbb R$ and
its dual polytope $Q_X^*$ is defined as
$\{ m \in \mathcal M\otimes \mathbb R : \langle n, m \rangle \geq -1 \text{ for every } n \in Q_X \}$.
\end{proposition}
This statement is a specialization of a result of Gagliardi and Hofscheier (\cite{GH15}, Section 9) in which they studied the anticanonical line bundle on a Gorenstein Fano spherical variety.
It is based on the works of Brion \cite{Brion89, Brion97} on algebraic moment polytopes and anticanonical divisors of Fano spherical varieties.
For the convenience of the reader, we provide a sketch of the proof.
\begin{proof}
Let us recall results about the anticanonical line bundle on a spherical variety from Sections 4.1 and 4.2 in \cite{Brion97}.
For a spherical $G$-variety $X$,
there exists a $B$-semi-invariant global section $s \in \Gamma(X, K_X^{-1})$ with $\text{div}(s) = \sum_{i=1}^k m_i D_i + \sum_{j=1}^{\ell} E_j$.
Furthermore, the $B$-weight of this section $s$ is the sum of $\alpha \in \Phi$ such that $\mathfrak{g}_{-\alpha}$ does not stabilize the open $B$-orbit in $X$.
Thus, when $X$ is a symmetric variety associated to an involution $\theta$ of $G$,
the weight of $s$ is equal to $2 \rho_{\theta} = \sum_{\alpha \in \Phi^+ \backslash \Phi^{\theta}} \alpha$.
For a Gorenstein Fano spherical variety $X$,
Brion obtained the relation between the moment polytope $\Delta(X, K_X^{-1})$ and a polytope $\Delta_{-K_X}$ associated to the anticanonical divisor in Proposition 3.3 of \cite{Brion89}.
More precisely, if $X$ is a smooth Fano embedding of $G/G^{\theta}$
then the moment polytope $\Delta(X, K_X^{-1})$ is $2\rho_{\theta} + \Delta_{-K_X}$
and a polytope $\Delta_{-K_X}$ associated to the anticanonical (Cartier) divisor $-K_X$ is the dual polytope $Q_X^*$.
\end{proof}
Let $\Phi = \Phi(G, T)$ be the root system of $G$ with respect to a maximally split torus $T$.
Fix a set of positive roots $\Phi^+$ such that either $\theta(\alpha) = \alpha$ or $\theta(\alpha)$ is a negative root for all $\alpha \in \Phi^+$.
We recall that the \emph{coroot} $\alpha^{\vee}$ of a root $\alpha \in \Phi$ is defined as the unique element in the Lie algebra $\mathfrak t$ of $T$
such that $\alpha(x)=\frac{2 \kappa(x, \alpha^{\vee})}{\kappa(\alpha^{\vee}, \alpha^{\vee})}$ for all $x \in \mathfrak t$.
Given a set of simple roots $\{ \alpha_1, \alpha_2, \cdots , \alpha_r \} \subset \Phi$,
we define the fundamental weights $\{ \varpi_1, \varpi_2, \cdots , \varpi_r \}$ dual to the coroots
by requiring $\langle \alpha_i^{\vee}, \varpi_j \rangle = \delta_{i,j}$ for $i, j = 1, 2, \cdots, r = \dim T$.
\subsection{Smooth Fano embedding of $\SL(3, \mathbb C)/\SO(3, \mathbb C)$ with Picard number one}
Considering the involution $\theta$ of $\SL(n, \mathbb C)$ defined by sending $g$ to the inverse of its transpose $\theta(g)=(g^t)^{-1}$,
which is usually called of Type AI,
the subgroup fixed by $\theta$ is $\SO(n, \mathbb C)$.
As $\theta(\alpha) = - \alpha$ for $\alpha \in \Phi = \Phi_{\SL_3}$,
the set $\Phi^{\theta}$ is empty and the restricted root system $\Phi_{\theta}$ is the double $2 \Phi$ of the root system $\Phi$.
The spherical weight lattice $\mathcal M = \mathfrak X(T/T\cap G^{\theta})$ is formed by $2 \lambda$ for weights $\lambda \in \mathfrak X(T)$.
Thus, the dual lattice $\mathcal N$ is generated by half of the coroots $\frac{1}{2} \alpha_1^{\vee}, \frac{1}{2} \alpha_2^{\vee}$
from the relation $\langle \alpha_i^{\vee}, \varpi_j \rangle = \delta_{i,j}$.
In general, Vust \cite{Vust90} proved that when $G$ is semisimple and simply connected,
the spherical weight lattice $\mathcal M$ of the symmetric space $G/G^{\theta}$ is the lattice of restricted weights determined by the restricted root system,
which implies that $\mathcal N$ is the lattice generated by \emph{restricted coroots} forming a root system dual to the restricted root system $\Phi_{\theta}$.
Let $X_1$ be the smooth Fano embedding of $\SL(3, \mathbb C)/\SO(3, \mathbb C)$ with Picard number one.
Using the description in \cite{Ruzzi2010},
we know that the two colors $D_1, D_2$ and the $G$-stable divisor $E$ in $X_1$
have the images $\rho(D_1) = \frac{1}{2} \alpha_1^{\vee}$, $\rho(D_2) = \frac{1}{2} \alpha_2^{\vee}$ and
$\hat{\rho}(E) = -\frac{1}{2} \varpi_1^{\vee} - \frac{1}{2} \varpi_2^{\vee} = -\frac{1}{2} \alpha_1^{\vee}-\frac{1}{2} \alpha_2^{\vee}$ in $\mathcal N$, respectively.
Recall from Theorem 6 of \cite{Ruzzi2010} that the maximal colored cones of its colored fan are
$(\Cone(\alpha_1^{\vee}, -\varpi_1^{\vee}-\varpi_2^{\vee}), \{D_1\})$ and $(\Cone(\alpha_2^{\vee}, -\varpi_1^{\vee}-\varpi_2^{\vee}), \{D_2\})$.
Then, we have two relations $2D_1 - D_2 - E =0$ and $-D_1 + 2 D_2 - E =0$, so that $D_1 = D_2 = E$ in the Picard group $\Pic(X_1)$.
\begin{proposition}
\label{moment polytope_1}
Let $X_1$ be the smooth Fano embedding of $\SL(3, \mathbb C)/\SO(3, \mathbb C)$ with Picard number one.
The moment polytope $\Delta_1 = \Delta(X_1, K_{X_1}^{-1})$ is the convex hull of three points $0$, $6 \varpi_1$, $6\varpi_2$ in $\mathcal M \otimes \mathbb R$.
\end{proposition}
\begin{proof}
From the colored data of $\SL(3, \mathbb C)/\SO(3, \mathbb C)$ and the $G$-orbit structure of $X_1$,
we know the relation $-K_{X_1} = D_1 + D_2 + E$ of the anticanonical divisor.
Using Proposition \ref{moment polytope},
$\rho(D_1)$, $\rho(D_2)$ and $\hat{\rho}(E)$ are used as inward-pointing facet normal vectors of the moment polytope $\Delta(X_1, K_{X_1}^{-1})$.
First, $\rho(D_1) = \frac{1}{2} \alpha_1^{\vee}$ gives an inequality
$$\left\langle \frac{1}{2} \alpha_1^{\vee}, x \cdot 2\varpi_1 + y \cdot 2\varpi_2 - 2 \rho_{\theta} \right\rangle = x -1 \geq -1$$
because $2 \rho_{\theta} = 2\alpha_1 + 2\alpha_2 = 2\varpi_1 + 2\varpi_2$.
Similarly, as $\rho(D_2) = \frac{1}{2} \alpha_2^{\vee}$ gives a domain $\{ x \cdot 2\varpi_1 + y \cdot 2\varpi_2 \in \mathcal M \otimes \mathbb R : y \geq 0 \}$,
the images of two colors $D_1, D_2$ determine the positive Weyl chamber.
Lastly, $\hat{\rho}(E) = - \frac{1}{2} \alpha_1^{\vee} - \frac{1}{2} \alpha_2^{\vee}$ gives a domain $\{ x \cdot 2\varpi_1 + y \cdot 2\varpi_2 \in \mathcal M \otimes \mathbb R : x+y \leq 3 \}$.
Thus the moment polytope $\Delta(X_1, K_{X_1}^{-1})$ is the intersection of three half-spaces,
so that it is the convex hull of three points $0$, $6 \varpi_1$, $6\varpi_2$ in $\mathcal M \otimes \mathbb R$.
\end{proof}
\begin{corollary}
\label{barycenter_X1}
The smooth Fano embedding $X_1$ of $\SL(3, \mathbb C)/\SO(3, \mathbb C)$ with Picard number one admits a K\"{a}hler--Einstein metric.
\end{corollary}
\begin{proof}
Choosing a realization of the root system $A_2$ in the Euclidean plane $\mathbb R^2$ with $\alpha_1 = (1, 0)$ and $\alpha_2 = \left(- \frac{1}{2}, \frac{\sqrt{3}}{2} \right)$,
for $p=(x, y)$
we obtain its Duistermaat--Heckman measure
\[
\prod_{\alpha \in \Phi^+} \kappa(\alpha, p) \, dp = x \Big(-\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big) \Big(\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big) \, dxdy.
\]
From Proposition \ref{moment polytope_1}, we can compute the volume
\begin{align*}
\text{Vol}_{DH}(\Delta_1) &=
\displaystyle \int_{0}^{\sqrt{3}} \int_{0}^{\sqrt{3}y}
x \Big(-\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big) \Big(\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big) \, dxdy
\\
& + \displaystyle \int_{\sqrt{3}}^{2\sqrt{3}} \int_{0}^{6-\sqrt{3}y}
x \Big(-\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big) \Big(\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big) \, dxdy
= \frac{27}{5} \sqrt{3}
\end{align*}
and the barycenter
$$\textbf{bar}_{DH}(\Delta_1) = (\bar{x}, \bar{y} ) = \frac{1 }{\text{Vol}_{DH}(\Delta_1)} \displaystyle \int_{\Delta_1}p \prod_{\alpha \in \Phi^+} \kappa(\alpha, p) \, dp
= \Big(\frac{5}{4}, \frac{5 \sqrt{3}}{4}\Big) = \frac{5}{4} \times 2\rho_{\theta}$$
of the moment polytope $\Delta_1$ with respect to the Duistermaat--Heckman measure.
Therefore, $\textbf{bar}_{DH}(\Delta_1)$ is in the relative interior of the translated cone $2 \rho_{\theta} + \mathcal C^+_{\theta}$ (see Figure \ref{Delta_1}),
so $X_1$ admits a K\"{a}hler--Einstein metric by Proposition \ref{criterion}.
\end{proof}
\begin{figure}
\begin{minipage}[b]{.45 \textwidth}
\centering
\begin{tikzpicture}
\clip (-0.5,-1.3) rectangle (7,6);
\begin{scope}[y=(60:1)]
\coordinate (pi1) at (1,0);
\coordinate (pi2) at (0,1);
\coordinate (v1) at ($6*(pi1)$);
\coordinate (v2) at ($6*(pi2)$);
\coordinate (a1) at (2,-1);
\coordinate (a2) at (-1,2);
\coordinate (barycenter) at (5/2,5/2);
\coordinate (Origin) at (0,0);
\coordinate (asum) at ($(a1)+(a2)$);
\coordinate (2rho) at ($2*(asum)$);
\foreach \x in {-8,-7,...,9}{
\draw[help lines,dashed]
(\x,-8) -- (\x,9)
(-8,\x) -- (9,\x)
[rotate=60] (\x,-8) -- (\x,9) ;
}
\fill (Origin) circle (2pt) node[below left] {0};
\fill (pi1) circle (2pt) node[below] {$\varpi_1$};
\fill (pi2) circle (2pt) node[above] {$\varpi_2$};
\fill (a1) circle (2pt) node[below] {$\alpha_1$};
\fill (a2) circle (2pt) node[above] {$\alpha_2$};
\fill (asum) circle (2pt) node[below right] {$\alpha_1+\alpha_2$};
\fill (2rho) circle (2pt) node[below] {$2\rho_{\theta}$};
\fill (v1) circle (2pt) node[below] {$6\varpi_1$};
\fill (v2) circle (2pt) node[above left] {$6\varpi_2$};
\fill (barycenter) circle (2pt) node[below right] {$\textbf{bar}_{DH}(\Delta_1)$};
\draw[->,,thick](Origin)--(pi1);
\draw[->,,thick](Origin)--(pi2);
\draw[->,,thick](Origin)--(a1);
\draw[->,,thick](Origin)--(a2);
\draw[->,,thick](Origin)--(asum);
\draw[thick,gray](Origin)--(v1);
\draw[thick,gray](Origin)--(v2);
\draw[thick,gray](v1)--(v2);
\draw [shorten >=-4cm, red, thick, dashed] (2rho) to ($(2rho)+(a1)$);
\draw [shorten >=-4cm, red, thick, dashed] (2rho) to ($(2rho)+(a2)$);
\end{scope}
\end{tikzpicture}
\caption{$\Delta_1=\Delta(X_1,K^{-1}_{X_1})$}
\label{Delta_1}
\end{minipage}
\begin{minipage}[b]{.45 \textwidth}
\centering
\begin{tikzpicture}
\clip (-0.5,-1.3) rectangle (5.5,6);
\begin{scope}[y=(60:1)]
\coordinate (v1) at ($5*(pi1)$);
\coordinate (v2) at ($5*(pi2)$);
\coordinate (barycenter) at (20/9,20/9);
\foreach \x in {-8,-7,...,9}{
\draw[help lines,dashed]
(\x,-8) -- (\x,9)
(-8,\x) -- (9,\x)
[rotate=60] (\x,-8) -- (\x,9) ;
}
\fill (Origin) circle (2pt) node[below left] {0};
\fill (pi1) circle (2pt) node[below] {$\varpi_1$};
\fill (pi2) circle (2pt) node[above] {$\varpi_2$};
\fill (a1) circle (2pt) node[below] {$\alpha_1$};
\fill (a2) circle (2pt) node[above] {$\alpha_2$};
\fill (asum) circle (2pt) node[below right] {$\alpha_1+\alpha_2$};
\fill (2rho) circle (2pt) node[below] {$2\rho_{\theta}$};
\fill (v1) circle (2pt) node[below] {$5\varpi_1$};
\fill (v2) circle (2pt) node[above] {$5\varpi_2$};
\fill (barycenter) circle (2pt) node[below right] {$\textbf{bar}_{DH}(\Delta_2)$};
\draw[->,,thick](Origin)--(pi1);
\draw[->,,thick](Origin)--(pi2);
\draw[->,,thick](Origin)--(a1);
\draw[->,,thick](Origin)--(a2);
\draw[->,,thick](Origin)--(asum);
\draw[thick,gray](Origin)--(v1);
\draw[thick,gray](Origin)--(v2);
\draw[thick,gray](v1)--(v2);
\draw [shorten >=-4cm, red, thick, dashed] (2rho) to ($(2rho)+(a1)$);
\draw [shorten >=-4cm, red, thick, dashed] (2rho) to ($(2rho)+(a2)$);
\end{scope}
\end{tikzpicture}
\caption{$\Delta_2=\Delta(X_2,K^{-1}_{X_2})$}
\label{Delta_2}
\end{minipage}
\end{figure}
\subsection{Smooth Fano embedding of $(\SL(3, \mathbb C) \times \SL(3, \mathbb C))/\SL(3, \mathbb C)$ with Picard number one}
\label{X_2}
Any reductive algebraic group $L$ is a symmetric homogeneous space $(L \times L) / \text{diag} (L)$
under the action of the group $G = L \times L$ for the involution $\theta(g_1, g_2)=(g_2, g_1)$, $g_1, g_2 \in L$.
If $T$ is a maximal torus of $L$, then $T \times T$ is a maximal torus of $G$ and
we get the spherical weight lattice
$$\mathcal M = \mathfrak X((T \times T) / \text{diag} (T)) = \{ (\lambda, -\lambda) : \lambda \in \mathfrak X(T) \}.$$
Thus, $\mathcal M$ can be identified with $\mathfrak X(T)$ by the projection to the first coordinate.
Under this identification,
the restricted root system $\Phi_{\theta}$ is identified with the root system $\Phi_L$ of $L$ with respect to $T$,
and the dual lattice $\mathcal N$ is generated by the coroots $\alpha_1^{\vee}, \alpha_2^{\vee}, \cdots , \alpha_r^{\vee}$, where $r = \dim T$.
Let $X_2$ be the smooth Fano embedding of $(\SL(3, \mathbb C) \times \SL(3, \mathbb C))/\SL(3, \mathbb C)$ with Picard number one.
Using the description in \cite{Ruzzi2010},
we know that the two colors $D_1, D_2$ and the $G$-stable divisor $E$ in $X_2$
have the images $\rho(D_1) = \alpha_1^{\vee}$, $\rho(D_2) = \alpha_2^{\vee}$
and $\hat{\rho}(E) = -\alpha_1^{\vee} - \alpha_2^{\vee}$ in $\mathcal N$, respectively.
\begin{proposition}
\label{moment polytope_2}
Let $X_2$ be the smooth Fano symmetric embedding of $(\SL(3, \mathbb C) \times \SL(3, \mathbb C))/\SL(3, \mathbb C)$ with Picard number one.
The moment polytope $\Delta_2 = \Delta(X_2, K_{X_2}^{-1})$ is the convex hull of three points $0$, $5 \varpi_1$, $5\varpi_2$ in $\mathcal M \otimes \mathbb R$.
\end{proposition}
\begin{proof}
From the colored data of $(\SL(3, \mathbb C) \times \SL(3, \mathbb C))/\SL(3, \mathbb C)$ and the $G$-orbit structure of $X_2$,
we know the relation $-K_{X_2} = 2 D_1 + 2 D_2 + E$ of the anticanonical divisor.
Using Proposition \ref{moment polytope},
$\frac{1}{2} \rho(D_1)$, $\frac{1}{2} \rho(D_2)$ and $\hat{\rho}(E)$ are used as inward-pointing facet normal vectors of the moment polytope $\Delta(X_2, K_{X_2}^{-1})$.
First, $\frac{1}{2} \rho(D_1) = \frac{1}{2} \alpha_1^{\vee}$ gives an inequality
$$ \left\langle \frac{1}{2} \alpha_1^{\vee}, x \cdot \varpi_1 + y \cdot \varpi_2 - 2 \rho_{\theta} \right\rangle = \frac{1}{2} (x - 2) \geq -1$$
because $2 \rho_{\theta} = 2\alpha_1 + 2\alpha_2 = 2\varpi_1 + 2\varpi_2$.
Similarly, as $\frac{1}{2} \rho(D_2) = \frac{1}{2} \alpha_2^{\vee}$ gives a domain $\{ x \cdot \varpi_1 + y \cdot \varpi_2 \in \mathcal M \otimes \mathbb R : y \geq 0 \}$,
the images of two colors $D_1, D_2$ determine the positive Weyl chamber.
Lastly, $\hat{\rho}(E) = - \alpha_1^{\vee} - \alpha_2^{\vee}$ gives a domain $\{ x \cdot \varpi_1 + y \cdot \varpi_2 \in \mathcal M \otimes \mathbb R : x+y \leq 5 \}$.
Thus, the moment polytope $\Delta(X_2, K_{X_2}^{-1})$ is the intersection of three half-spaces,
so that it is the convex hull of three points $0$, $5 \varpi_1$, $5 \varpi_2$ in $\mathcal M \otimes \mathbb R$.
\end{proof}
\begin{corollary}
\label{barycenter_X2}
The smooth Fano embedding $X_2$ of $(\SL(3, \mathbb C) \times \SL(3, \mathbb C))/\SL(3, \mathbb C)$ with Picard number one admits a K\"{a}hler--Einstein metric.
\end{corollary}
\begin{proof}
As in the proof of Corollary \ref{barycenter_X1}, we choose a realization of the root system $A_2$ in the Euclidean plane $\mathbb R^2$ with $\alpha_1 = (1, 0)$ and $\alpha_2 = \left(- \frac{1}{2}, \frac{\sqrt{3}}{2} \right)$.
Then, the Duistermaat--Heckman measure on the moment polytope is given as
\[
\prod_{\alpha \in \Phi^+} \kappa(\alpha, p) \, dp
= \prod_{\beta \in \Phi^+_{\SL(3, \mathbb C)}} \kappa(\beta, p)^2 \, dp
= x^2 \Big(-\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big)^2 \Big(\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big)^2 \, dxdy.
\]
From Proposition \ref{moment polytope_2}, we can compute the volume
\begin{align*}
\text{Vol}_{DH}(\Delta_2) &=
\displaystyle \int_{0}^{\frac{5}{6}\sqrt{3}} \int_{0}^{\sqrt{3}y}
x^2 \Big(-\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big)^2 \Big(\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big)^2 \, dxdy
\\
&+ \displaystyle \int_{\frac{5}{6}\sqrt{3}}^{\frac{5}{3}\sqrt{3}} \int_{0}^{5-\sqrt{3}y}
x^2 \Big(-\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big)^2 \Big(\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big)^2 \, dxdy
= \frac{78125}{18432} \sqrt{3}
\end{align*}
and the barycenter
\begin{align*}
\textbf{bar}_{DH}(\Delta_2) & = (\bar{x}, \bar{y} )
= \frac{1}{\text{Vol}_{DH}(\Delta_2)} \left( \displaystyle \int_{\Delta_2} x \prod_{\alpha \in \Phi^+} \kappa(\alpha, p) \, dp , \displaystyle \int_{\Delta_2} y \prod_{\alpha \in \Phi^+} \kappa(\alpha, p) \, dp \right)
\\
& = \left(\frac{10}{9}, \frac{10 \sqrt{3}}{9} \right) = \frac{10}{9} \times 2\rho_{\theta}
\end{align*}
of the moment polytope $\Delta_2$ with respect to the Duistermaat--Heckman measure.
Therefore, $\textbf{bar}_{DH}(\Delta_2)$ is in the relative interior of the translated cone $2 \rho_{\theta} + \mathcal C^+_{\theta}$ (see Figure \ref{Delta_2}),
so $X_2$ admits a K\"{a}hler--Einstein metric by Proposition \ref{criterion}.
\end{proof}
\subsection{Smooth Fano embedding of $\SL(6, \mathbb C)/\Sp(6, \mathbb C)$ with Picard number one}
Recall the involution of Type AII.
Let $\theta$ be an involution of $\SL(2m, \mathbb C)$ defined by $\theta(g) = J_m (g^t)^{-1} J_m^t$,
where $J_m$ is the $2m \times 2m$ block diagonal matrix formed by
$\big(\begin{smallmatrix}
0 & 1\\
-1 & 0
\end{smallmatrix}\big)$.
Then, $G^{\theta} = \Sp(2m, \mathbb C)$ is the group of elements that preserve a nondegenerate skew-symmetric bilinear form $\omega(v, w)=v^t J_m w$.
For $m=3$, we can check that the restricted root system $\Phi_{\theta}$ is the root system of type $A_2$ with multiplicity four,
and the spherical weight lattice $\mathcal M = \mathfrak X(T/T\cap G^{\theta})$
is generated by $2 \lambda$ for weights $\lambda \in \mathfrak X(T_s)$,
where $T_s$ denotes a split subtorus of dimension two in a maximal torus $T \subset \SL(6, \mathbb C)$.
In fact, if we choose the torus of diagonal matrices as $T$, then the maximal split torus $T_s$ consists of diagonal matrices of the form
$\mbox{diag}(a_1, a_1, a_2, a_2, a_3, a_3)$ with $a_1, a_2, a_3 \in \mathbb C^*$ and $a_1^2 a_2^2 a_3^2 = 1$.
Denoting by $\alpha_k \colon T_s \to \mathbb C^*$ for $k=1, 2$ the characters defined by
$$\alpha_k(\mbox{diag}(a_1, a_1, a_2, a_2, a_3, a_3))=\frac{a_k}{a_{k+1}}, $$
we have the restricted root system $\Phi_{\theta} = \{ \pm 2\alpha_1, \pm 2\alpha_2, \pm (2\alpha_1 + 2\alpha_2) \}$ of type $A_2$.
Then, the dual lattice $\mathcal N$ is generated by the coroots $\frac{1}{2} \alpha_1^{\vee}, \frac{1}{2} \alpha_2^{\vee}$.
Let $X_3$ be the smooth Fano embedding of $\SL(6, \mathbb C)/\Sp(6, \mathbb C)$ with Picard number one.
Using the description in \cite{Ruzzi2010},
we know that the two colors $D_1, D_2$ and the $G$-stable divisor $E$ in $X_3$
have the images $\rho(D_1) = \frac{1}{2} \alpha_1^{\vee}$, $\rho(D_2) = \frac{1}{2} \alpha_2^{\vee}$
and $\hat{\rho}(E) = -\frac{1}{2} \alpha_1^{\vee} - \frac{1}{2} \alpha_2^{\vee}$ in $\mathcal N$, respectively.
\begin{proposition}
Let $X_3$ be the smooth Fano symmetric embedding of $\SL(6, \mathbb C)/\Sp(6, \mathbb C)$ with Picard number one.
The moment polytope $\Delta_3 = \Delta(X_3, K_{X_3}^{-1})$ is the convex hull of three points $0$, $18 \varpi_1$, $18 \varpi_2$ in $\mathcal M \otimes \mathbb R$.
\end{proposition}
\begin{proof}
From the colored data of $\SL(6, \mathbb C)/\Sp(6, \mathbb C)$ and the $G$-orbit structure of $X_3$,
we know the relation $-K_{X_3} = 4 D_1 + 4 D_2 + E$ of the anticanonical divisor.
Using Proposition \ref{moment polytope},
$\frac{1}{4} \rho(D_1)$, $\frac{1}{4} \rho(D_2)$ and $\hat{\rho}(E)$ are used as inward-pointing facet normal vectors of the moment polytope $\Delta(X_3, K_{X_3}^{-1})$.
Like the previous computations, $\frac{1}{4} \rho(D_1)$ and $\frac{1}{4} \rho(D_2)$ determine the positive restricted Weyl chamber.
Indeed, $\frac{1}{4} \rho(D_1) = \frac{1}{8} \alpha_1^{\vee}$ gives an inequality
$$\left\langle \frac{1}{8} \alpha_1^{\vee}, x \cdot 2 \varpi_1 + y \cdot 2 \varpi_2 - 2 \rho_{\theta} \right\rangle = \frac{1}{8} (2x - 8) \geq -1$$ because $2 \rho_{\theta} = 8\alpha_1 + 8\alpha_2 = 8\varpi_1 + 8\varpi_2$.
As $\hat{\rho}(E) = - \frac{1}{2} \alpha_1^{\vee} - \frac{1}{2} \alpha_2^{\vee}$ gives
a domain $\{ x \cdot 2 \varpi_1 + y \cdot 2 \varpi_2 \in \mathcal M \otimes \mathbb R : x+y \leq 9 \}$,
the moment polytope $\Delta(X_3, K_{X_3}^{-1})$ is the intersection of this half-space with the positive restricted Weyl chamber.
Thus, $\Delta(X_3, K_{X_3}^{-1})$ is the convex hull of three points $0$, $18 \varpi_1$, $18 \varpi_2$ in $\mathcal M \otimes \mathbb R$.
\end{proof}
\begin{corollary}
\label{barycenter_X3}
The smooth Fano embedding $X_3$ of $\SL(6, \mathbb C)/\Sp(6, \mathbb C)$ with Picard number one admits a K\"{a}hler--Einstein metric.
\end{corollary}
\begin{proof}
As the multiplicity of each restricted root in the restricted root system $\Phi_{\theta}$ is four,
the Duistermaat--Heckman measure on $\mathcal M \otimes \mathbb R$ is given as
\[
\prod_{\alpha \in \Phi^+ \backslash \Phi^{\theta}} \kappa(\alpha, p) \, dp
= x^4 \Big(-\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big)^4 \Big(\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big)^4 \, dxdy.
\]
Then, the barycenter $$\textbf{bar}_{DH}(\Delta_3) = (\bar{x}, \bar{y}) = \left(\frac{21}{5}, \frac{21 \sqrt{3}}{5} \right) = \frac{21}{20} \times 2\rho_{\theta}$$
is in the relative interior of the translated cone $2 \rho_{\theta} + \mathcal C^+_{\theta}$ (see Figure \ref{Delta_3}).
Therefore, $X_3$ admits a K\"{a}hler--Einstein metric by Proposition \ref{criterion}.
\end{proof}
\begin{figure}
\begin{minipage}[b]{.45 \textwidth}
\centering
\begin{tikzpicture}
\clip (-0.25,-0.5) rectangle (6.5,6);
\begin{scope}[transform canvas={scale=0.35},y=(60:1)]
\coordinate (v1) at ($18*(pi1)$);
\coordinate (v2) at ($18*(pi2)$);
\coordinate (2rho) at ($8*(asum)$);
\coordinate (barycenter) at ($21/20*(2rho)$);
\foreach \x in {-19,-18,...,25}{
\draw[help lines,dashed]
(\x,-19) -- (\x,25)
(-19,\x) -- (25,\x)
[rotate=60] (\x,-19) -- (\x,25) ;
}
\fill (Origin) circle (5pt) node[below left] {\fontsize{25}{60}\selectfont0};
\fill (pi1) circle (2pt) node[below] {$\varpi_1$};
\fill (pi2) circle (2pt) node[above] {$\varpi_2$};
\fill (a1) circle (2pt) node[below] {$\alpha_1$};
\fill (a2) circle (2pt) node[above] {$\alpha_2$};
\fill (asum) circle (2pt) node[below right] {$\alpha_1+\alpha_2$};
\fill (2rho) circle (5pt) node[below left] {\fontsize{25}{60}\selectfont$2\rho_{\theta}$};
\fill (v1) circle (5pt) node[below left] {\fontsize{25}{60}\selectfont$18\varpi_1$};
\fill (v2) circle (5pt) node[above] {\fontsize{25}{60}\selectfont$18\varpi_2$};
\fill (barycenter) circle (5pt) node[above right] {\fontsize{25}{60}\selectfont$\textbf{bar}_{DH}(\Delta_3)$};
\draw[->,,thick](Origin)--(pi1);
\draw[->,,thick](Origin)--(pi2);
\draw[->,,thick](Origin)--(a1);
\draw[->,,thick](Origin)--(a2);
\draw[->,,thick](Origin)--(asum);
\draw[thick,gray](Origin)--(v1);
\draw[thick,gray](Origin)--(v2);
\draw[thick,gray](v1)--(v2);
\draw [shorten >=-10cm, red, ultra thick, dashed] (2rho) to ($(2rho)+(a1)$);
\draw [shorten >=-14cm, red, ultra thick, dashed] (2rho) to ($(2rho)+(a2)$);
\end{scope}
\end{tikzpicture}
\caption{$\Delta_3=\Delta(X_3,K^{-1}_{X_3})$}
\label{Delta_3}
\end{minipage}
\begin{minipage}[b]{.45 \textwidth}
\centering
\begin{tikzpicture}
\clip (-0.2,-0.5) rectangle (6.5,6.25);
\begin{scope}[transform canvas={scale=0.19},y=(60:1)]
\coordinate (v1) at ($34*(pi1)$);
\coordinate (v2) at ($34*(pi2)$);
\coordinate (2rho) at ($16*(asum)$);
\coordinate (barycenter) at ($221/216*(2rho)$);
\foreach \x in {-35,-34,...,50}{
\draw[help lines,dashed]
(\x,-35) -- (\x,50)
(-35,\x) -- (50,\x)
[rotate=60] (\x,-35) -- (\x,50) ;
}
\fill (Origin) circle (5pt) node[below left] {\fontsize{50}{60}\selectfont0};
\fill (pi1) circle (2pt) node[below] {$\varpi_1$};
\fill (pi2) circle (2pt) node[above] {$\varpi_2$};
\fill (a1) circle (2pt) node[below] {$\alpha_1$};
\fill (a2) circle (2pt) node[above] {$\alpha_2$};
\fill (asum) circle (2pt) node[below right] {$\alpha_1+\alpha_2$};
\fill (2rho) circle (5pt) node[below left] {\fontsize{50}{60}\selectfont $2\rho_{\theta}$};
\fill (v1) circle (5pt) node[below left] {\fontsize{50}{60}\selectfont $34\varpi_1$};
\fill (v2) circle (5pt) node[above] {\fontsize{50}{60}\selectfont $34\varpi_2$};
\fill (barycenter) circle (5pt) node[above right] {\fontsize{50}{60}\selectfont $\textbf{bar}_{DH}(\Delta_4)$};
\draw[->,,thick](Origin)--(pi1);
\draw[->,,thick](Origin)--(pi2);
\draw[->,,thick](Origin)--(a1);
\draw[->,,thick](Origin)--(a2);
\draw[->,,thick](Origin)--(asum);
\draw[thick,gray](Origin)--(v1);
\draw[thick,gray](Origin)--(v2);
\draw[thick,gray](v1)--(v2);
\draw [shorten >=-15cm, red, ultra thick, dashed] (2rho) to ($(2rho)+(a1)$);
\draw [shorten >=-20cm, red, ultra thick, dashed] (2rho) to ($(2rho)+(a2)$);
\end{scope}
\end{tikzpicture}
\caption{$\Delta_4=\Delta(X_4,K^{-1}_{X_4})$}
\label{Delta_4}
\end{minipage}
\end{figure}
\subsection{Smooth Fano embedding of $E_6/F_4$ with Picard number one}
Let $\theta$ be the involution on the simple algebraic group $E_6$ of Type EIV.
Then, $G^{\theta}$ is isomorphic to the simple algebraic group $F_4$,
and the restricted root system $\Phi_{\theta}$ is the root system of type $A_2$ generated by the simple restricted roots $2 \alpha_1, 2 \alpha_2$ with multiplicity eight.
The spherical weight lattice $\mathcal M = \mathfrak X(T/T\cap G^{\theta})$
is generated by $2 \lambda$ for weights $\lambda \in \mathfrak X(T_s)$,
where $T_s$ denotes a split subtorus of dimension two in a maximal torus $T \subset E_6$,
so that the dual lattice $\mathcal N$ is generated by the coroots $\frac{1}{2} \alpha_1^{\vee}, \frac{1}{2} \alpha_2^{\vee}$.
Let $X_4$ be the smooth Fano embedding of $E_6/F_4$ with Picard number one.
Using the description in \cite{Ruzzi2010},
we know that the two colors $D_1, D_2$ and the $G$-stable divisor $E$ in $X_4$
have the images $\rho(D_1) = \frac{1}{2} \alpha_1^{\vee}$, $\rho(D_2) = \frac{1}{2} \alpha_2^{\vee}$
and $\hat{\rho}(E) = -\frac{1}{2} \alpha_1^{\vee} - \frac{1}{2} \alpha_2^{\vee}$ in $\mathcal N$, respectively.
\begin{proposition}
Let $X_4$ be the smooth Fano symmetric embedding of $E_6/F_4$ with Picard number one.
The moment polytope $\Delta_4 = \Delta(X_4, K_{X_4}^{-1})$ is the convex hull of three points $0$, $34 \varpi_1$, $34 \varpi_2$ in $\mathcal M \otimes \mathbb R$.
\end{proposition}
\begin{proof}
From the colored data of $E_6/F_4$ and the $G$-orbit structure of $X_4$,
we know the relation $-K_{X_4} = 8 D_1 + 8 D_2 + E$ of the anticanonical divisor.
Using Proposition \ref{moment polytope},
$\frac{1}{8} \rho(D_1)$, $\frac{1}{8} \rho(D_2)$ and $\hat{\rho}(E)$ are used as inward-pointing facet normal vectors of the moment polytope $\Delta(X_4, K_{X_4}^{-1})$.
In particular, $\frac{1}{8} \rho(D_1)$ and $\frac{1}{8} \rho(D_2)$ determine the positive restricted Weyl chamber.
Indeed, $\frac{1}{8} \rho(D_1) = \frac{1}{16} \alpha_1^{\vee}$ gives an inequality
$$\left\langle \frac{1}{16} \alpha_1^{\vee}, x \cdot 2 \varpi_1 + y \cdot 2 \varpi_2 - 2 \rho_{\theta} \right\rangle = \frac{1}{16} (2x - 16) \geq -1$$ because $2 \rho_{\theta} = 16 \alpha_1 + 16 \alpha_2 = 16 \varpi_1 + 16 \varpi_2$.
As $\hat{\rho}(E) = - \frac{1}{2} \alpha_1^{\vee} - \frac{1}{2} \alpha_2^{\vee}$ gives
a domain $\{ x \cdot 2 \varpi_1 + y \cdot 2 \varpi_2 \in \mathcal M \otimes \mathbb R : x+y \leq 17 \}$,
the moment polytope $\Delta(X_4, K_{X_4}^{-1})$ is the intersection of this half-space with the positive restricted Weyl chamber.
Thus, $\Delta(X_4, K_{X_4}^{-1})$ is the convex hull of three points $0$, $34 \varpi_1$, $34 \varpi_2$ in $\mathcal M \otimes \mathbb R$.
\end{proof}
\begin{corollary}
\label{barycenter_X4}
The smooth Fano embedding $X_4$ of $E_6/F_4$ with Picard number one admits a K\"{a}hler--Einstein metric.
\end{corollary}
\begin{proof}
As the multiplicity of each restricted root in the restricted root system $\Phi_{\theta}$ is eight,
the Duistermaat--Heckman measure on $\mathcal M \otimes \mathbb R$ is given as
\[
\prod_{\alpha \in \Phi^+ \backslash \Phi^{\theta}} \kappa(\alpha, p) \, dp
= x^8 \Big(-\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big)^8 \Big(\frac{x}{2}+\frac{\sqrt{3}}{2}y\Big)^8 \, dxdy.
\]
Then, the barycenter $$\textbf{bar}_{DH}(\Delta_4) = (\bar{x}, \bar{y}) = \left(\frac{221}{27}, \frac{221 \sqrt{3}}{27} \right) = \frac{221}{216} \times 2\rho_{\theta}$$ is in the relative interior of the translated cone $2 \rho_{\theta} + \mathcal C^+_{\theta}$ (see Figure \ref{Delta_4}).
Therefore, $X_4$ admits a K\"{a}hler--Einstein metric by Proposition \ref{criterion}.
\end{proof}
\subsection{Smooth Fano embedding of $G_2/(\SL(2, \mathbb C) \times \SL(2, \mathbb C))$ with Picard number one}
Let $\theta$ be the unique nontrivial involution on the simple algebraic group $G_2$.
Then, $G^{\theta}$ is isomorphic to $\SL(2, \mathbb C) \times \SL(2, \mathbb C)$,
but $\Phi^{\theta}$ is empty and the restricted root system $\Phi_{\theta}$ is the root system of type $G_2$.
The spherical weight lattice $\mathcal M = \mathfrak X(T/T\cap G^{\theta})$
is generated by $2 \lambda$ for weights $\lambda \in \mathfrak X(T)$ of a maximal torus $T \subset G_2$,
so that the dual lattice $\mathcal N$ is generated by the coroots $\frac{1}{2} \alpha_1^{\vee}, \frac{1}{2} \alpha_2^{\vee}$.
Let $X_5$ be the smooth Fano embedding of $G_2/(\SL(2, \mathbb C) \times \SL(2, \mathbb C))$ with Picard number one.
Using the description in \cite{Ruzzi2010},
we know that the two colors $D_1, D_2$ and the $G$-stable divisor $E$ in $X_5$
have the images $\frac{1}{2} \alpha_1^{\vee}$, $\frac{1}{2} \alpha_2^{\vee}$ and $-\frac{1}{2} \varpi_2^{\vee}$ in $\mathcal N$, respectively.
Recall that the maximal colored cone of its colored fan is $(\Cone(\alpha_2^{\vee}, -\varpi_2^{\vee}), \{D_2\})$ from Theorem 6 of \cite{Ruzzi2010}.
Then we have two relations $2D_1 - D_2 =0$ and $-3 D_1 + 2 D_2 - E =0$, so that $D_2 = 2 D_1 = 2 E$ in $\Pic(X_5)$.
Choose a realization of the root system $G_2$ in the Euclidean plane $\mathbb R^2$ with $\alpha_1 = (1, 0)$ and $\alpha_2 = \left(- \frac{3}{2}, \frac{\sqrt{3}}{2} \right)$.
Then, the complex Lie group $G_2$ has 6 positive roots:
\begin{align*}
\Phi^+ &= \left\{ \alpha_1, \alpha_2, \alpha_1 + \alpha_2, 2 \alpha_1 + \alpha_2, 3\alpha_1 + \alpha_2, 3\alpha_1 + 2\alpha_2 \right\}
\\
& = \left\{ (1, 0), \left(-\frac{3}{2}, \frac{\sqrt{3}}{2}\right), \left(-\frac{1}{2}, \frac{\sqrt{3}}{2}\right), \left(\frac{1}{2}, \frac{\sqrt{3}}{2}\right), \left(\frac{3}{2}, \frac{\sqrt{3}}{2}\right), (0, \sqrt{3}) \right\}.
\end{align*}
From the relation $(\alpha_i^{\vee}, \varpi_j)=\delta_{ij}$,
the fundamental weights corresponding to the system of simple roots are
$\varpi_1 = \left(\frac{1}{2}, \frac{\sqrt{3}}{2} \right)$, $\varpi_2 = (0, \sqrt{3})$.
\begin{figure}
\begin{minipage}[b]{.45 \textwidth}
\centering
\begin{tikzpicture}
\clip (-1.7,-0.5) rectangle (4.5,7.5);
\begin{scope}[y=(60:1)]
\coordinate (pi1) at (0,1);
\coordinate (pi2) at (-1,2);
\coordinate (v1) at ($8*(pi1)$);
\coordinate (v2) at ($4*(pi2)$);
\coordinate (a1) at (1,0);
\coordinate (a2) at (-2,1);
\coordinate (a3) at ($3*(a1)+(a2)$);
\coordinate (barycenter) at (512/273-32/9,64/9);
\coordinate (Origin) at (0,0);
\coordinate (asum) at ($(a1)+(a2)$);
\coordinate (2rho) at (-2,6);
\foreach \x in {-8,-7,...,9}{
\draw[help lines,dashed]
(\x,-8) -- (\x,9)
(-8,\x) -- (9,\x)
[rotate=60] (\x,-8) -- (\x,9) ;
}
\fill (Origin) circle (2pt) node[below left] {0};
\fill (pi1) circle (2pt) node[right] {$\varpi_1$};
\fill (pi2) circle (2pt) node[right] {$\varpi_2$};
\fill (a1) circle (2pt) node[below] {$\alpha_1$};
\fill (a2) circle (2pt) node[above] {$\alpha_2$};
\fill (a3) circle (2pt) node[below right] {$3\alpha_1+\alpha_2$};
\fill (asum) circle (2pt) node[above] {$\alpha_1+\alpha_2$};
\fill (2rho) circle (2pt) node[below] {$2\rho_{\theta}$};
\fill (v1) circle (2pt) node[above] {$8\varpi_1$};
\fill (v2) circle (2pt) node[above] {$4\varpi_2$};
\fill (barycenter) circle (2pt) node[below right] {$\textbf{bar}_{DH}(\Delta_5)$};
\draw[->,,thick](Origin)--(pi1);
\draw[->,,thick](Origin)--(pi2);
\draw[->,,thick](Origin)--(a1);
\draw[->,,thick](Origin)--(a2);
\draw[->,,thick](Origin)--(a3);
\draw[->,,thick](Origin)--(asum);
\draw[thick,gray](Origin)--(v1);
\draw[thick,gray](Origin)--(v2);
\draw[thick,gray](v1)--(v2);
\draw [shorten >=-4cm, red, thick, dashed] (2rho) to ($(2rho)+(a1)$);
\draw [shorten >=-4cm, red, thick, dashed] (2rho) to ($(2rho)+(a2)$);
\end{scope}
\end{tikzpicture}
\caption{$\Delta_5=\Delta(X_5,K^{-1}_{X_5})$}
\label{Delta_5}
\end{minipage}
\begin{minipage}[b]{.45 \textwidth}
\centering
\begin{tikzpicture}
\clip (-1.7,-0.5) rectangle (4.5,7.5);
\begin{scope}[y=(60:1)]
\coordinate (v1) at ($7*(pi1)$);
\coordinate (v2) at ($7/2*(pi2)$);
\coordinate (barycenter) at (1.759-49/15,98/15);
\foreach \x in {-8,-7,...,9}{
\draw[help lines,dashed]
(\x,-8) -- (\x,9)
(-8,\x) -- (9,\x)
[rotate=60] (\x,-8) -- (\x,9) ;
}
\fill (Origin) circle (2pt) node[below left] {0};
\fill (pi1) circle (2pt) node[right] {$\varpi_1$};
\fill (pi2) circle (2pt) node[right] {$\varpi_2$};
\fill (a1) circle (2pt) node[below] {$\alpha_1$};
\fill (a2) circle (2pt) node[above] {$\alpha_2$};
\fill (a3) circle (2pt) node[below right] {$3\alpha_1+\alpha_2$};
\fill (asum) circle (2pt) node[above] {$\alpha_1+\alpha_2$};
\fill (2rho) circle (2pt) node[below] {$2\rho_{\theta}$};
\fill (v1) circle (2pt) node[above] {$7\varpi_1$};
\fill (v2) circle (2pt) node[above] {$\frac{7}{2}\varpi_2$};
\fill (barycenter) circle (2pt) node[below right] {$\textbf{bar}_{DH}(\Delta_6)$};
\draw[->,,thick](Origin)--(pi1);
\draw[->,,thick](Origin)--(pi2);
\draw[->,,thick](Origin)--(a1);
\draw[->,,thick](Origin)--(a2);
\draw[->,,thick](Origin)--(a3);
\draw[->,,thick](Origin)--(asum);
\draw[thick,gray](Origin)--(v1);
\draw[thick,gray](Origin)--(v2);
\draw[thick,gray](v1)--(v2);
\draw [shorten >=-4cm, red, thick, dashed] (2rho) to ($(2rho)+(a1)$);
\draw [shorten >=-4cm, red, thick, dashed] (2rho) to ($(2rho)+(a2)$);
\end{scope}
\end{tikzpicture}
\caption{$\Delta_6=\Delta(X_6,K^{-1}_{X_6})$}
\label{Delta_6}
\end{minipage}
\end{figure}
\begin{proposition}
\label{moment polytope_5}
Let $X_5$ be the smooth Fano symmetric embedding of $G_2/(\SL(2, \mathbb C) \times \SL(2, \mathbb C))$ with Picard number one.
The moment polytope $\Delta_5 = \Delta(X_5, K_{X_5}^{-1})$ is the convex hull of three points
$0$, $8 \varpi_1$, $4\varpi_2$ in $\mathcal M \otimes \mathbb R$.
\end{proposition}
\begin{proof}
From the colored data of $G_2/(\SL(2, \mathbb C) \times \SL(2, \mathbb C))$ and the $G$-orbit structure of $X_5$,
we know the relation $-K_{X_5} = D_1 + D_2 + E$ of the anticanonical divisor.
Using Proposition \ref{moment polytope},
$\rho(D_1)$, $\rho(D_2)$ and $\hat{\rho}(E)$ are used as inward-pointing facet normal vectors of the moment polytope $\Delta(X_5, K_{X_5}^{-1})$.
As before, $\rho(D_1)$ and $\rho(D_2)$ determine the positive Weyl chamber.
Indeed, $\rho(D_1) = \frac{1}{2} \alpha_1^{\vee}$ gives an inequality $$\left\langle \frac{1}{2} \alpha_1^{\vee}, x \cdot 2 \varpi_1 + y \cdot 2 \varpi_2 - 2 \rho_{\theta} \right\rangle = \frac{1}{2} (2x - 2) \geq -1$$ because $2 \rho_{\theta} = 10 \alpha_1 + 6\alpha_2 = 2\varpi_1 + 2\varpi_2$.
As $\hat{\rho}(E) = -\frac{1}{2} \varpi_2^{\vee} = \left(0, - \frac{1}{\sqrt{3}} \right)$ gives
a domain $\{ x \cdot 2 \varpi_1 + y \cdot 2 \varpi_2 \in \mathcal M \otimes \mathbb R : x + 2y \leq 4 \}$
from $\langle \varpi_2^{\vee}, \varpi_1 \rangle = 1$ and $\langle \varpi_2^{\vee}, \varpi_2 \rangle = 2$,
the moment polytope $\Delta(X_5, K_{X_5}^{-1})$ is the intersection of this half-space with the positive Weyl chamber.
Thus, $\Delta(X_5, K_{X_5}^{-1})$ is the convex hull of three points
$0$, $8 \varpi_1=(4, 4\sqrt{3})$, $4\varpi_2=(0, 4\sqrt{3})$ in $\mathcal M \otimes \mathbb R$.
\end{proof}
\begin{corollary}
\label{barycenter_X5}
The smooth Fano embedding $X_5$ of $G_2/(\SL(2, \mathbb C) \times \SL(2, \mathbb C))$ with Picard number one admits a K\"{a}hler--Einstein metric.
\end{corollary}
\begin{proof}
For $p=(x, y)$, the Duistermaat--Heckman measure on $\mathcal M \otimes \mathbb R$ is given as
\[
\prod_{\alpha \in \Phi^+} \kappa(\alpha, p) \, dp
= x \Big(-\frac{3}{2}x + \frac{\sqrt{3}}{2}y\Big) \Big(-\frac{1}{2}x + \frac{\sqrt{3}}{2}y\Big) \Big(\frac{1}{2}x + \frac{\sqrt{3}}{2}y\Big) \Big(\frac{3}{2}x + \frac{\sqrt{3}}{2}y\Big) (\sqrt{3}y) \, dxdy.
\]
From Proposition \ref{moment polytope_5}, we can compute the volume
\begin{align*}
\text{Vol}_{DH}(\Delta_5) & =
\displaystyle \int_{0}^{4\sqrt{3}} \int_{0}^{\frac{y}{\sqrt{3}}}
x \Big(-\frac{3}{2}x + \frac{\sqrt{3}}{2}y\Big) \Big(-\frac{1}{2}x + \frac{\sqrt{3}}{2}y\Big) \Big(\frac{1}{2}x + \frac{\sqrt{3}}{2}y\Big) \Big(\frac{3}{2}x + \frac{\sqrt{3}}{2}y\Big) (\sqrt{3}y) \, dxdy
\\
&= 29952 \sqrt{3},
\end{align*}
and the barycenter $$\textbf{bar}_{DH}(\Delta_5) = (\bar{x}, \bar{y}) = \left(\frac{512}{273}, \frac{32 \sqrt{3}}{9} \right) \approx (1.875, 3.556 \times \sqrt{3})$$
of the moment polytope $\Delta_5$ with respect to the Duistermaat--Heckman measure.
Therefore, $\textbf{bar}_{DH}(\Delta_5)$ is in the relative interior of the translated cone $2 \rho_{\theta} + \mathcal C^+_{\theta}$ (see Figure \ref{Delta_5}),
so $X_5$ admits a K\"{a}hler--Einstein metric by Proposition \ref{criterion}.
\end{proof}
\subsection{Smooth Fano embedding of $(G_2 \times G_2)/G_2$ with Picard number one}
As explained in Subsection \ref{X_2},
the simple algebraic group $G_2$ can be considered as a symmetric homogeneous space $(G_2 \times G_2) / \text{diag} (G_2)$
under the action of the group $G_2 \times G_2$ for the involution $\theta(g_1, g_2)=(g_2, g_1)$, $g_1, g_2 \in G_2$.
The spherical weight lattice $\mathcal M$ can be identified with the character group $\mathfrak X(T)$ of a maximal torus $T \subset G_2$
by the projection to the first coordinate,
and the dual lattice $\mathcal N$ is generated by the coroots $\alpha_1^{\vee}, \alpha_2^{\vee}$.
Let $X_6$ be the smooth Fano embedding of $(G_2 \times G_2)/G_2$ with Picard number one.
Using the description in \cite{Ruzzi2010},
we know that the two colors $D_1, D_2$ and the $G$-stable divisor $E$ in $X_6$
have the images $\rho(D_1) = \alpha_1^{\vee}$, $\rho(D_2) = \alpha_2^{\vee}$
and $\hat{\rho}(E) = -\varpi_2^{\vee}$ in $\mathcal N$, respectively.
\begin{proposition}
Let $X_6$ be the smooth Fano symmetric embedding of $(G_2 \times G_2)/G_2$ with Picard number one.
The moment polytope $\Delta_6 = \Delta(X_6, K_{X_6}^{-1})$ is the convex hull of three points
$0$, $7 \varpi_1$, $\frac{7}{2}\varpi_2$ in $\mathcal M \otimes \mathbb R$.
\end{proposition}
\begin{proof}
From the colored data of $(G_2 \times G_2)/G_2$ and the $G$-orbit structure of $X_6$,
we know the relation $-K_{X_6} = 2 D_1 + 2 D_2 + E$ of the anticanonical divisor.
Using Proposition \ref{moment polytope},
$\frac{1}{2} \rho(D_1)$, $\frac{1}{2} \rho(D_2)$ and $\hat{\rho}(E)$ are used as inward-pointing facet normal vectors of the moment polytope $\Delta(X_6, K_{X_6}^{-1})$.
As $2 \rho_{\theta} = 10 \alpha_1 + 6\alpha_2 = 2\varpi_1 + 2\varpi_2$,
$\frac{1}{2} \rho(D_1) = \frac{1}{2} \alpha_1^{\vee}$ gives an inequality
$$\left\langle \frac{1}{2} \alpha_1^{\vee}, x \cdot \varpi_1 + y \cdot \varpi_2 - 2 \rho_{\theta} \right\rangle = \frac{1}{2} (x - 2) \geq -1. $$
Therefore, $\frac{1}{2} \rho(D_1)$ and $\frac{1}{2} \rho(D_2)$ determine the positive Weyl chamber.
In the same way, as $\hat{\rho}(E) = - \varpi_2^{\vee}$ gives
a domain $\{ x \cdot \varpi_1 + y \cdot \varpi_2 \in \mathcal M \otimes \mathbb R : x + 2y \leq 7 \}$,
the moment polytope $\Delta(X_6, K_{X_6}^{-1})$ is the intersection of this half-space with the positive Weyl chamber.
Thus, $\Delta(X_6, K_{X_6}^{-1})$ is the convex hull of three points
$0$, $7 \varpi_1= \left(\frac{7}{2}, \frac{7\sqrt{3}}{2} \right)$, $\frac{7}{2}\varpi_2= \left(0, \frac{7\sqrt{3}}{2} \right)$ in $\mathcal M \otimes \mathbb R$.
\end{proof}
\begin{corollary} \label{barycenter_X6}
The smooth Fano embedding $X_6$ of $(G_2 \times G_2)/G_2$ with Picard number one admits a K\"{a}hler--Einstein metric.
\end{corollary}
\begin{proof}
We can compute the barycenter of $\Delta_6$ with respect to the Duistermaat--Heckman measure
$$\textbf{bar}_{DH}(\Delta_6) = (\bar{x}, \bar{y}) = \left(\frac{139601}{79360}, \frac{49 \sqrt{3}}{15} \right) \approx (1.759, 3.267 \times \sqrt{3})$$ from
$$\text{Vol}_{DH}(\Delta_6) =
\displaystyle \int_{0}^{\frac{7\sqrt{3}}{2}} \int_{0}^{\frac{y}{\sqrt{3}}}
x^2 \Big(-\frac{3}{2}x + \frac{\sqrt{3}}{2}y\Big)^2 \Big(-\frac{1}{2}x + \frac{\sqrt{3}}{2}y\Big)^2 \Big(\frac{1}{2}x + \frac{\sqrt{3}}{2}y\Big)^2 \Big(\frac{3}{2}x + \frac{\sqrt{3}}{2}y\Big)^2 (\sqrt{3}y)^2 \, dxdy .$$
As $2 \rho_{\theta} = (1, 3\sqrt{3})$ and the cone $\mathcal C^+_{\theta}$ is generated by the vectors $(1, 0)$ and $(-3, \sqrt{3})$,
the barycenter $\textbf{bar}_{DH}(\Delta_6)$ is in the relative interior of the translated cone $2 \rho_{\theta} + \mathcal C^+_{\theta}$ (see Figure \ref{Delta_6}).
Therefore, $X_6$ admits a K\"{a}hler--Einstein metric by Proposition \ref{criterion}.
\end{proof}
\vskip 1em
Finally, by Ruzzi's classification of the smooth projective symmetric varieties with Picard number one in \cite{Ruzzi2011},
Corollaries \ref{barycenter_X1}, \ref{barycenter_X2}, \ref{barycenter_X3}, \ref{barycenter_X4}, \ref{barycenter_X5}, \ref{barycenter_X6}
imply the following statement. Therefore, we conclude Theorem \ref{Main theorem}.
\begin{theorem1}
All smooth Fano symmetric varieties with Picard number one admit K\"ahler--Einstein metrics.
\end{theorem1}
\providecommand{\bysame}{\leavevmode\hbox to3em{\hrulefill}\thinspace}
\providecommand{\MR}{\relax\ifhmode\unskip\space\fi MR }
\providecommand{\MRhref}[2]{%
\href{http://www.ams.org/mathscinet-getitem?mr=#1}{#2}
}
\providecommand{\href}[2]{#2}
|
\section{INTRODUCTION}
Dust is ubiquitous in the universe, from the interstellar medium (ISM; Draine 2003), the circum-galactic medium (CGM; Tumlinson et al. 2017) to the intra-galactic medium (IGM; Shchekinov \& Nath 2011).
Studies of distributions and properties of dust from the Milky Way to extra-galaxies have wide implications, including formation, transportation and destruction of dust,
formation and evolution of galaxies, and precise reddening correction to reveal the intrinsic properties of astronomical objects.
It has been known for decades that galactic dust/gas disks extend beyond the dimensions inferred from the stellar disks in both the Galaxy and extra-galaxies.
By comparing scale lengths in different photometric bands, dust scale lengths are also found to be much larger than the stellar ones, up to a factor of 2 (e.g., Casasola et al. 2017).
The presence of extended dust distributions in spiral galaxies is also supported by far-infrared observations of dust emission.
By modeling the COBE observations at 140$\mu$ and 240$\mu$, Davies et al. (1997) find a dust disk with a radial scale length 1.5 times the stellar for the Galaxy.
The result is further confirmed by three-dimensional modeling of the Galactic dust distribution with the LAMOST data (Li et al. 2018).
With similar techniques, evidence for an extended distribution of cold dust was also found for extra-galaxies (e.g., Hinz et al. 2006).
By combining the signal of 110 spiral galaxies, Smith et al. (2016) report the direct detection of dust emission that extends out to at least twice the optical radius.
And they find that the distribution of dust is consistent with an exponential at all radii with a gradient of about $-$1.7 dex per $R_{25}$, corresponding to a dust scale length of 0.44 $R_{25}$.
Using an occulting galaxy technique, Holwerda et al. (2009) find a dusty disk much more extended than the starlight, with spiral lanes seen in extinction out to 1.5 $R_{25}$ radii.
Dust is also believed to exist in the CGM.
Zaritsky (1994) reports a preliminary detection of a dusty halo, through the additional color excess of background objects in fields close to two galaxies, compared to that of field objects.
Based on the angular correlation between the reddening of about 85,000 quasars at z $>$ 1 and the positions of 24 million galaxies at z $\sim$ 0.3 detected in the SDSS (York et al. 2000),
M{\'e}nard et al. (2010) have detected the presence of extended halos of dust from 20 kpc to several Mpc.
Dust clouds in the Galactic halo have also been detected to a distance of about 30 kpc (Yuan et al. in preparation).
M\,31 and M\,33, as respectively the largest and 3rd largest galaxies in the Local Group, serve as ideal places not only to study the dust in external spiral galaxies with an extremely high spatial resolution (e.g., Draine et al. 2014), but also to study distributions of dust in the very outskirts of galaxies.
Tempel et al. (2010) have constructed a three-dimensional galaxy model with axisymmetric stellar populations and a dust disk to estimate extinction and the intrinsic luminosity and color
distributions of M\,31, using the Spitzer far-IR maps to determine the dust distribution.
The resulting scale length of the dust disk with a simple exponential law is 8.5 kpc, about 1.8 times the stellar scale length.
However, this work is only limited to about one optical radius. Dust distributions in the outskirts of M\,31 and M\,33 have not been investigated yet, due to the
difficulties in separating its weak signal from the foreground Galactic dust, either in far-IR emission or in absorption.
Thanks to the scientific significance of M\,31 and M\,33
and the good match between the size (and position) of M\,31 and the field of view (and site weather) of LAMOST (Cui et al. 2012),
M\,31 and its vicinity region has been extensively targeted by the LAMOST during its commissioning phase, pilot and regular survey phases (Yuan et al. 2015).
A large number of foreground stars have been well observed and their reddening values
can be accurately estimated with the so-called star-pair technique (e.g., Yuan et al. 2013).
In this work, we use accurate reddening estimates of 193,847 stars to construct a foreground dust reddening map towards the M\,31 and M\,33 region.
Then by comparing with the dust reddening map of Schlegel et al. (1998), we aim to explore how dust is distributed in the outskirts of the two galaxies.
The paper is organized as follows. In Section\,2 we introduce our data and method used to construct the foreground reddening map.
The resulting map and distributions of dust in the outskirts of M\,31 and M\,33 are presented in Sections\,3 and \,4.
The results are discussed in Section\,5. We summarize in Section\,6.
The following general parameters of M\,31 and M\,33 are adopted in this work:
for M\,31, the right ascension is 10.68458$^\circ$ and the declination is 41.26875$^\circ$ (Jarrett et al. 2003), the optical radius is 1.58$^\circ$,
the inclination angle is 77.8$^\circ$ (de Vaucouleurs et al. 1991), the major axis position angle is 38.0$^\circ$
(Chemin et al. 2009) and the distance is 785 kpc (McConnachie et al. 2005);
For M\,33, the right ascension is 23.46208$^\circ$ and the declination is 30.65994$^\circ$ (Jarrett et al. 2003), the optical radius is 0.59$^\circ$,
the inclination angle is 53.9$^\circ$ (de Vaucouleurs et al. 1991), the major axis position angle is 50.5$^\circ$
(Jarrett et al. 2003) and the distance is 809 kpc (McConnachie et al. 2005).
\section{DATA AND METHOD}\label{sect:data}
\subsection{Data}
LAMOST spectroscopic data (Zhao et al. 2012; Deng et al. 2012; Liu et al. 2014) combined with
{\it Gaia} DR2 (Gaia Collaboration et al. 2018) photometry and parallaxes are used to construct
a foreground dust reddening map towards the M\,31 and M\,33 region in this work.
We first select spectroscopic data from the LAMOST DR5, which has delivered more than 8 million stellar spectra with spectral
resolution $R = 1800$ and limiting magnitude of r $\sim$\,17.8 mag (Deng et al. 2012; Liu et al. 2014). Stellar effective temperatures, surface gravities, and metallicities are
derived by the LAMOST Stellar Parameter Pipeline (LASP; Wu et al. 2011), with the precision of about 110\,K, 0.2\,dex, and 0.15\,dex, respectively (Luo et al. 2015).
Additional targets in the 2nd value-added catalog (Xiang et al. 2017) of the LAMOST Spectroscopic Survey of the Galactic Anti-centre (LSS-GAC; Liu et al. 2014, Yuan et al. 2015) are also
used. As the LSS-GAC DR2 value-added catalog contains targets that were observed during the commissioning and testing time and not included in the LAMOST official data releases.
Basic stellar parameters in the LSS-GAC value-added catalogs are derived with the LAMOST Stellar Parameter Pipeline at Peking University (LSP3; Xiang et al. 2015, 2017).
The following criteria are used to select sample stars: 1) $111.2^\circ \le glon \le 136.2^\circ$ and $-36.5^\circ \le glat \le -16.5^\circ$;
2) SNR $\ge$ 10; 3) positive {\it Gaia} DR2 parallaxes; and 4) $ 1.0+0.015(BP-RP)^2<$ phot\_bp\_rp\_excess\_factor $<1.3+0.06(BP-RP)^2 $
to exclude stars whose BP/RP photometry is probably contaminated from nearby sources (Evans et al. 2018). In cases of duplicated targets, the one of the higher/highest SNR is used.
In total, about 160,000 stars from the LAMOST DR5 and 40,000 stars from the LSS-GAC DR2 are selected.
\subsection{Estimates of reddening for individual stars}
A straightforward star-pair method is adopted to obtain reddening values of the selected stars. The method assumes that stars of the same stellar atmospheric parameters have the same intrinsic colors. Thus,
the intrinsic colors of a reddened star can be derived from its control pairs/counterparts of the same atmospheric parameters ($\Delta T_{\rm eff} < T_{\rm eff} *{(0.00003*T_{\rm eff})}^2\,K, \Delta log g < 0.5\,dex,
\Delta [Fe/H] < 0.3\,dex$) that suffer from either nil or well-known extinction (Yuan et al. 2013).
For the control stars, their reddening values are from the SFD98 map and required to be smaller than 0.02 mag,
their distances to the Galactic plane are required to be larger than 1 kpc to ensure that they are far above the Galactic dust disk.
Given the high precision of {\it Gaia} DR2 photometry, reddening values of $E(BP-RP)$ are computed in this work, using the same star-pair algorithm of Yuan et al. (2015; See their Section\,5 for more details).
To make our Galactic foreground reddening map in the M\,31 and M\,33 region directly comparable to the SFD98 map, values of $E(BP-RP)$ are converted to $E(B-V)$
via the following temperature and reddening dependent reddening coefficient $R_{BP-RP}$ (Sun et al. in preparation):
\begin{multline}
R_{BP-RP} = 1.060 - 0.253 \times E(B-V)_{SFD} + \\
0.264 \times E(B-V)_{SFD}^2 + 5.535 \times 10^{-6} \times T_{eff} - 4.505\\
\times 10^{-5} \times T_{eff} \times E(B-V)_{SFD} + 6.639 \times 10^{-9} \times T_{eff}^2
\end{multline}
The formula is empirically determined from a large sample of LAMOST DR5 stars, with their values of
$E(BP-RP)$ estimated using the same star-pair algorithm and values of $E(B-V)$ from the SFD98 map.
The hotter stars are, the smaller reddening stars suffer, the larger $R_{BP-RP}$ values are. At $E(B-V) = 0.1$ mag, the values increase from 1.15 at $T_{eff} = 4000$\,K to 1.47 at $T_{eff} = 8000$\,K.
At $T_{eff} = 6000$\,K, the values decreases from 1.30 at $E(B-V) = 0.05$ mag to 1.28 at 0.10 mag.
A very small number of stars whose estimated reddening values are larger than those of the SFD98 map by 0.05 mag are also excluded.
\begin{figure*}
\centering
\includegraphics[width=\linewidth]{fig2_extinction-distance_diagram.pdf}
\caption{
\emph{Top panels}: examples of distance-reddening diagram in different sightlines from the M\,31 central region to the outer region.
\emph{bottom panels}: examples of distance-reddening diagram in sightlines that are far away from M\,31 and show large discrepancies between the SFD98 and LAMOST maps.
In each panel, black dots are targets used in the fitting, black crosses are outliers,
green and yellow lines are the fitting results assuming $a\neq b$ and $a=b$, respectively.
The E(B-V)$_{SFD}$ values are indicated by red dashed lines for comparison.
\label{f:EDD}
}
\end{figure*}
\subsection{Estimates of Galactic foreground reddening for different sightlines}
In previous subsections, we select 193,847 stars within a $25\degree \times 20\degree$ region covering both M\,31 and M\,33 and obtain their reddening values.
A total $500 \times 400$ sightlines, in intervals of
3' in both the Galactic longitude and latitude directions, are used to construct the 2D Galactic foreground reddening map towards the M\,31 and M\,33 region in this work.
Each sightline contains stars within a small "rectangular" region of $12^\prime \times 12^\prime$. Note that there are common stars between adjacent sightlines.
If there are less than 10 stars for a given sightline, the size is doubled to $24^\prime$ to obtain a reliable result.
If the numbers of stars are still less than 10, the sightlines are masked and not used in the following analysis.
The top left panel of Figure\,1 shows the resulting spatial resolutions. The top right panel shows the histogram distributions of number of stars used for sightlines in the white and gray regions.
Then for each sightline, we use the following function to fit its distance-reddening relation:
\[ y = a - b \cdot e ^{ - \frac{x}{c}} \]
where $x$ is the distance, $y$ is the reddening $E(B-V)$, and $a, b, c$ are three parameters to be constrained.
If we assume a single exponential distribution of dust, then
$a$ and $b$ are equal and represent the total Galactic foreground reddening of a given sightline.
If there is a dust cloud very close to the Galactic disk, then $a$ and $b$ are different,
$a$ still represents the total Galactic foreground reddening, $b$ represents the contribution from the exponential dust disk, and
$a-b$ represents the additional contribution from the dust cloud.
Both scenarios ($a=b$, $a\neq b$) are considered. It's found that
the resulting two $a$ values are very close. Therefore, both $a$ and $b$ parameters are set to be free in this work.
For the $c$ parameter, which is related to the scale height of the dust disk,
we set lower and upper limits of 0.2 and 0.6 kpc, respectively. The limits correspond to a dust scale height
between about 70 to 210 pc, within the range of literature values (e.g., Li et al. 2018).
A fitting routine, MPFIT, is used to perform the least-square fit by utilising the Levenberg-Marquardt technique (Markwardt, 2009).
The initial values for $a, b, c$ are adopted to be 0.05, 0.05, and 0.4, respectively. The fitting results are very robust and insensitive to the adopted initial values.
A 2$\sigma$ clipping is also performed during the fitting.
The top panels of Figure\,\ref{f:EDD} show selected examples of fitting results of different sightlines towards M\,31.
In the central region, our fitted values of foreground Galactic extinction are significantly
smaller than the corresponding values from the SFD map, as expected. The differences become
smaller as sightlines get further away.
The bottom panels of Figure\,\ref{f:EDD} show examples of sightlines that are far away from M\,31 and display large discrepancies between the SFD98 and LAMOST maps.
\section{A two-dimensional foreground dust reddening map}
\begin{figure*}
\centering
\subfigure{
\includegraphics[width=0.45\linewidth]{fig1_nodes.pdf}
} \hspace{-10mm}\vspace{-5mm}
\subfigure{
\includegraphics[width=0.45\linewidth]{fig1_hist.pdf}
} \vspace{-5mm}
\subfigure{
\includegraphics[width=0.45\linewidth]{fig1_SFD.pdf}
} \hspace{-10mm}
\subfigure{
\includegraphics[width=0.45\linewidth]{fig1_extinction_map.pdf}
} \vfill
\subfigure{
\includegraphics[width=0.45\linewidth]{fig1_residual_map.pdf}
} \hspace{-10mm}
\subfigure{
\includegraphics[width=0.45\linewidth]{fig1_residual_map_corrected.pdf}
}
\caption{
\emph{Top left}: spatial resolutions (about $12^\prime$ in white regions and $24^\prime$ in gray regions ) of the LAMOST reddening map. Black regions are masked out.
\emph{Top right}: histogram distributions of number of stars used for sightlines in the white and gray regions.
\emph{Middle left}: the SFD98 reddening map. Dust emission from M\,31 is clearly visible.
\emph{Middle right}: the LAMOST reddening map.
\emph{Bottom left}: the differences between the SFD98 and LAMOST reddening maps. Note the large discrepancies around M\,31.
\emph{Bottom right}: the differences between the corrected SFD98 and LAMOST reddening maps, where the SFD98 reddening map is corrected according to its reddening values via a linear relation.
In each panel, the solid ellipses mark the optical extent ($R_{25}$) of M\,31, M\,33, and two satellites M\,32 and M\,101. The positions of other satellites of M\,31 are marked by small circles.
In the bottom panels, the two dotted ellipses centered on M\,31 and M\,33 represent the extent of their dust disks, 1.5 times larger than their optical extent.
The large dotted circle centered on M\,31 has a radius of 108 kpc, i.e., 5 $R_{25}$ radii of M\,31.
\label{f:maps}
}
\end{figure*}
So far we have obtained a two-dimensional dust reddening map (LAMOST map hereafter) for the M\,31 and M\,33 region.
The map has a typical spatial resolution of $12^\prime$, as shown in the top right panel of Figure\,\ref{f:maps}.
Note the SFD98 map has a spatial resolution of $6.^\prime1$, about 2 times higher than that of the LAMOST map.
The LAMOST map, the SFD98 map of the same region, and their differences are displayed in the middle and bottom panels of Figure\,\ref{f:maps}, respectively.
In general, the two maps agree well in most regions.
The SFD98 map is widely used to perform foreground reddening correction of extragalactic targets.
Note that a negative offset of 0.003 mag is found for the SFD98 map by comparison with the {\it Planck} result (Planck Collaboration et al. 2014).
Therefore, 0.003 mag has been added to the SFD98 map throughout this work.
However, due to the difficulties in removing dust emission from very nearby galaxies, such as Magellanic Clouds and M\,31,
the SFD98 map is not applicable to these galaxies.
As expected and seen in Figure\,\ref{f:maps}, reddening values of the LAMOST map are systematically lower than those of the SFD98 map in regions around M\,31, especially within its optical radius.
Typical values of reddening toward Magellanic Clouds and M\,31 from the SFD98 map are estimated from
the median dust emission in surrounding annuli: $E(B-V)$ 0.075, 0.037, and 0.062 mag for the Large Magellanic Cloud, Small Magellanic Cloud, and M\,31, respectively (Schlegel et al. 1998).
Given the large field of view of these galaxies, Galactic foreground reddening corrections using the aforementioned values probably suffer large uncertainties.
The LAMOST map shows that there are Galactic foreground "cirrus" clouds in front of the M\,31 galaxy. Within the optical radius,
the median value of reddening is 0.069 mag, the peak-to-peak value is 0.035--0.097 mag, the dispersion is 0.011 mag.
The precise Galactic foreground reddening map obtained in this work is also very crucial in order to
1) measure precise extinction curves across different regions of M\,31 to study their variations with different environments (Bianchi et al. 1996; Dong et al. 2014; Clayton et al. 2015)
and then 2) perform better reddening correction of M\,31 targets to
reveal the stellar populations, the structure of M\,31 using photometry of large numbers of individual stars (e.g., Dalcanton et al. 2012).
Note that dust emission in the central part of M\,110 is also detected in the bottom left panel of Figure\,\ref{f:maps}, consistent with the fact that
M\,110 contains a population of young blue stars at its center.
To check the precision of the LAMOST map, we first select stars that are far above the Galactic plane ($|Z| > 1.2$ kpc) and far away from M\,31
($gl > 124.2^\circ$ or $gl < 118.2^\circ$ or $gb > -18.5^\circ$ or $gb < -24.5^\circ$).
The left panels of Figure\,\ref{f:comparison} plot comparisons of LAMOST reddening estimates with those from the SFD98 map for the selected stars.
The two measurements agree well at a dispersion of 0.023 mag, suggesting that the reddening estimates have a typical precision of 0.023 mag for individual stars.
The precision depends on SNRs of LAMOST stars. For stars of SNRs lower than 20, the precision decreases to 0.026 mag.
There are a tail of stars that have systematically lower LAMOST reddening than SFD reddening. Those stars have typically lower SNRs.
Note the LAMOST estimates are systematically lower by a very small number of 0.003 mag.
The right panels of Figure\,\ref{f:comparison} compare the LAMOST map with the SFD98 map. The same region centered on M\,31
($118.2^\circ \le gl \le 124.2^\circ$, $-24.5^\circ \le gb \le -18.5^\circ$) is also excluded for comparison.
The dispersion is only 0.01 mag, indicating that the LAMOST map has a high precision of 0.01 mag. However, the SFD98 map is systematically lower by 0.003 mag, and
the number shows a clear dependence on reddening. The discrepancies are larger at regions of higher extinction or colder dust temperature.
consistent with the findings of Sun et al. (in preparation) that the SFD98 map suffers systematics that depends on dust reddening, dust temperature and positions.
\begin{figure}
\centering
\includegraphics[width=\linewidth]{fig3_three_EBV_comparison.pdf}
\caption{
\emph{Top left}: comparison of LAMOST reddening estimates with those from the SFD98 map for selected individual stars.
\emph{Top right}: comparison of the LAMOST map with the SFD98 map for selected regions.
The points in the top two panels are divided into different bins and the white circles indicate the median values. The blue dashed lines indicate lines of equality, and the blue solid line in the top right panel
indicate the linear fitting result to the white circles.
\emph{Bottom left}: histogram distribution and gaussian fit of $E(B-V)_{SFD-LAMOST}$ for the selected stars.
\emph{Bottom right}: histogram distribution and gaussian fit of $E(B-V)_{SFD-LAMOST}$ for the selected regions.
\label{f:comparison}
}
\end{figure}
\section{Dust distribution in the outskirts of M\,31 and M\,33}
\begin{figure*}
\centering
\includegraphics[width=\linewidth]{fig4_disk_and_halo.pdf}
\caption{
\emph{Left}: observed (blue) and modeled (orange) radial trend of dust extinction in the M\,31 halo. A simple spherically symmetric power-law distribution of dust is assumed.
\emph{Middle}: observed (blue) and modeled radial trends of dust extinction in the M\,31 disk, seen as if it is edge-on.
An offset of 0.002 mag is added to the Y-axis. Note the prominent reddening jump at its optical radius.
The yellow line represents a single exponential fit for the dust disk,
and the green and red lines are exponential fits for dust disks within and outside its optical radius, respectively.
\emph{Right}: observed (blue) and modeled (orange) radial trend of dust extinction in the M\,33 disk, seen as if it is edge-on. An exponential disk model is adopted.
\label{f:disk}
}
\end{figure*}
To study dust distribution in the outskirts of M\,31 and M\,33, we first correct for the reddening dependent systematics of the SFD98 map for regions outside the
optical radius of M\,31 using the linear formula
$E(B-V)_{corr} = 1.070 * E(B-V) - 0.0017$, as indicated in the top right panel of Figure\,3.
The updated residual map is shown in the bottom right panel of Figure\,\ref{f:maps}.
To avoid possible uncertainties in the correction, only regions of $E(B-V)_{SFD}\, \textless \,0.09$ mag are used in the following analysis.
Radial trends are then studied by averaging in annuli centered on the two galaxies. Their errors are also estimated by their standard deviations divided by the square root of the number of pixels.
Clumpy and filamentary structures surrounding M\,31 point to the possible existence of dust (emission) in the CGM of M\,31.
Circular annuli centered on M\,31 are firstly used to study dust distribution in the halo of M\,31.
To avoid possible contributions from the M\,31 dust disk, only regions outside its 4 $R_{25}$ radii are used.
The result is shown in the left panel of Figure 4. It can be seen that dust is detected in the M\,31 halo up to a distance of $\sim$ 5 $R_{25}$ radii, i.e., 108 kpc.
Reddening caused by dust in the M\,31 halo can be as high as 0.01 mag in the center region and drops to below 0.001 mag at a projected distance of $\sim$ 5 $R_{25}$.
The numbers agree very well with those of M{\'e}nard et al. (2010), who find that a background source is typically
reddened from a $z \sim 0.3$ galaxy by about 0.01 mag at a separation of 20 kpc , and by about 0.001 mag at 100 kpc.
A simple spherically symmetric power-law distribution of dust in the M\,31 halo, with galactocentric distance r between 1.1 -- 5 $R_{25}$ radii, is adopted to fit the observed curve.
The resulting curve in over-plotted in orange and agrees well with the observed one.
A power law index of $-0.84$ is obtained, suggesting higher dust densities in the inner halo but more dust in the outer halo.
Without correction for the reddening dependent systematics of the SFD98 map, the resulting curve is systematically lower by about 2.5 mmag, varying slightly with radius.
In such case, the dust halo can still be detected up to a distance of $\sim$ 4 $R_{25}$ radii. Beyond 4 $R_{25}$ radii, negative reddening values are detected, suggesting that
the correction is necessary.
Elliptical annuli centered on M\,31 are also used to study dust distribution in the disk of M\,31.
Possible contaminations from the M\,31 halo are subtracted according to the observed curve in the left panel of Figure\,4.
For regions within 1.1 $R_{25}$ radii, 0.008 mag is adopted.
The project effect has also been corrected by multiplying $cos(77.8^\circ)=0.21$, where 77.8$^\circ$ is the inclination of the M\,31 disk.
The middle panel of Figure 4 plot the reddening of the M\,31 dust disk as a function of galactocentric distance, seen as if it is edge-on.
Dust in the M\,31 disk is found to extend out to about 2.5 times its optical radius, whose distribution is
consistent with either an exponential of scale length of 7.2 kpc or an exponential of scale length of 11.1 kpc within its optical radius and another one of 18.3 kpc beyond its optical radius.
Our result is consistent with Tempel et al. (2010), who find a dust disk scale length of 9.8 kpc within its optical radius, about 1.8 times the stellar scale length.
In the latter case, we note a prominent reddening jump at its optical radius.
If without correction for the reddening dependent systematics of the SFD98 map, the resulting curve for the M\,31 dust disk is hardly changed.
Note that to make the plot in the logarithmic scale, a constant of 0.002 mag is added to make sure all the data points are positive.
At $R > 2.5 R_{25}$, negative reddening of the M\,31 dust disk is detected. This is probably caused by an over-subtraction of the halo component.
As discussed in the coming section, there is a possible lack of dust in the halo of M\,31 along its major axis direction.
Elliptical annuli are also used to study dust distribution in the outskirt of M\,33 disk.
The project effect is corrected as in M\,31.
Note that the dust emission within one $R_{25}$ radius of M\,33 was removed from the SFD98 map.
As can be seen from the middle left panel of Figure\,2, the reddening values within its $R_{25}$ radius are systematically lower
than those of adjacent regions, suggesting that an over-subtraction probably happened.
Outside its $R_{25}$ radius, a significant dust signal is detected up to $\sim$ 2.5 $R_{25}$ radii and can be well described by an exponential disk
with a scale length of 0.68 $R_{25}$, i.e., 24.1$^\prime$ and 5.7 kpc.
This number is very close to the scale length of its extended outer stellar disk (25.4$^\prime$, 6.0 kpc, Grossi et al. 2011), 1.5 times larger than
its stellar scale length in optical (9.6$^\prime$, van den Bergh 1991).
If without correction for the reddening dependent systematics of the SFD98 map, the resulting curve for the M\,33 dust disk is systematically lower by about 1.5 mmag,
but the profile is unchanged.
At $R > 2 R_{25}$, negative reddening of the M\,33 dust disk is detected. This is probably caused by systematic errors in the correction of the SFD98 map,
particularly for the blue region in the lower right of M\,33.
The SFD98 map suffers systematics that depends on dust reddening, dust temperature and positions,
and we only make a simple reddening dependent linear correction in this work.
\section{DISCUSSION}
We find that M\,31 has a large and dusty halo. This result
is consistent with the work of Lehner et al. (2015, 2020) who show the presence of an extended and massive CGM around M\,31 via absorption line studies of dozens of quasars.
The result also agrees well with M{\'e}nard et al. (2010), who find strong evidence for the existence of a diffuse component of dust in galactic haloes, extending from
20 kpc to several Mpc. The projected reddening profiles from 20 kpc to 100 kpc are also similar, as mentioned in the previous section.
Using cosmological hydrodynamical simulations, P{\'e}roux et al. (2020) recently report a strong dependence of gas mass flow rates and gas metallicity of CGM
on azimuthal angle with respect to its central galaxy: outflows are more favored along the galaxy minor axis and tends to have higher metallicity than inflows.
Therefore, one would expect less dust along the galaxy major axis direction.
We note a possible lack of dust in the halo of M\,31 along its major axis direction, thus may providing a direct observational evidence for the findings of P{\'e}roux et al.
M{\'e}nard et al. estimate that the dust mass in the halo of Milky Way-like galaxies ($\sim 5 \times 10^7 M_\odot$ ) is comparable to that commonly found in galactic discs (Draine et al. 2007).
Assuming simply uniform dust properties across the disk and halo of M\,31, we have estimated the mass fractions of dust in its disk (0 -- 2.5 $R_{25}$) and
halo (0 -- 5 $R_{25}$) according to their reddening profiles (Figure\,4).
We find that roughly 75 percent of dust is in the halo and only 25 percent is in the disk, and only 1.5 percent in its outer disk (1 -- 2.5 $R_{25}$).
Based on a physical dust model, Draine et al. (2014) have estimated a total dust mass of $5.4 \times 10^7 M_\odot$ in the disk of M\,31 out to a distance of 25 kpc.
Following the method of M{\'e}nard et al. (see their Section 5.1), we estimate a total dust mass in the halo of M\,31 to be $\sim 1.8 \times 10^8 M_\odot$,
assuming an SMC-type dust and $R_{\it V} = 4.9$. The above estimates suggest that about three-quarters of dust is in the halo of M\,31.
If without correction for the reddening dependent systematics of the SFD98 map, the total dust mass in the halo of M\,31 (0 -- 4 $R_{25}$)
decreases to $\sim 0.77 \times 10^8 M_\odot$, the dust mass in the disk is unchanged. In such case, about 55 per cent of dust is in the halo of M\,31.
In the above analysis, we have ignored the contributions of dust in the Galactic halo to the reddening of M\,31 halo.
If there are distant dust clouds in the Galactic halo that are not probed by our sampling stars, the resulting LAMOST reddening map will be under-estimated,
and reddening from the M\,31 halo will be over-estimated. However, considering the rapidly decreasing reddening profile for the M\,31 halo,
the effects of dust in the Galactic halo should be weak.
A number of radio observations have revealed an M\,31 neutral gaseous halo extending from its disk to at least halfway to M\,33 (Braun \& Thilker 2004; Lockman et al. 2012; Kerp et al. 2016).
About half of gas in its gaseous halo is in an extended, diffuse component, with another half composed of clouds that are likely to be fuel for future star formation in M\,31 and M\,33 (Wolfe et al. 2013).
Further explorations of properties of dust in the outskirts and CGM of M\,31 and M\,33 and associations with gas are very promising to constrain galactic outflows and recycling,
one of the key ingredients for understanding galaxy evolution.
\section{SUMMARY}
In this work, using 193,847 LAMOST stars with precise reddening estimates and parallaxes,
we have constructed a large two-dimensional foreground dust reddening map towards the M\,31 and M\,33 region ($111.2^\circ \le gl \le 136.2^\circ$, $-36.5^\circ \le gb \le -16.5^\circ$),
at a typical spatial resolution of about $12^\prime$.
The map agrees well with the SFD98 map in most regions and has a typical precision of 0.01 mag.
The map shows the complex structure of dust clouds towards the M\,31, suggesting that the map should be used
for precise foreground reddening corrections in studies such as measuring variations of extinction curves across different regions of M\,31.
By carefully removing the foreground reddening from the SFD98 map,
the distribution of dust in the outskirts of M\,31 and M\,33 are revealed in great details to a very large distance.
We find that a significant amount of dust in clumpy and filamentary structures exists in the halo of M\,31, out to a distance of over 100 kpc.
Reddening caused by dust in the M\,31 halo decreases from about 0.01 mag at the center to 0.001 mag at a projected distance of $\sim$ 5 $R_{25}$.
Dust in the M\,31 disk extends out to about 2.5 times its optical radius, whose distribution can be described by either an exponential disk of scale length of 7.2 kpc or
two disks with scale length of 11.1 kpc within its optical radius and 18.3 kpc beyond its optical radius.
Dust in the disk of M\,33 is also found to extend out to about 2.5 times its optical radius, beyond one optical radius, its distribution is
consistent with an exponential disk of scale length of 5.6 kpc.
Our results combined with future observations will provide new clues on the distributions, properties, and cycling of dust in spiral galaxies.
\begin{acknowledgements}
We acknowledge the anonymous referee for his/her valuable comments that improve the quality of this paper.
We acknowledge very helpful discussions with Xiaowei Liu, Biwei Jiang, Jiang Gao, Bingqiu Chen, Maosheng Xiang, and Yang Huang.
This work is supported by the National Key Basic R\&D Program of China via 2019YFA0405500, National Natural Science Foundation of China through the project NSFC 11603002,
and Beijing Normal University grant No. 310232102.
Guoshoujing Telescope (the Large Sky Area Multi-Object Fiber Spectroscopic Telescope LAMOST) is a National Major Scientific Project built by the Chinese Academy of Sciences. Funding for the project has been provided by the National Development and Reform Commission. LAMOST is operated and managed by the National Astronomical Observatories, Chinese Academy of Sciences.
This work has made use of data from the European Space Agency (ESA) mission {\it Gaia} (https://www.cosmos.esa.int/gaia), processed by the {\it Gaia} Data Processing and Analysis
Consortium (DPAC, https://www.cosmos.esa.int/
web/gaia/dpac/ consortium). Funding for the DPAC has been provided by national institutions, in particular the institutions participating in the {\it Gaia} Multilateral Agreement.
This research has made use of the SIMBAD database,
operated at CDS, Strasbourg, France
\end{acknowledgements}
|
\section{Introduction}
Given an initial set~$E\subset\mathbb{R}^n$, we
consider its evolution~$E_t$ for~$t>0$ according to
the nonlocal curvature flow
\begin{equation}\label{kflow}
\partial_t x\cdot \nu=-H^K_{E_t}(x)
\end{equation}
where $\nu$ is the outer normal at $x\in \partial E_t$.
The quantity~$H_E^K(x)$ is the
$K$-curvature of~$E$ at $x$, which is defined in~\eqref{CURVA} below.
More precisely, we take a kernel~$K:\mathbb{R}^n\setminus\{0\}\to[0,+\infty)$
such that \begin{equation}\label{ROTAZION2}
\min\{1, |x|\}\, K(x) \in L^1(\mathbb{R}^n)\qquad \text{ and }\qquad K(x)=K(-x)\end{equation}
and we define the $K$-curvature of a set~$E$ of class $C^{1,1}$,
at~$x\in \partial E$, as
\begin{equation}\label{CURVA} H^K_E(x):=\lim_{\varepsilon\searrow0}
\int_{\mathbb{R}^n\setminus B(x,\varepsilon)}\Big(
\chi_{\mathbb{R}^n\setminus E}(y)-\chi_E(y)\Big)\,K(x-y)\,dy,\end{equation}
where as usual
$$ \chi_E(y):=\left\{
\begin{matrix}
1 & {\mbox{ if }}y\in E,
\\ 0 & {\mbox{ if }}y\not\in E.
\end{matrix}
\right. $$
For more general sets the $K$-curvature will be understood
in the viscosity sense (see Definition \ref{viscosity} below) and may be also infinite.
We point out that~\eqref{ROTAZION2} is a very mild integrability assumption,
which fits the requirements in~\cites{imbert, MR3401008}
in order to have existence and uniqueness for the
level set flow associated to~\eqref{kflow}.
Furthermore, when $K(x)= \frac{1}{|x|^{n+s}}$ for some $s\in (0,1)$, we will denote the
$K$-curvature of a set~$E$ at a point~$x$ as~$H^s_E(x)$, and we indicate it as
the fractional mean curvature of~$E$ at~$x$.
We also observe that
the $K$-curvature is the the first variation of the following nonlocal perimeter functional, see \cites{MR3401008},
\begin{equation}\label{per} \mathrm{Per}_K(E):= \int_{E}\int_{\mathbb{R}^n\setminus E} K(x-y)\,dx\,dy,
\end{equation}
and the geometric evolution law~\eqref{kflow} can be interpreted as the $L^2$
gradient flow of this perimeter functional, as shown in~\cite{MR3401008}.
The $K$-curvature flow has been recently studied from different perspectives, mainly in the case of the fractional mean curvature, taking into account several geometric features.
In particular we recall the results about small time existence of a classical solutions \cite{vesa},
existence and uniqueness of level set solutions \cites{imbert,MR3401008},
preservation
of convexity \cite{ruf, cinti2}, formation of singularities \cite{cinti1}, classification of symmetric self-shrinkers \cite{cnself}, fattening phenomena \cite{fattening} and stability results for nonlocal curvature flows \cite{av, cdnp}.
In this paper we are interested in the analysis of the flows starting from $K$-mean convex sets, that is, sets with positive $K$-curvature,
and from sets which are one-side minimizers of the nonlocal perimeter functional, the so called $K$-outward minimizing set. This second property can be interpreted as the variational analogue
of the $K$-mean convexity, as we will see in Theorem \ref{euler}. In the case of the fractional curvature, the preservation of the $K$-mean convexity
for smooth sets has been studied in \cite{SAEZ}. Here we consider more general flows, and also nonsmooth initial data.
We show that $K$-mean convexity is a too weak condition to be conserved during the evolution, as a consequence we introduce
the notions of regular $K$-mean convexity and strong $K$-mean convexity (see Definition \ref{kmean}). We introduce the notion of $K$-outward minimality and strong $K$-outward minimality (see Definition \ref{outward}).
The main results are contained in Theorem \ref{thmconvexity}, about the preservation of regular $K$-mean convexity and strong $K$-mean convexity,
and Theorem \ref{presmin} about preservation of $K$-outward minimality.
Our main tools are the level set approach for geometric nonlocal curvature flows, developed in \cite{imbert,MR3401008}, that we review in Section \ref{sezionelevel}, and the variational scheme, called minimizing movements or Almgren-Taylor-Wang scheme, introduced in \cite{ATW,LS} for the classical mean curvature flow, and extended to the nonlocal setting in \cite{MR3401008}.
We conclude by recalling that, in the local case, there is a vast literature on the analysis of the mean curvature flow starting from convex sets (see \cite{GH, gigagotoishiisato, MR2238463, soner, belle}) and more generally from
mean-convex sets (see \cite{white, spadaro, dephilaux, chn} and reference therein).
In particular, these geometric properties are preserved by the flow, both in the isotropic and in the anisotropic case, and the singularity formation is
well understood (see for instance \cite{Hu,HS,HK,HW}).
\smallskip
The paper is organized as follows: Section \ref{sezionedefinizioni} contains the definition of $K$-mean convexity and $K$-outward minimality,
some examples, and the analysis of the relation between the two notions.
Section \ref{sezionelevel} is essentially a review of the level set formulation of nonlocal curvature flows, and contains the comparison results between level set flows and classical strict subflows and superflows. Section \ref{sezionekmean} is devoted to the analysis of the flows starting from $K$-mean convex sets. Section \ref{sezionemin} provides a review of the minimizing movement scheme in the nonlocal setting. Finally, Section \ref{sezionekoutward} contains the analysis of the flows starting from $K$-outward minimizing sets.
\smallskip
\noindent\textbf{Acknowledgments:} The authors are members of the Gruppo Nazionale per l'Analisi Matematica, la Probabilit\`a e le loro Applicazioni (GNAMPA) of the Istituto Nazionale di Alta Matematica (INdAM). M.N. acknowledges partial support by the PRIN 2017 Project
\emph{Variational methods for stationary and evolution problems with singularities and interfaces}.
\section{Main definitions and properties} \label{sezionedefinizioni}
In this section we introduce the notions of $K$-mean convexity and $K$-outward minimality,
we give some examples and characterizations of these properties, and we analyze their relation.
We now recall the definition of constant $K$-mean curvature in the viscosity sense,
for more details we refer to \cites{imbert, MR3401008}
and to~\cite[Section~5]{MR2675483}.
\begin{definition}\label{viscosity}
Let $E\subseteq \mathbb{R}^n$ and $x\in\partial E$. Then
\begin{enumerate}
\item $H^K_E(x)\leq c$ if for all sets $F$ with compact boundary of class $C^{1,1}$ such that $E\subseteq F$ and $x\in \partial F$, there holds $H_F^K(x)\leq c$;
\item $H^K_E(x)\geq c$ if for all sets $F$ with compact boundary of class $C^{1,1}$ such that $E\supseteq F$ and $x\in \partial F$, there holds $H_F^K(x)\geq c$;
\item $H^K_E(x)= c$ if both $H^K_E(x)\geq c$ and $H^K_E(x)\leq c$.
\end{enumerate}
\end{definition}
From \eqref{CURVA} it follows that the $K$-mean curvature satisfies the following monotonicity property:
if $E\subseteq F$ and $x\in \partial E\cap\partial F$ is a point where both $H^K_E(x)$ and $H^K_F(x)$ are defined,
then $H^K_E(x)\geq H^K_F(x)$.
As a consequence, the inequalities in Definition \ref{viscosity} are consistent with the definition of $H^K_E$ in
\eqref{CURVA}.
We observe that the viscosity inequality $H^K_E(x)\leq c$ can be checked only at points $x\in \partial E$ where $E$ satisfies an exterior ball condition, that is, there exists $y_0, r_0$ such that $B(y_0, r_0)\subseteq \mathbb{R}^n\setminus E$, $x\in \partial B(x_0, r_0)$.
Analogously the viscosity inequality $H^K_E(x)\geq c$ can be checked only at points $x\in \partial E$ where $E$ satisfies an interior ball condition, that is, there exists $y_0, r_0$ such that $B(y_0, r_0)\subseteq E$, $x\in \partial B(x_0, r_0)$.
In particular, if $E$ is a closed set with empty interior, then the viscosity inequality $H^K_E(x)\geq k$ is always verified for every $k\in \mathbb{R}$.
We will denote as usual the distance between a point $x$ and a set $E$ as $d(x,E)=\inf_{y\in E}|y-x|$,
and we define the signed distance from $E$ as follows
\[d_E(x)=d(x,\mathbb{R}^n\setminus E)-d(x,E).\]
We define for $\lambda>0$,
\begin{equation}\label{ingr} E^\lambda:=\{x\in\mathbb{R}^n\text{ s.t. }d_E(x)\geq -\lambda\}=\{x\in\mathbb{R}^n\text{ s.t. }d(x,E)\leq \lambda\}.\end{equation}
Observe that if $E$ is a closed set then $E=\cap_{\lambda>0}E^\lambda$.
Finally, we define the distance between two sets $A, B\subseteq \mathbb{R}^n$, as follows
\[d(A, B)=\inf_{a\in \partial A, b\in \partial B} |a-b|.\]
\begin{definition}[$K$-mean convexity, regular $K$-mean convexity, strong $K$-mean convexity] \label{kmean} \ \
\begin{enumerate}
\item A closed set $E\subseteq \mathbb{R}^n$ is {\bf $K$-mean convex} if $H_E^K(x)\geq 0$ for all $x\in\partial E$.
\item A closed set $E\subseteq \mathbb{R}^n$ is {\bf regularly $K$-mean convex} if
there exists $\eta_E>0$ and $c_E> 0$ such that for all $\lambda\in [0, \eta_E]$ \[ H^K_{E^\lambda}(x) \geq -c_E\lambda \qquad \text{for any $x \in \partial E^\lambda$.}\]
where $E^0=E$.
\item A closed set $E\subseteq \mathbb{R}^n$ is {\bf strongly $K$-mean convex} if there exists $\delta\geq 0$ and $\xi_E>0$ such that \[
H^K_{E^\lambda}(x) \geq \delta\qquad \text{for any $x \in \partial E^\lambda$}\] for every $\lambda\in [0, \xi_E]$.
To keep track of the constant $\delta$ we will say in the following that $E\subseteq \mathbb{R}^n$ is {\bf strongly $K$-mean convex set} with associated constant $\delta$.
\end{enumerate}
\end{definition}
\begin{remark}\upshape \label{regularset}
Note that if $E$ is strongly $K$-mean convex, then $E$ is also regularly $K$-mean convex.\end{remark}
\begin{remark}[Sets with $C^{1,1}$ boundary] \upshape
Let $E$ be a compact set with $C^{1,1}$ boundary.
If $H^K_E(x)\geq \delta$ $\forall x\in \partial E$, then for all $\delta'<\delta$, there exists $\xi_E(\delta')$ such that \[H_{E^\eta}^K(x)\geq \delta'\qquad \text{ for all $\eta\in [0, \xi_E(\delta')]$ and $x\in \partial E^\eta$}\] due to the continuity of $H^K$ with respect to $C^{1,1}$ convergence of sets, see \cite{MR3401008}, and therefore $E$ is strongly $K$-mean convex with constant $\delta' $.
If $H^K_E(x)\geq 0$ $\forall x\in \partial E$, and $K(x)=\frac{1}{|x|^{n+s}}$, then \[\text{$E$ is regularly $K$-mean convex, }\] due to the result about the variation of fractional curvature with respect to $C^{1,1}$ diffeomorphisms of sets proved in \cite{cozzi}.
\end{remark}
\begin{remark}[Convex sets] \upshape
Let $C$ be a convex closed set. Then \[\text{$C$ is strongly $K$-mean convex with associated constant $0$}\] since it is easy to show that $H^K_C(x)\geq 0$ for every $x\in \partial C$ in the viscosity sense, and moreover $C^\lambda$ are convex sets. Moreover, if $C$ is compact and
$\text{ supp } K$ is not compact, then there exists $\delta_C>0$ depending on $K$ and $C$ such that \[\text{$C$ is strongly $K$-mean convex with associated constant $\delta_C$.}\] Indeed, it is easy to check that if $C\subseteq \mathbb{R}^n$ is a convex set of diameter $R$, then \[H^K_C(x)\geq \int_{\mathbb{R}^n\setminus B(0,R)}K(y)dy:=\delta_C\qquad \text{ for every $x\in \partial C$.}\]
\end{remark}
\begin{remark}[Set with positive curvature which is not regularly $K$-mean convex] \label{counter}
We point out that if $E$ is a set such that $H^K_E(x)\geq \delta>0$ for $x\in \partial E$, but $\partial E\not\in C^{1,1}$, then in general it is not true that $E$ is regularly $K$-mean convex.
We recall the following example studied in \cite{fattening}.
We consider the fractional kernel in dimension $2$, that is $K(x)=\frac{1}{|x|^{2+s}}$.
We define the set $E$ as follows
\[ E:= {\mathcal{G}}_+\cup {\mathcal{G}}_-\subseteq\mathbb{R}^2,\] where ${\mathcal{G}}_+$ is the convex hull of~$B((-1,1),1)$ with the origin,
and~${\mathcal{G}}_-$ the convex hull of~$B((1,-1),1)$ with the origin.
Note that $\partial E\setminus (0,0)$ is $C^{1,1}$ and in $(0,0)$ the viscosity supersolution condition $H^K_E(0,0)\geq \delta$ is true for every $\delta$ since there is no interior ball in $E$ containing $(0,0)$, that is, there are no regular sets $F$ such that $F\subseteq E$ and $(0,0)\in \partial F$. It is an easy computation to check, using the radial symmetry of $K$, that for all $x\neq 0$, $x\in \partial E$ there holds \[H^s_E(x)\geq \int_{\mathbb{R}^2\setminus B(0, 1+\sqrt{2})} \frac{1}{|y|^{2+s}}dy= \frac{2\pi}{(1+\sqrt{2})^s} .\]
Let $Q_r=\{(x_1,x_2)\in \mathbb{R}^2\ \text{ s.t. }x_2\in [-r,r], \ -|x_2|\leq x_1\leq |x_2|\}$. It has been proven in \cite[Lemma 7.1]{fattening} that there exists a constant $c>0$ depending on $s$ such that for all $r<c$ there holds
\[H^s_{E\cup Q_r}(t, r), \ H^s_{E\cup Q_r}(t,- r)\leq -\frac{c}{r^s}\qquad \text{ for all $t\in (-r,r)$}.\]
Note that for every point $(t,- r), (t,r)$ with $t\in (-r,r)$ there exists a neighborhood where $\partial (E\cup Q_r)$ is $C^{1,1}$, therefore the previous inequality holds in classical sense.
Consider now $E^r=\{x\in \mathbb{R}^n\text{ s.t. }d(x, E)\leq r\}$ and note that $(0,r)\in \partial E^r$. Let $F$ be a set with boundary $C^{1,1}$ such that $F\subseteq E^r$, $(0,r)\in \partial F$ and such that there exists $\delta<<r$ for which $\partial F\cap B((0,r),\delta)= \partial (E\cup q_r)\cap B((0,r), \delta)$. Then $ H^s_{F}(0,r) \leq -\frac{c}{r^s}$.
If $E$ were regularly $K$-mean convex, there would exist $c_E>0$ such that $ H^s_{F}(0,r) \geq -c_E r$ for every $r\in [0, \eta_E]$. Therefore we would get $-\frac{c}{r^s}\geq -\eta_E r$ for every $r\in [0, \eta_E]$, which is not possible.
We conclude that $E$ is not regularly $K$-mean convex. \end{remark}
Given a measurable set $E\subseteq \mathbb{R}^n$ and an open set $\Omega\subseteq\mathbb{R}^n$ we let
\[
\mathrm{Per}_K(E,\Omega):=\int_E \int_{\Omega\setminus E} K(x-y)\,dx\,dy + \int_{E\cap\Omega} \int_{\mathbb{R}^n\setminus(\Omega\cup E)} K(x-y)\,dx\,dy\,.
\]
Notice that, if $E\subset\Omega$ then $\mathrm{Per}_K(E,\Omega)= \mathrm{Per}_K(E)$, in particular $\mathrm{Per}_K(E,\mathbb{R}^n)= \mathrm{Per}_K(E)$ for all sets $E$.
\begin{definition}[$K$-outward minimizing set and strongly $K$-outward minimizing set] \label{outward} \ \ \\
Let $\Omega\subseteq\mathbb{R}^n$ be an open set.
$E\subseteq \mathbb{R}^n$ is a {\bf $K$-outward minimizing set} in $\Omega$ if for every $F\subseteq \mathbb{R}^n$ such that $E\subseteq F$ and $F\setminus E\subset\subset \Omega$ there holds \[\ \mathrm{Per}_K(E,\Omega)\leq \mathrm{Per}_K(F,\Omega).\]
$E\subseteq \mathbb{R}^n$ is {\bf strongly $K$-outward minimizing set} in $\Omega$ if there exists $\delta>0$ for which for every $F\subseteq \mathbb{R}^n$ such that $E\subseteq F$ and $F\setminus E\subset\subset \Omega$ there holds \[\ \mathrm{Per}_K(E,\Omega)\leq \mathrm{Per}_K(F,\Omega)-\delta|F\setminus E|.\]
To keep track of the constant $\delta$ we will say in the following that $E\subseteq \mathbb{R}^n$ is strongly $K$-outward minimizing set with associated constant $\delta$.
\end{definition}
We now provide some equivalent characterizations of $K$-outward minimality and strong $K$-outward minimality, which imply in particular the stability
under $L^1$ convergence of $K$-outward minimizing sets.
\begin{proposition}\label{conv}
Let $\Omega\subseteq \mathbb{R}^n$ be a domain. The following assertions are equivalent:
\begin{enumerate} \item $E$ is a $K$-outward minimizing set in $\Omega$ (resp. strongly $K$-outward minimizing set with associated constant $\delta>0$).
\item For every $G\subseteq\mathbb{R}^n$ such that $G\setminus E\subset\subset \Omega$ there holds that
\begin{equation}\label{inter}
\mathrm{Per}_K(E\cap G,\Omega)\leq \mathrm{Per}_K(G,\Omega), \qquad(\text{resp. }\mathrm{Per}_K(E\cap G,\Omega)\leq \mathrm{Per}_K(G,\Omega)-\delta|G\setminus E|).\end{equation}
\item For all $A\subseteq \Omega\setminus E$, $A\subset\subset \Omega$ there holds that
\begin{equation}\label{uno} \int_{A}\int_{E} K(x-y)dxdy\leq \int_A\int_{\mathbb{R}^n\setminus (A\cup E)}K(x-y)dxdy\end{equation}
\[\left(\text{resp. }\int_{A}\int_{E} K(x-y)dxdy\leq \int_A\int_{\mathbb{R}^n\setminus (A\cup E)}K(x-y)dxdy -\delta |A|\right).\]
\end{enumerate}
In particular, if $E_n $ is a sequence of $K-$outward minimizing sets (resp. strongly $K$-outward minimizing sets with associated constant $\delta$) in $\Omega$ such that $E_n\to E$ in $L^1(\Omega)$, then $E$ is a $K$-outward minimizing set in $\Omega$ (resp. a strongly $K$-outward minimizing set with associated constant $\delta$).
\end{proposition}
\begin{proof}
We proof the characterization just for $K$-outward minimizers, since the case of strongly $K$-outward minimizers is completely analogous.
We recall that for all $A, B\subseteq\mathbb{R}^n$, the following submodularity property holds \begin{equation}
\label{sub}\mathrm{Per}_K(A,\Omega)+\mathrm{Per}_K(B,\Omega)\geq \mathrm{Per}_K(A\cap B,\Omega)+\mathrm{Per}_K(A\cup B,\Omega),\end{equation}
see e.g. \cite{cn}.
If \eqref{inter} holds, then it is immediate to check Definition \ref{outward}: we fix $F\supseteq E$, with $F\setminus E\subset\subset \Omega$ and we apply \eqref{inter} to $G=F$.
On the other hand, if $E$ is a $K$-outward minimizing set in $\Omega$ and
$G$ is such that $G\setminus E\subset\subset \Omega$, letting $F=G\cup E$ and using the submodularity for the first inequality and Definition \ref{outward} for the second one, we get
\[\mathrm{Per}_K(E,\Omega)+\mathrm{Per}_K(G,\Omega)\geq \mathrm{Per}_K(F,\Omega)+\mathrm{Per}_K(G\cap E,\Omega)\geq \mathrm{Per}_K(E,\Omega)+\mathrm{Per}_K(E\cap G,\Omega).\]
We now assume that $E$ is a $K$-outward minimizing set in $\Omega$ and we fix $A\subseteq \Omega\setminus E$, with $A\subset\subset\Omega$. Let $F:=E\cup A$, so that $E\subseteq F$ and $F\setminus E\subset\subset\Omega$.
By Definition \ref{outward} we know that
\[
0\le \mathrm{Per}_K(F,\Omega)-\mathrm{Per}_K(E,\Omega) = \int_{ A}\int_{\mathbb{R}^n\setminus F}K(x-y)dxdy - \int_{ A}\int_{E}K(x-y)dxdy,
\] which gives \eqref{uno}.
On the other hand, if we assume that \eqref{uno} holds and fix $F$ such that $E\subseteq F$ and $A:=F\setminus E\subset\subset \Omega$,
then \eqref{uno} gives
\[
\mathrm{Per}_K(F,\Omega)-\mathrm{Per}_K(E,\Omega) = \int_{ A}\int_{\mathbb{R}^n\setminus F}K(x-y)dxdy - \int_{ A}\int_{E}K(x-y)dxdy\geq 0,
\]
which implies that $E$ is $K$-outward minimizing.
Finally, the stability under $L^1$ convergence is a direct consequence of \eqref{inter} and of the lower semicontinuity of $\mathrm{Per}_K$. Indeed fix $F$ such that $E\subseteq F$ and $F\setminus E\subset\subset \Omega$. Since $E_n\to E$ in $L^1(\Omega)$, we get that for $n$ sufficiently large $F\setminus E_n\subset\subset \Omega$. Then by the fact that $E_n$ are $K$-outward minimizers in $\Omega$,
$\mathrm{Per}_K(E_n\cap F,\Omega)\leq \mathrm{Per}_K(F,\Omega) $, and we conclude by lower semicontinuity of $\mathrm{Per}_K(\cdot,\Omega)$ that
$\mathrm{Per}_K(E\cap F,\Omega)\leq \mathrm{Per}_K(F,\Omega) $.
\end{proof}
\begin{remark}[Hyperplanes and convex sets]\upshape
Let $\nu\in \mathbb{R}^n$ with $|\nu|=1$ and define the hyperplane $H=\{x\in \mathbb{R}^n\text{ s.t. } x\cdot \nu\geq 0\}$. Then $H$ is a $K$-outward minimizer in every ball $B(0, R)$ for $R>0$, since $H$ is a local minimizer of $\mathrm{Per}_K$ in every ball $B(0,R)$, see \cite{pagliari}.
Moreover, every convex set $C$ is a $K$-outward minimizer in every ball $B(0, R)$ for $R>0$.
Indeed $C=\cap_{j\in J} H_j$ with $H_j$ hyperplanes. Let $E$ such that $E\setminus C\subset\subset B(0,R)$. Then $E\setminus H_i\subset\subset B(0,R)$ for every $i\in J$ and by minimality of $H_i$ we get
\[
\mathrm{Per}_K(C\cap E,B(0,R))=\mathrm{Per}_K( \cap_j H_j\cap E,B(0,R))\leq \mathrm{Per}_K( \cap_{j\neq i}H_j\cap E,B(0,R)).\] By repeating the same argument for every $j\in J$, we conclude $\mathrm{Per}_K(C\cap E,B(0,R))\leq \mathrm{Per}_K(E,B(0,R))$.
\end{remark}
We now analyze the relation between $K$-outward minimality and $K$-mean convexity for compact sets.
In some sense, (strong) $K$-outward minimality is the variational analogue of (strong) $K$-mean convexity.
\begin{theorem}\label{euler}\ \ \ \begin{enumerate}
\item Let $E\subset \subset \Omega$ be a $K$-outward minimizing set in $\Omega$. Then $H^K_E(x)\geq 0$ for all $x\in \partial E$. If moreover $E$ is a strongly $K$-outward minimizing set with associated constant $\delta>0$ then $H^K_E(x)\geq \delta>0$, for all $x\in \partial E$.
\item Let $E\subset\mathbb{R}^n$ be a bounded set, with boundary of class $C^{1,1}$, strongly $K$-mean convex with associated constant $\delta\geq 0$. Then there exists an open set $\Omega$, such that $E\subset\subset \Omega$ and $E$ is a $K$-outward minimizer in $\Omega$ if $\delta=0$, or it is a strongly $K$-outward minimizer, with associated constant $\delta$, if $\delta>0$.
\end{enumerate}
\end{theorem}
\begin{proof}
\noindent
\begin{enumerate}\item
For the case of fractional perimeters, this result has been proved proved in \cite[Proposition 5.1]{MR2675483}. Let $\delta\geq 0$. If $E$ is a $K$-outward minimizer, we choose $\delta=0$, if $E$ is a strongly $K$-outward minimizer, we choose $\delta>0$ to be the constant associated to $E$ according to Definition \ref{outward}. We proceed by contradiction and we assume there exists $x_0\in \partial E$, $F\subseteq E$ with $\partial F\in C^{1,1}$, $x_0\in \partial E \cap \partial F$, and $H_F^K(x_0)\leq \delta -2\rho<\delta$ for some $\rho>0$. Then by continuity of $H^K$ there exists $r>0$ such that $H_F^K(x)\leq \delta-\rho$ for every $x\in\partial E\cap B(x_0,r)$. We construct a $1$-parameter family $\Phi_\varepsilon$ of $C^{1,1}$ diffeomorphisms, such that $F=\Phi_0(F)\subseteq \Phi_\varepsilon(F)\subset\Omega$ and $\Phi_\varepsilon(F)\setminus F\subset\subset B(x_0, r)\subset\subset\Omega$ for every $\varepsilon\in (0, \varepsilon_0)$. Again by continuity there holds $H^K_{\Phi_\varepsilon(F)}(x)\leq \delta-\rho/2$ for all $x\in \partial \Phi_\varepsilon(F)\setminus F$. Using the fact that $H^K$ is the first variation of $\mathrm{Per}_K$ with respect to $C^{1,1}$ diffeomorphisms, we get, see \cite[Proposition 5.2]{MR3401008},
\begin{equation}\label{un}\mathrm{Per}_K(\Phi_\varepsilon(F))=\mathrm{Per}_K(F)+ \int_{ \Phi_\varepsilon(F)\setminus F} H^K_{\Phi_{\varepsilon(x)}(F)}(x)dx\end{equation} where $\varepsilon(x):= \sup\{\lambda\in (0, \varepsilon)\ x\in \Phi_{\lambda}(F)\}$ and
\begin{equation}\label{do}\mathrm{Per}_K(E\cap \Phi_\varepsilon(F)\geq \mathrm{Per}_K(F)+\int_{(E\cap \Phi_\varepsilon(F))\setminus F} H^K_{\Phi_{\varepsilon(x)}(F)}(x)dx.\end{equation}
From \eqref{un}, \eqref{do}, recalling that $H^K_{\Phi_\varepsilon(F)}(x)\leq \delta-\rho/2$ in $\Phi_\varepsilon(F)\setminus E\subseteq \Phi_\varepsilon(F)\setminus F$, we conclude that \begin{eqnarray*} \mathrm{Per}_K(E\cap \Phi_\varepsilon(F))&\geq & \mathrm{Per}_K(\Phi_\varepsilon(F))- \int_{ \Phi_\varepsilon(F)\setminus E}H^K_{\Phi_{\varepsilon(x)}(F)}(x)dx\\ &\geq & \mathrm{Per}_K(\Phi_\varepsilon(F))
+\left(-\delta+\frac{\rho}{2}\right) |\Phi_\varepsilon(F)\setminus E|\\&> & \mathrm{Per}_K(\Phi_\varepsilon(F))
-\delta |\Phi_\varepsilon(F)\setminus E|
. \end{eqnarray*} in contradiction with the fact that $E$ is a $K$-outward minimizing set in $\Omega$ if $\delta=0$ or a strong $K$-outward minimizing set if $\delta>0$.
\item
We let $\Omega:=E^{\xi_E}$, so $E\subset\subset \Omega$ and by \cite[Proposition 5.2]{MR3401008}, for every $F$ with $\mathrm{Per}_K(F)<+\infty$ such that $E\subset F\subset E^{\xi_E}$
there holds
\[\mathrm{Per}_K(F)\geq \mathrm{Per}_K(E)+\int_{F\setminus E} H^K_{\{y\text{ s.t. } d_E(y)\geq d_E(x)\}}(x)dx\geq \mathrm{Per}_K(E)+\delta|F\setminus E|, \] where the last inequality comes from the fact that for $x\in F\setminus E$, there holds that $-\xi_E<d_E(x)<0$ and by recalling that $H^K_{E^\lambda}(x)\geq\delta$ for all $\lambda\in [0,\eta']$. This implies that $E$ is $K$-outward minimizing in $\Omega$ with associated constant $\delta$.
\end{enumerate}
\end{proof}
\begin{remark}
We point out that $K$-mean convexity does not imply $K$-outward minimality. In particular if $E$ is a set such that $H^K_E(x)\geq \delta>0$ for all $x\in \partial E$, but $\partial E\not\in C^{1,1}$, then it is not always true that there exists $\Omega\supset E$ such that $E$ is a $K$-outward minimizing set in $\Omega$. We consider the example described in Remark \ref{counter} of a set $E\in \mathbb{R}^2$ which satisfies $H^s_E(x)\geq \frac{2\pi}{(1+\sqrt{2})^2}$
for all $x\in \partial E$ and which is not $K$-outward minimizing.
We recall, see Remark \ref{counter}, that
\[H^s_{E\cup Q_r}(t, r), H^s_{E\cup Q_r}(t,- r)\leq -\frac{c(n)}{r^s}\qquad \text{ for all $t\in (-r,r)$},\]
where $Q_r=\{(x_1,x_2)\in \mathbb{R}^2\ \text{ s.t. }x_2\in [-r,r], \ -|x_2|\leq x_1\leq |x_2|\}$.
Then, arguing exactly as in \cite[Proposition 1.8]{fattening} it is possible to show that $\mathrm{Per}_s(E\cup Q_r)<\mathrm{Per}_s(E)$,
which implies that $E$ is not a $K$-outward minimizing set.
\end{remark}
\section{Level set formulation}\label{sezionelevel}
In this section we recall the level set formulation of the geometric flow \eqref{kflow} in the setting of viscosity solutions for nonlocal equations,
and we collect some results that will be useful in the sequel.
The viscosity theory for the classical mean curvature flow is
contained in~\cite{MR1100211,MR1100206}, see also~\cite{MR2238463}
for a comprehensive presentation of the level set approach for classical geometric
flows. The existence and uniqueness of solutions for the fractional curvature flow in~\eqref{kflow} in the
viscosity sense have been investigated in~\cite{imbert} by
introducing the level set formulation of the geometric evolution problem~\eqref{kflow} and
a proper notion of viscosity solution.
The paper \cite{MR3401008} is the main reference where it is introduced
a general framework for the analysis via the level set formulation of a
wide class of local and nonlocal translation-invariant geometric flows.
The level set flow associated to~\eqref{kflow} can be defined as follows.
Given a closed set $E\subseteq \mathbb{R}^n$
we choose a Lipschitz continuous function
$u_E:\mathbb{R}^n\to \mathbb{R}$ such that
\begin{eqnarray}\nonumber &&
\partial E=\{x\in\mathbb{R}^n \text{ s.t. } u_E(x)=0\}=\partial\{x\in\mathbb{R}^n\text{ s.t. } u_E(x)\geq 0\}\\ \label{u}{\mbox{and }} && E=\{x\in\mathbb{R}^n\text{ s.t. } u_E(x)\geq 0\},
\end{eqnarray} e.g. $u_E(x)=d_E(x)$.
Let also~$u_E(x,t)$ be the viscosity solution of the following nonlocal parabolic problem
\begin{equation}\label{levelset}
\begin{cases}
\partial_t u(x,t)+|Du(x,t)| H^K_{\{y\text{ s.t.} u(y,t)\geq u(x,t)\}}(x)=0,\\
u(x,0)= u_E(x).
\end{cases}
\end{equation} For the definition of viscosity solution we refer to \cite{MR3401008}, see also \cite{imbert}.
We observe that the inequality $H_E^K(x)\leq c$ (resp. $\geq c)$ for $x\in \partial E$ can be shown to be equivalent to
$H^K_{\{y\text{ s.t.} u_E(y)\geq 0\}}(x)\leq c$ (resp. $\geq c)$ for $x$ with $u_E(x)=0$, in the viscosity sense.
Due to the comparison principle proved in full generality in \cite{MR3401008} the system \eqref{levelset} admits a unique viscosity solution for every initial datum $u_E$ which is uniformly continuous. Moreover
if $u_E$ is Lipschitz continuous, the solution is still Lipschitz continuous in $x$ with the same Lipschitz constant.
\begin{remark}[Outer and Inner flow]\label{ineout}\upshape
We define the outer and inner flows defined as follows:
\begin{equation}
\label{outin} E^+(t):= \{x\in\mathbb{R}^n\text{ s.t. } u_E(x,t)\geq 0\} \qquad
{\mbox{and}} \qquad E^-(t):= \{x\in\mathbb{R}^n\text{ s.t. } u_E(x,t)>0\}
\end{equation} where $u_E(x,t)$ is the unique viscosity solution to \eqref{levelset} with initial data $u_E$ as defined in \eqref{u}.
The level set flow of $\partial E$ is given by
\begin{equation}\label{sigmaet} \Sigma_E(t):=\{x\in\mathbb{R}^n\text{ s.t. } u_E(x,t)=0\}. \end{equation}
We observe that since
the equation in \eqref{levelset} is geometric, if we replace the initial condition $u_E$ with any function $u_0$ with the same level sets $\{u_0 \geq 0\}$ and $\{ u_0 > 0 \}$, the evolutions $\Sigma_E(t)$, $E^+(t)$ and $E^-(t)$ remain the same.
For more details, we refer to \cites{imbert, MR3401008}.
Finally we observe that, if $\text{ int }E=\emptyset$, then $u_E(x)\leq 0$ for every $x\in \mathbb{R}^n$, by \eqref{u}. Therefore, by the comparison principle proved in \cite{MR3401008} we get that
$u_E(x, t)\leq 0$ for every $t>0$. In particular this implies that
\begin{equation}\label{empty} \text{ if $E$ has empty interior then $E^-(t)=\emptyset$ for all $t\ge0$.}
\end{equation}
\end{remark}
Finally we recall some results about comparison between the level set flow and geometric regular subsolutions and supersolutions to \eqref{kflow}, which have been proven in \cite[Appendix]{fattening} (see also \cite{MR3401008}).
We start with a geometric comparison principle proven in \cite[Corollary A8]{fattening}.
\begin{proposition} \label{cpgeometric}$\,$ \begin{itemize}\item[i)]
Let $F\subset E$ two closed sets in $\mathbb{R}^n$ such that
$d(F,E)=\delta>0$. Then $F^{+}(t)\subset E^{-}(t)$ for all $t>0$,
and the map $t\to d(F^{+}(t), E^{-}(t))$ is
nondecreasing.
\item[ii)] Let $v:\mathbb{R}^n\times[0, T)\to \mathbb{R}$ be a bounded uniformly continuous
viscosity supersolution to \eqref{levelset}, and assume that $
F\subseteq \{x\in\mathbb{R}^n\text{ s.t. } v(x,0)\geq 0\}.$
Then $$F^+(t)\subseteq \{x\in\mathbb{R}^n\text{ s.t. } v(x,t)\geq 0\},\qquad \text{ for all $t\in (0, T)$. }$$
Moreover, if $d(F, \;\{x\in\mathbb{R}^n\text{ s.t. } v(x,0)> 0\})=\delta>0,$ then $$
F^+(t)\subseteq \{x\in\mathbb{R}^n\text{ s.t. } v(x,t)>0\},\qquad \text{ for all $t\in (0, T)$,}$$ and
$$d\Big(F^{+}(t), \{x\in\mathbb{R}^n\text{ s.t. } v(x,t)>0\}\Big)\geq \delta .$$
\item[iii)] Let $w:\mathbb{R}^n\times[0, T)\to \mathbb{R}$
be a bounded uniformly continuous viscosity subsolution to \eqref{levelset},
and assume that $E\supseteq \{x\in\mathbb{R}^n\text{ s.t. } w(x,0)\geq 0\}).$
Then $$E^+(t)\supseteq \{x\in\mathbb{R}^n\text{ s.t. } w(x,t)\geq 0\},\qquad\text{ for all $t\in (0, T)$. }$$
Moreover, if $d(E,\{x\in\mathbb{R}^n\text{ s.t. } w(x,0)\geq 0\})=\delta>0,$
then $$E^{-}(t)\supseteq \{x\in\mathbb{R}^n\text{ s.t. } w(x,t)\geq 0\},\qquad\text{ for all~$t
\in(0,T)$,}$$ and
$$d\Big(E^{-}(t), \;\{x\in\mathbb{R}^n\text{ s.t. } w(x,t)\geq 0\}\Big)\geq \delta.$$
\end{itemize}
\end{proposition}
We now state a comparison result between the level set flow and
geometric subsolutions or supersolutions to \eqref{kflow}. We omit its proof since it follows exactly
as in \cite[Proposition A.10]{fattening}.
\begin{proposition}\label{subgeometrico}
Let $C(t)\subseteq \mathbb{R}^n$ for $t\in [0,T]$, be a continuous family of closed sets with compact boundaries,
and let $E\subseteq\mathbb{R}^n$ be a closed set.
\begin{itemize}\item[i)]
Assume that $C(t)$ satisfies a uniform interior ball condition at every point of its boundary, and that there exists $\delta>0$ such that at every~$
x\in \partial C(t)$ there holds
\begin{equation}\label{supergeo}
\partial_t x\cdot \nu(x)+H^K_{C(t)}(x)\geq \delta.\end{equation}
If~$E \subseteq C(0)$, with $d(E, C(0))=k\geq 0$, then $E^+(t)\subseteq C(t)$ for all $ t\in [0,T]$, with $d(E^+(t), C(t))\geq k$.
\item[ii)] Assume that $C(t)$ satisfies a uniform exterior ball condition at every point of its boundary, and that there exists $\delta>0$ such that
at every $x\in \partial C(t)$ there holds
\begin{equation}\label{subgeo} \partial_t x\cdot \nu(x)+H^K_{C(t)}(x)\leq-\delta.
\end{equation}
If $E \supseteq C(0)$, then $E^+(t)\supseteq C(t)$ for all $ t\in[0, T]$. \\
If $d(C(0), \{x\in\mathbb{R}^n\text{ s.t. }u_E(x)> 0\})=k>0$, then $E^-(t)\supseteq C(t)$ for all $ t\in[0,T]$, with $d(E^-(t), C(t))\geq k$.
\end {itemize}
\end{proposition}
\section{$K$-flow of $K$-mean-convex sets}\label{sezionekmean}
In this section we discuss some properties of the $K$-flow \eqref{kflow} starting from a regularly or strongly $K$-mean convex set.
We first show that the flow is monotone in the following sense.
\begin{proposition}\label{chara} \ \ \
\begin{enumerate}\item Let $E\subseteq \mathbb{R}^n$ be a strongly $K$-mean convex with associated constant $\delta>0$.
\\
If $\text{int }E=\emptyset$ then $E^-(t)=\emptyset$ and $\text{int }E^+(t)=\emptyset$ for every $t\ge 0$, whereas if $\text{int }E\neq \emptyset$, there holds
\begin{equation}\label{concl3new} E^+(t+s)\subseteq E^-(t)\text{ with }d(E^+(t+s), E^-(t))\geq \delta s \qquad \text{ for every $t\geq 0, s\in [0, \xi_E/\delta)$}\end{equation} where $E^-(0)=\text{int }E$.
In particular $E^{+}(t)\setminus E^-(t)$ has empty interior for all $t>0$.
\item Let $E\subseteq \mathbb{R}^n$ be a regularly $K$-mean convex. Then there holds
\begin{equation}\label{concl1new} E^+(t)\subseteq E \text{ and } E^+(t+s)\subseteq E^+(t)\qquad \text{ for every $t,s\geq 0$.}
\end{equation}
\end{enumerate}
\end{proposition}
\begin{proof}
\noindent
\begin{enumerate}\item
Let $\delta>0$ and $\xi_E$ be the constants associated to $E$, according to Definition \ref{kmean}. Let $\xi\leq \xi_E$. For $0<h< \min( \delta, \xi)$ and $s\in [0, 1]$ \[C(s):=E^{\xi-h s}.\]
We observe that $C(s)$ is a supersolution to \eqref{kflow}, in the sense that it
satisfies
\[ \partial_s x\cdot \nu+H^K_{C(s)}(x)=- h+H^K_{C(s)}(x)>0.\]
Since $E\subseteq E^{\xi}=C(0)$, by Proposition \ref{subgeometrico},
we get that for all $s\in (0, 1]$ there hold, for every $\xi\leq \xi_E$,
\[
E^{+}(s)\subseteq C(s)=E^{\xi-hs} \subseteq E^\xi\ \ \quad\text{and } \quad
d\left(E^+(s),E^{\xi-hs}\right)\geq d(E, E^{\xi})=\xi.\]
This implies that for all $s\in [0,1]$ \[E^{+}(s)\subseteq \cap_{0<\xi\leq \xi_E} E^\xi=E.\] \\
Therefore, if $\text{int}(E)=\emptyset$, we conclude that $\text{int }E^+(t)=\emptyset$ and we recall that $E^-(t)=\emptyset$ for all $t>0$ by \eqref{empty}.\\
Assume now that $E$ has nonempty interior. Arguing as above we define $C(s)=E^{\xi_E-\delta s}$ and we get that $C(s)$ is a supersolution to \eqref{kflow} for every $s\in [0, \xi_E/\delta)$. Therefore as above, by Proposition \ref{subgeometrico}, we get that $E^+(s)\subseteq E^{\xi_E-\delta s}$ for every $s\in [0, \xi_E/\delta)$ and $d(E^+(s), E^{\xi_E-\delta s})\geq d(E, E^{\xi_E})=\xi_E$.
Let $x\in \partial E^+(s)$. Then $d(x, \partial E^{\xi_E-\delta s})\geq d(E^+(s), E^{\xi_E-\delta s})\geq \xi_E$. Therefore, for every $y\in \partial E$ we get
\begin{eqnarray*}
\xi_E&\leq& d(x, \partial E^{\xi_E-\delta s})=\min_{z\in \partial E^{\xi_E-\delta s}} |x-z|\leq |x-y|+\min_{z\in \partial E^{\xi-\delta s}} |y-z|
\\
&=& |x-y|+\xi_E-\delta s,
\end{eqnarray*}
which in turn gives that for all $x\in \partial E^+(s)$ with $s\in [0,\xi_E/\delta)$ and all $y\in \partial E$ there holds
\[|x-y|\geq \delta s.\] This implies that for all $s\in [0,\xi_E/\delta)$
\begin{equation}\label{prova1} d\left(E^+(s), E\right)\geq \delta s>0.\end{equation}
In particular it follows that $E^+(s)\subseteq \text{int}(E)$.
By the Comparison Principle in
Corollary \ref{cpgeometric}, we get that
\[E^{+}(t+s)\subseteq E^- (t) \quad
{\mbox{ for all }}
t\geq 0, \ s\in (0, \xi_E/\delta),\quad \text{with }d(E^{+}(t+s), E^- (t) )\geq \delta s.\]
Finally we recall the following lower semicontinuity result for the outer evolution proved in \cite[Proposition A.12]{fattening}:
$\liminf_{\eta\to 0}|E^+(t+\eta)|\geq |\text{int }E^+(t)|$.\\
Then, since $E^{+}(t+s)\subseteq E^-(t)$ for $s\in (0,\xi_E/\delta)$, we get
\[|\text{int }(E^+(t)\setminus { E^-(t)})|\leq \limsup_{s\to 0^+} |\text{int }E^{+}(t)|-|E^{+}(t+s)|\leq 0\] which gives the conclusion.
\item
Now we consider the case of a regularly $K$-mean convex set $E$. Let fix $\lambda\leq \eta_E$ and $T<\frac{1}{c_E}$ and define the flow $C(t)=E^{c_E \lambda t}$ for $t\in [0, T]$. Note that since $c_E \lambda t\leq \eta_E$, there holds that $H^K_{C(t)}(x)\geq -c_E^2 \lambda t\geq -c_E^2 \lambda T>- c_E\lambda $ for all $t\in [0, T]$, which implies that $C(t)$ is a strict supersolution to \eqref{kflow}. Therefore by Proposition \ref{subgeometrico}, we get that
$$
E^+(t)\subseteq E^{ c_E\lambda t}\quad\text{ for all $0\leq t\leq T<\frac{1}{c_E}$ and every $\lambda\in (0, \eta_E]$. }
$$
This implies that for $t\in \left[0, \frac{1}{c_E}\right)$, $E^+(t)\subseteq \cap_{\lambda\in (0,\eta_E] }E^{c_E\lambda t}=E$, since $E$ is closed. Then by the Comparison Principle in
Corollary \ref{cpgeometric}, we get that
\[E^{+}(t+s)\subseteq E^+ (t) \quad \
{\mbox{ for all }}
t\geq 0, \ s\in \left[0, \frac{1}{c_E}\right).\]
\end{enumerate}
\end{proof}
\begin{remark}\upshape \label{fattrem} Observe that if $E$ is $K$-mean convex and $H^K_E(x)\geq \delta>0$ for all $x\in \partial E$ in viscosity sense, but $E$ is not regularly or strongly $K$-mean convex, then in general it is not true that $E^{+}(t)\subseteq E$ for $t>0$ and moreover it is not true that the flow does not develop fattening. Fattening phenomenon is related to non-uniqueness of the geometric flow; for an analysis of this phenomenon, mainly in dimension $2$, for geometric equations as \eqref{kflow}, we refer to \cite{fattening}.
As an example we consider the set $E$ described in Remark \ref{counter}. In \cite[Thm 1.10]{fattening} it is proved that there exists $t>0$ and $c>0$ such that $E^-(t)\subseteq B(0, r(\tau))\subseteq E^+(\tau)$ for all $\tau\in [0, t)$, where $r(\tau)=c(n) \tau^{1/(1+s)}$, so implying that \eqref{concl1new} cannot hold. \end{remark}
Moreover, we show that monotonicity of the flow implies $K$-mean convexity.
\begin {proposition}\label{pos2} Let $E$ be a closed set.
Assume that there exists $h>0$ such that \begin{equation}\label{concl1} E^+(t)\subseteq E \qquad\text{ for every $0\leq t\leq h$, }\end{equation}
then $H^K_E(x)\geq 0$ in viscosity sense for every $x\in \partial E$.
If moreover there exists $\delta>0$ such that \[ E^+(t)\subseteq E \text{ with }d(E, E^+(t))\geq \delta t\qquad\text{ for every $0\leq t\leq h$,}\] then $H^K_E(x)\geq \delta$ in viscosity sense for every $x\in \partial E$.
\end{proposition} \begin{proof} We prove directly the second statement, since the first can be proved in a similar way, just putting $\delta=0$. Assume that it is not true that $H^K_E(x)\geq \delta$ in viscosity sense for every $x\in \partial E$. Therefore there exists $x\in \partial E$ and a set $F$ with $C^{1,1}$ boundary such that $F\subseteq E$, $x\in \partial F\cap\partial E$ and $H^K_F(x)\leq \delta-4\rho<\delta$. By continuity of the curvature on regular sets (see \cite{MR3401008}), there exists $r>0$ such that for all $y\in \partial F\cap B(x,4r)$, there holds $H_F^K(y)\leq \delta-3\rho$.
Now we construct a strict subsolution $C(t)$ to \eqref{kflow} with $C(0)=F$ as follows. Let $c= \max_{y\in\partial F} H^K_F(y)\geq 0$ and
let $\psi_r, \phi_r:\mathbb{R}^n\to [0,1]$ be two smooth functions such that $\psi_r(y)=1$ for $y\in B(x, r)$ and $\psi_r(y)=0$ for $y\in \mathbb{R}^n\setminus B(x,2r)$, and on the other hand $\phi_r(y)=0$ for $y\in B(x,3r)$ and $\phi_r(y)=1$ for $y\in\mathbb{R}^n\setminus B(x,4r)$. We construct a family of regular sets as follows: $C(0)=F$ and $C(t)$ is the set whose boundary is
\[ \partial C(t)=\{y+(-\delta+\rho) t \psi_r(y) \nu_{\partial F}(y)-(c+2\rho)t \phi_r(y) \nu_{\partial F}(y)\ \text{ for all }y\in \partial F\}\] where $\nu_F(y)$ is the outer normal of $F$ at $x\in\partial F$. For $t>0$ sufficiently small, $C(t)$ is of class $C^{1,1}$ and moreover, by continuity of the curvature on regular sets, \begin{equation}\label{ct} H_{C(t)}^K(y)\leq \delta-2\rho\quad \text{for $y\in \partial C(t)\cap B(x,4r)$}\qquad \text{and }\quad c+\rho\geq \max_{y\in \partial C(t)} H^K_{C(t)}(y).\end{equation} Finally, observe that at every
$y\in \partial C(t)$ there holds
\[\partial_t y\cdot \nu(y) =(-\delta+\rho) \psi_r(y)-(c+2\rho)\phi_r(y)\leq -H_{C(t)}^K(y)-\rho \] where the last inequality is obtained by recalling the definition of $\phi_r, \psi_r$ and \eqref{ct}.
We conclude by Proposition \ref{subgeometrico} that, since $C(0)=F\subseteq E$, then $C(t)\subseteq E^+(t)$ for all $t>0$ sufficiently small.
Note that $d(x+(-\delta+\rho)t \nu_F(x),x)=(\delta-\rho)t$ and then $d(C(t), E)\leq (\delta-\rho)t<\delta t$, in contradiction with the fact that $d(E^+(t), E)\geq \delta t$ and $C(t)\subseteq E^+(t)\subseteq E$.
\end{proof}
\begin{remark}\upshape \label{entro}
Note that, arguing exactly as in the proof of Proposition \ref{pos2}, we may prove the following result: if $E$ is a closed set such that there exist $\delta>0$ and $h>0$ for which
\[\sup_{x\in E^+(t)} d(x, E)\leq \delta t\qquad \forall t\leq h, \]
then \[H^K_{E}(x)\geq -\delta\qquad\text{ in viscosity sense for all $x\in \partial E$}. \]
Indeed we argue by contradiction and we choose $F$ as in the proof of Proposition \ref{pos2}, with $C^{1,1}$ boundary such that $F\subseteq E$, $x\in \partial F\cap \partial E$ and $H^K_F(y)\leq -\delta-2\rho$ for all $y\in \partial F\cap B(x,r)$. We construct now a strict subsolution to \eqref{kflow} as
\[\partial C(t)=\{y+(\delta+\rho) t \psi_r(y) \nu_{\partial F}(y)-(c+2\rho)t \phi_r(y) \nu_{\partial F}(y)\ \text{ for all }y\in \partial F\}\] where $c= \max_{y\in\partial F} H^K_F(y)\geq 0$ (since $F$ is compact). Therefore by comparison $C(t)\subseteq E^+(t) $ and $\sup_{x\in C(t)} d(x, E)\geq (\delta+\rho) t$, which gives a contradiction.
\end{remark}
We collect the previous results about flows of regularly and strongly $K$-mean convex sets.
\begin{theorem}\label{thmconvexity}\ \ \begin{enumerate}\item Let $E$ be a strongly $K$-mean convex set with associated constant $\delta\geq 0$. Then for all $\eta\in [0, \xi_E)$ the outer flow $(E^\eta)^+(t)$ is monotone according to \eqref{concl3new} if $\delta>0$, or to \eqref{concl1new} if $\delta=0$ and moreover there holds
\[H^K_{(E^\eta)^+(t)}(x)\geq \delta\qquad\text{ for all $t\geq 0$. }\]
\item Let $E$ be a regularly $K$-mean convex set. Then the outer flow $E^+(t)$ is monotone according to \eqref{concl1new} and there holds
\[H^K_{E^+(t)}(x)\geq 0\qquad \forall t\geq 0. \]
\end{enumerate}
\end{theorem}
\begin{proof}
\noindent
\begin{enumerate} \item Note that by definition if $K$ is strongly $K$-mean convex with associated constant $\delta\geq 0$, then also $E^\eta$, for any $\eta\in (0, \xi_E)$, is strongly $K$-mean convex with associated constant $\delta\geq 0$, and $\xi_{E^\eta}=\xi_E-\eta$. Therefore, we may apply Proposition \ref{chara} to every $E^\eta$ and deduce that if $\delta=$ then \eqref{concl1new} holds for $(E^\eta)^+(t)$ for every $t\geq 0$ and if $\delta>0$ then \eqref{concl3new} holds for $s\in \left[0, \frac{\xi_E-\eta}{\delta}\right]$ and for every $t\geq 0$. Now, by Proposition \ref{pos2}, we get that \[H^K_{(E^\eta)^+(t)}(x)\geq \delta\qquad\text{ for all $t\geq 0$. }\]
\item The fact that $H^K_{E^+(t)}(x)\geq 0$ is a consequence of \eqref{concl3new} and Proposition \ref{pos2}.
\end{enumerate}
\end{proof}
\section{Minimizing movements}\label{sezionemin}
We now recall the variational scheme, sometimes called minimizing movements, introduced in \cite{ATW} for the classical mean curvature flow,
and later extended to the nonlocal setting in \cite{MR3401008}.
Given a nonempty set $ E\subseteq \mathbb{R}^n$ with compact boundary and a time step $h>0$, if $E$ is bounded we define the set $T_h(E)$ as a solution of the minimization problem
\begin{equation}\label{min}\min_{F\subseteq\mathbb{R}^n} \mathrm{Per}_K(F)-\frac{1}{h} \int_{F} d_{E }(x)dx.
\end{equation} If $E$ is unbounded then we define $T_h(E):=\mathbb{R}^n\setminus T_h(\mathbb{R}^n\setminus E)$.
We also let $T_h(\emptyset):=\emptyset$.
We iterate the scheme to obtain $T^{(k)}_h(E)=T_h(T_h^{(k-1)}(E))$, where we put $T_h^{(1)}(E)=T_h(E)$, and we define the following piecewise constant flows as follows
\begin{equation}\label{pol}E_h (t) =T_h^{(k)}(E)\qquad \text{ for } t\in [kh, (k+1)h).\end{equation}
In the sequel we will identify a minimizer $T_h(E)$, and a time discrete flow $E_h (t)$,
with the representative given by the set of Lebesgue points of the characteristic function.
We recall from \cite{MR3401008} some results about this scheme.
\begin{theorem}\label{proprieta}\ \ \
\begin{enumerate}
\item For any set $E$, the minimization problem \eqref{min} admits a maximal $T^{+}_h(E)$ and a minimal solution $T^{-}_h(E)$ (with respect to inclusion). We will denote the flow obtained in \eqref{pol} by interpolating respectively the minimal and the maximal solution as respectively $E_h^-(t) $ and $E_h^+(t) $. Every flow constructed as in \eqref{pol} satisfies $E_h^{-}(t)\subseteq E_h(t)\subseteq E^+(t)$.
\item If $E\subseteq F$, then $T_h^\pm(E)\subseteq T_h^\pm(F)$. Moreover if $d(E, F)\geq r$, then $d(T_h(E), T_h(F))\geq r$.
\item There exists a constant $C>1$ depending only on the dimension, such that for every fixed $R>0$ and every $h>0$ such that \[R-h \min_{x\in \partial B(0,CR)}H^K_{B(0,CR)}(x)) >0,\] there holds \[T^{\pm}_h(B(0,R))\subseteq B\left(0, R-h \min_{x\in \partial B(0,CR)}H^K_{B(0,CR)}(x)\right).\]
\item For every $R_0>0$, $\sigma>1$ there exists $h_0>0$ depending on $R_0, \sigma, C$ such that if $h\leq h_0$, then there holds for any $R\geq R_0$, and $h\leq h_0$,
\[ B\left(0, R-h \max_{x\in \partial B(0,R/\sigma)}H^K_{B(0,R/\sigma)}(x)\right)\subseteq T^{\pm}_h(B(0,R)).\]
\item Let $E\subset F$ be a nonempty bounded set with $r=d(E,F)>0$. Then there exists $h_0>0$ depending on $r$ and the dimension such that for all $h\leq h_0$, there holds that $T^{\pm}_h(E)\subseteq F$ and moreover \[d(T^{+}_h(E), F)\geq r-h \max_{x\in \partial B(0,r/2)}H^K_{B(0,r/2)}(x)>0.\] \end{enumerate}
\end{theorem}
\begin{proof} For the proof of items (1)-(4) we refer to Proposition 7.1, Lemma 7.2, Lemma 7.4, Lemma 7.5, Lemma 7.6, Lemma 7.10 in \cite{MR3401008}.
We now show item (5).
We fix $x\in \partial F$ and observe that by assumption, for every $r'<r$, $E\subset \mathbb{R}^n\setminus B(x, r')$ and then by monotonicity
\begin{equation}\label{monow} T^\pm(E)\subseteq T^\pm(\mathbb{R}^n\setminus B(x, r'))=\mathbb{R}^n\setminus T^\mp (B(x, r')).\end{equation} Now, we apply item (4), choosing $R_0=r/2$ and $\sigma=2$: there exists $h_0$ depending on $r$ such that for all $r'>r/2$, and $h\leq h_0$,
\[ B\left(x, r'-h \max_{y\in \partial B(0,r'/2)}H^K_{B(0,r'/2)}(y)\right)\subseteq T^{\pm}_h(B(x,r')). \]
Substituting in \eqref{monow} we get for all $x\in \partial F$
\[ T^{\pm}_h(E)\subseteq \mathbb{R}^n\setminus B\left(x, r'-h \max_{y\in\partial B(0, r'/2)} H^K_{B(0,r'/2)}(y)\right)\qquad \text{ for all }r'\in (r/2,r), \ h\leq h_0.\]
This implies for all $h\leq h_0$, that either $T^{\pm}_h(E)\subseteq F$ or
$T^{\pm}_h(E)\subseteq \mathbb{R}^n\setminus F$, and in both cases \begin{equation}\label{bordi}d(F, T^{\pm}_h(E))\geq r-h \max_{y\in\partial B(0, r/2)} H^K_{B(0,r/2)}(y)>0.\end{equation}
Finally, we observe that necessarily $T^{\pm}_h(E)\subseteq F$. Assume by contradiction that $T^{\pm}_h(E)\subseteq \mathbb{R}^n\setminus F$. Then, recalling that $E\subset F$ with $d(E,F)=r$, from \eqref{bordi} we would get that
$d_E(x)\leq -2r+h \max_{y\in\partial B(0, r/2)} H^K_{B(0,r/2)}(y)<0$ for every $x\in T^{+}_h(E)$. So, it would be possible, just by translating $T^{+}_h(E)$ to construct a competitor with strictly less energy, and so to prove that $T_h^{+}(E)$ couldn't be a solution to the minimization problem \eqref{min}.
\end{proof}
Finally we recall the convergence of the scheme to $K$-mean curvature flow, as proved in \cite[Proposition 7.12 and Theorem 7.16]{MR3401008}.
\begin{theorem}\label{convschema}
Let $u_0$ be a Lipschitz continuous function. We define
\[ T_h u_0(x):=\sup\left\{\lambda \text{ s.t. }x\in T_h \left(\{x \text{ s.t. } u_0(x)>\lambda\} \right) \right\},\]
and iteratively for $k\in \mathbb{N}$,
\begin{equation}\label{thu} T^{(k)}_h u_0(x):= T_h (T^{(k-1)}_h u_0(x)).\end{equation}
Let \[u_h(x,t):=T^{[t/h]}_h u_0(x) \] then there holds
\[\begin{cases}
T_h^-\left(\{x\text{ s.t. } u_h(x, (k-1)h)>\lambda\}\right)&=\ \{x\text{ s.t. } u_h(x, k h)>\lambda\}
\\
T_h^+\left(\{x\text{ s.t. } u_h(x, (k-1)h)\geq \lambda\}\right)&=\ \{x\text{ s.t. } u_h(x, kh)\geq \lambda\} \end{cases}\]
where the second equality holds up to a negligible set,
and moreover
\[u_h(x,t)\to u(x,t)\qquad \text{ as $h\to 0$, locally uniformly in $\mathbb{R}^n\times [0, +\infty)$,} \]
where $u(x,t)$ is the unique solution to \eqref{levelset} with initial datum $u_0$.
\end{theorem}
\section{$K$-flow of $K$-outward minimizing sets} \label{sezionekoutward}
In this section we show that the level set flow preserves the $K$-outward minimality. In the case of the classical mean curvature flow, we refer to \cite{dephilaux} for an analysis of outward minimizing sets. In particular in that paper it is shown that these sets provide a class of initial data for which the minimizing movement scheme converges to the level set flow. For the generalization of this result to the anisotropic case and cristalline case, we refer to \cite{chn}.
First of all we show that the the minimizing movement scheme \eqref{pol} starting from a $K$-outward minimizer is monotone (see \cite[Lemma 2.7]{dephilaux} for the case of the classical perimeter, and \cite[Lemma 2.3]{chn} for the anisotropic perimeter).
\begin{proposition}\label{prop1}
Let $\Omega$ be an open set and let $E$ be a nonempty bounded set with $E\subset\subset \Omega$.
If $E$ is a $K$-outward minimizing set in $\Omega$, then there exists $h_0$ depending on $r=d(E,\Omega) >0$ such that for all $h\leq h_0$, every piecewise constant flow $E_h (t) =T_h^{(k)}(E)$, for $t\in [kh, (k+1)h)$ defined in \eqref{pol} satisfies
\[E_h(t)\subseteq \overline{E_h(s)} \quad \text{ and }\quad \mathrm{Per}_K(E_h(t))\leq \mathrm{Per}_K( E_h(s)) \qquad \forall t\geq s\geq 0\] where $E_h(0)=E$.
Moreover $E_h(t)$ is a $K$-outward minimizing set in $\Omega$, so that $H^K_{E_h(t)}(x)\geq 0$ in the viscosity sense at every $x\in\partial E_h(t)$.
\end{proposition}
\begin{proof}
First of all we observe that by Theorem \ref{proprieta}, since $E\subset\subset \Omega$, then there exists $h_0$ such that $T_h^+ (E)\subset \subset \Omega $ for all $h\leq h_0$.
Now we proceed by induction on $k\geq 0$ and to avoid long notation we will denote $E_k:=T_h^{(k)}(E)$.
Since $T_h(E_k)$ is a minimizer of \eqref{min}, choosing $E_k\cap T_h(E_k)$ as a competitor we get
\begin{eqnarray*}\nonumber \mathrm{Per}_K(T_h(E_k))- \mathrm{Per}_K(E_k\cap T_h(E_k))&\leq & \frac{1}{h} \int_{T_h(E_k)} d_{E_k}(x)dx-\frac{1}{h} \int_{E_k\cap T_h(E_k)} d_{E_k}(x)dx\\
&=& \frac{1}{h} \int_{T_h(E_k)\setminus E_k}d_{E_k}(x)dx\leq 0\label{servepoi}\end{eqnarray*} since $d_{E_k}\leq 0$ on $\mathbb{R}^n\setminus E_k$.
Since $E_k$ is a $K$-outward minimizer, we get that
\[\mathrm{Per}_K(E_k\cap T_h(E_k))\leq \mathrm{Per}_K(T_h(E_k))
\quad \text{and}\quad \frac{1}{h} \int_{T_h(E_k)\setminus E_k}d_{E_k}(x)dx=0,
\]
which implies that $T_h(E_k)\subseteq \overline{ E_k}$, up to a negligible set, recalling that $d_{E_k}<0$ on $\mathbb{R}^n\setminus \overline{E_k}$.
Now, using $E_k$ as a competitor, we observe that, since $T_h(E_k)\subseteq \overline{E_k}$ and $d_{E_k}\geq 0$ in $\overline{E_k}$,
\[\mathrm{Per}_K(T_h(E_k)) \leq \mathrm{Per}_K(E_k)-\frac{1}{h} \int_{E_k } d_{E_k}(x)dx+\frac{1}{h} \int_{T_h(E_k)} d_{E_k}(x)dx\leq \mathrm{Per}_K(E_k).\]
Let $G\supset T_h(E_k)$ such that $G\setminus T_h(E_k)\subset\subset \Omega$. Our aim is to prove that $\mathrm{Per}_K(T_h(E_k))\leq \mathrm{Per}_K(G)$. Using the minimality of $T_h(E_k)$ and $G\cap E_k$ as competitor we get, recalling that $T_h(E_k)\subseteq \overline{E_k}\cap G$ and that $d_{E_k}=0$ on $\overline{E_k}\setminus E_k$,
\[\mathrm{Per}_K(T_h(E_k))\leq \mathrm{Per}_K(G\cap E_k)-\frac{1}{h}\int_{G\cap E_k}d_{E_k}(x)dx+\frac{1}{h}\int_{T_h(E_k)}d_{E_k}(x)dx\leq \mathrm{Per}_K(G\cap E_k).\]
We conclude recalling that $E_k$ is a $K$-outward minimizer so that $ \mathrm{Per}_K(G\cap E_k)\leq \mathrm{Per}_K(G)$.
\end{proof}
\begin{proposition}\label{prop2}
Under the same assumptions of Proposition \ref{prop1}, if $E$ is also strongly $K$-outward minimizing set in $\Omega$ with constant $\delta>0$, for all $h\leq \min \left(h_0, \frac{d(E, \Omega)}{\delta}\right)$ we have
\begin{itemize} \item if $E$ has empty interior, then $T_h(E)=\emptyset$;
\item if $E$ has nonempty interior, then
the discrete flow $E_h (t)$ satisfies
\[ d(E_h(t), E_h(t+h))\geq \delta h \quad \text{ and }\quad H^K_{E_h(t)}(x)\geq \delta
\quad \text{ for all $t\ge 0$ and $x\in \partial E_h(t)$.}\]\end{itemize}
\end{proposition}
\begin{proof}
Observe that, by the definition of the piecewise constant flow $E_h(t)$, it is sufficient to prove the second statement for $E_k:=T_h^{(k)}(E)$ for every $k\geq 1$.
We start considering the case $k=1$. In this case $E_1=T_h(E)$. By Proposition \ref{prop1}, we know that $E_1\subseteq \overline{E}$.
We fix $z\in \mathbb{R}^n$ with $|z|< h\delta $ and observe that $E_1+z\subseteq \overline{E}+z\subset \Omega$ since $h\delta\leq d(E, \Omega)$. Now $E_1+z$ is a solution to the minimization problem
\[\min_F \left(\mathrm{Per}_K(F)-\frac{1}{h}\int_{F} d_E(x-z)dx\right). \] We choose $E\cap (E_1+z) $ as a competitor and we get
\[\mathrm{Per}_K(E_1+z)-\frac{1}{h} \int_{E_1+z} d_{E}(x-z)dx\leq \mathrm{Per}_K(E\cap (E_1+z))-\frac{1}{h} \int_{E\cap (E_1+z)} d_{E}(x-z)dx.\]
Since $E$ is a strongly $K$-outward minimizer we get
\[ \mathrm{Per}_K(E\cap (E_1+z))\leq \mathrm{Per}_K(E_1+z)-\delta |(E_1+z)\setminus E|. \]
Substituting in the previous inequality we get
\[ \delta |(E_1+z)\setminus E|\leq \frac{1}{h} \int_{ (E_1+z)\setminus E} d_{E}(x-z)dx.\]
Finally for $x\not\in E$, by definition \[d_E(x-z)=d(x-z, \mathbb{R}^n\setminus E)-d(x-z, E)\leq d(x-z, \mathbb{R}^n\setminus E)\leq d(x-z, x)=|z|.\]
Therefore in the previous inequality we get
\[\delta |(E_1+z)\setminus E|\leq \frac{1}{h} |z| |(E_1+z)\setminus E|<\delta |(E_1+z)\setminus E|\]
which implies that $|(E_1+z)\setminus E|=0$ for every $z$ with $|z|<\delta h$, that is
\[E_1+B(0, \delta h)\subseteq E.\] Note that if $\text{int }E =\emptyset$, then by the previous inclusion we get that necessarily $E_1=\emptyset$. \\
If $\text{int }E \not=\emptyset$, we have that
\[E_1\subseteq E\qquad \text{and} \qquad d(E_1, E)\geq h\delta.
\]
By Theorem \ref{proprieta}, we then get
\[E_2=T_h(E_1)\subseteq T_h(E)=E_1\qquad \text{and }d(E_2, E_1)\geq h\delta.\]
So by iteration we obtain \[E_k\subseteq E_{k-1} \qquad \text{and }\qquad d(E_k, E_{k-1})\geq h\delta .\]
Finally we fix $k\geq 1$ and we claim that for any $\lambda\in (0,1)$, there holds
\[H^K_{E_k}(x)\geq \delta(1-\lambda) \text{ in viscosity sense, for all $x\in \partial E_k$}.\] So, sending $\lambda\to 0$ we get the statement.
The minimality of $E_k=T_h(E_{k-1})$ and the submodularity of the perimeter \eqref{sub} give that for all $G$
\begin{eqnarray}\nonumber \mathrm{Per}_K(G\cap E_k)&\leq & \mathrm{Per}_K(G)+\mathrm{Per}_K( E_{k}) -\mathrm{Per}_K(E_k\cup G)\\ &\leq & \mathrm{Per}_K(G)-\frac{1}{h}\int_{G\setminus E_k}d_{E_{k-1}}(x)dx.
\label{g1}
\end{eqnarray}
We proceed as in the proof of Theorem \ref{euler}, item (1). We fix $\lambda\in (0,1)$ and we assume by contradiction that there exists $F\subseteq E_k$ with $\partial F\in C^{1,1}$, $x_0\in \partial E_k \cap \partial F$, such that $H_F^K(x_0)\leq \delta(1-\lambda) -2\rho$ for some $\rho>0$ small. Then by continuity of $H^K$ there exists $r_0>0$ such that $H_F^K(x)\leq \delta(1-\lambda)-\rho$ for every $x\in\partial F\cap B(x_0,r_0)$.
We fix \begin{equation}\label{erre} r<\min\left(r_0,\frac{ h\delta\lambda}{2}\right),\end{equation} so that $B(x_0, r)\subset\subset E_{k-1}$ (since $d(E_k, E_{k-1})\geq \delta h$) and we construct a $1$-parameter family $\Phi_\varepsilon$ of $C^{1,1}$ diffeomorphisms, such that $F=\Phi_0(F)\subseteq \Phi_\varepsilon(F)\subset E$, $|\Phi_\varepsilon(F)\setminus E_k|>0$ and $\Phi_\varepsilon(F)\setminus E_k \subseteq \Phi_\varepsilon(F)\setminus F\subset\subset B(x_0, r)\subset\subset E_{k-1}$ for every $\varepsilon\in (0, \varepsilon_0)$. Again by continuity there holds $H^K_{\Phi_\varepsilon(F)}(x)\leq \delta(1-\lambda)-\rho/2$ for all $x\in \partial \Phi_\varepsilon(F)\setminus F$. Using the fact that $H^K$ is the first variation of $\mathrm{Per}_K$ with respect to $C^{1,1}$ diffeomorphisms, as in the proof of Theorem \ref{euler} (see \eqref{un}, \eqref{do}), we get
\[\mathrm{Per}_K(E_{k}\cap \Phi_\varepsilon(F))\geq \mathrm{Per}_K(\Phi_\varepsilon(F))
+\left(-\delta(1-\lambda)+\frac{\rho}{2}\right) |\Phi_\varepsilon(F)\setminus E_k|.\]
By the previous inequality and \eqref{g1} applied to $G=\Phi_\varepsilon(F)$ we get
\[ \mathrm{Per}_K(\Phi_\varepsilon(F))-\frac{1}{h}\int_{\Phi_\varepsilon(F)\setminus E_k}d_{E_{k-1}}(x)dx\geq \mathrm{Per}_K(\Phi_\varepsilon(F))
+\left(-\delta(1-\lambda)+\frac{\rho}{2}\right) |\Phi_\varepsilon(F)\setminus E_k|
\] from which we deduce
\[ \frac{1}{h}\int_{\Phi_\varepsilon(F)\setminus E_k}d_{E_{k-1}}(x)dx\leq \left(\delta(1-\lambda)-\frac{\rho}{2}\right) |\Phi_\varepsilon(F)\setminus E_k|.\]
Observe that $\Phi_\varepsilon(F)\setminus E_k\subseteq B(x_0, r)$ and then, recalling \eqref{erre}, $d_{E_{k-1}}(x)\geq h\delta-r>h\left(\delta-\frac{\delta\lambda}{2}\right) $ for all $x\in \Phi_\varepsilon(F)\setminus E_k$. Therefore
we get
\[\left(\delta -\frac{\delta\lambda}{2}\right)|\Phi_\varepsilon(F)\setminus E_k|< \left(\delta-\delta \lambda-\frac{\rho}{2}\right) |\Phi_\varepsilon(F)\setminus E_k|\]
which implies $\Phi_\varepsilon(F)\subseteq E_k$, in contradiction with our construction.
\end{proof}
We now prove the main result of this section, about the flow of $K$-outward minimizing sets.
\begin{theorem}\label{presmin}
Let $\Omega$ be an open set, $E$ a bounded set with $E\subset\subset \Omega$. Assume that $E$ is a strongly $K$-outward minimizing set in $\Omega$ with constant $\delta>0$.
Then for every $t>0$ up to a countable set, we have
\[E_h(t) \to E^-(t) \qquad \text{ in $L^1(\Omega)$,\ as $h\to 0$. }\]
Moreover,
$E^-(t)$ is a $K$-outward minimizing set in $\Omega$ for every $t>0$, and
\[ E^-(t+s)\subseteq E^-(t)\ \text{ with }\ d(E^-(t+s), E^-(t))\geq \delta s \qquad \text{ for every $t,s> 0$}. \] Moreover $\cap_{s<t}E^-(s)\setminus E^-(t)$ has empty interior for all $t>0$, $|\cap_{s<t}E^-(s)\setminus E^-(t)|=0$ for every $t>0$ up to a countable set,
and
\[ H^K_{E^-(t)}(x)\geq \delta\qquad\text{for all $x\in \partial E^-(t)$.} \]
Finally if $E$ has boundary of class $C^{1,1}$, the same result holds also for the outer flow $E^+(t)$ and $E^{+}(t)\setminus E^-(t)$ has empty interior for all $t>0$.
\end{theorem}
\begin{proof}
Note that by Proposition \ref{prop2} and Remark \ref{ineout} we may assume $\text{int }E\not=\emptyset$, otherwise the statement is trivial.
We divide the proof in several steps.
\noindent {\bf Step 1: definition of a continuous minimal time function $u$}.
We recall that $E_h (t) =T_h^{(k)}(E)$, for $t\in [kh, (k+1)h)$.
We define the discrete arrival time function as follows
\begin{equation}\label{arrivaldiscrete}
u_h(x)=\begin{cases} h\sum_{k\geq 0} \chi_{E_k}(x)=\int_0^{+\infty} \chi_{E_h(t)}dt & x\in E\\ 0 &x\in \mathbb{R}^n\setminus E.\end{cases} \end{equation}
Note that by Proposition \ref{prop2}, $u_h$ is well defined and \[ \left\{x\text{ s.t. }u_h(x)>t\right\}=E_h(t). \]
By its very definition, we get that
\begin{equation}\label{th}
T_h^{(k)}u_h(x)= u_h(x)-hk\end{equation}
where $T_h^{(k)}u_h(x)$ is defined as in \eqref{thu}.
Moreover by Proposition \ref{prop2}we get that $d(T_h^{(k)}(E),T_h^{(k')}(E))\geq \delta h(|k-k'|-1)$.
Let $x\in T_h^{(k)}(E)$ and $y\in T_h^{(k')}(E)$,
\[|u_h(x)-u_h(y)|= h|k'-k| \leq \frac{d(T_h^{(k)}(E), T_h^{(k')}(E))}{\delta}+h\leq \frac{|x-y|}{\delta}+h.\] This implies that up to a subsequence $u_h\to u$ uniformly as $h\to 0$, where $u:\mathbb{R}^n\to \mathbb{R}$ is a Lipschitz continuous function such that $u=0$ in $\mathbb{R}^n\setminus E$ and $|u(x)-u(y|\leq \frac{|x-y|}{\delta}$.
\vspace{0,1cm}
\noindent {\bf Step 2: for all $t>0$ $E^-(t)=\{x\text{ s.t. } u(x)> t\} $}.
Note that since $u_h\to u$ uniformly then it is also true that $\|T_h u_h- T_h u\|_\infty\to 0$ as $h\to +\infty$ and then also
$\|T_h^{(k)}u-T_h^{(k)}u_h\|_\infty\to 0$ as $h\to 0$ for all $k\geq 1$, where $T_h u, T_h^{(k)}u$ are defined as in \eqref{thu}.
Therefore by Theorem \ref{convschema} we conclude that
\[T_h^{\left[\frac{t}{h}\right]}u_h(x)\to u(x,t)\] locally uniformly in $\mathbb{R}^n\times [0, +\infty)$ as $h\to 0$
where $u(x,t)$ is the unique viscosity solution to \eqref{levelset} with initial datum $u$.
On the other side, by \eqref{th} we get that \[T_h^{\left[\frac{t}{h}\right]}u_h(x)\to u(x)-t\] locally uniformly.
This implies that $u(x)-t$ is the unique viscosity solution to \eqref{levelset} with initial datum $u$ and in particular, since the operator is geometric and the level set $\{u(x)>0\}$ coincide with the level set $\{d_E(x)>0\}$ we conclude that
\[E^-(t)= \{x\text{ s.t. }u(x)>t\} \qquad \forall t>0.\]
Note that by this equality we deduce also that \[\bigcap_{s<t}E^-(s)=\{x\text{ s.t. }u(x)\geq t\},\] and that the limit $u$ of $u_h$ is unique, so the whole family $u_h$ converges to $u$ uniformly as $h\to 0$.
By its characterization, we get also that $ E^-(t+s)\subseteq \{x\text{ s.t. }u(x)\geq t+s\}\subseteq E^-(t)$ for all $s>0$.
\vspace{0,1cm}
\noindent {\bf Step 3: $L^1$ convergence and $K$-outward minimality property of $E^-(t)$}.
By uniform convergence of $u_h\to u$, we get for all $t>0$ we have
\[E^-(t)=\{x\text{ s.t. }u(x)>t\} \subseteq \lim_{h\to 0}E_h(t)\subseteq \{x\text{ s.t. }u(x)\geq t\}=\bigcap_{s<t}E^-(s) \] where the limit is taken in the $L^1$ sense.
Since $u$ is Lipschitz continuous, we know that $|\{x\text{ s.t. }u(x)=t\}|=0$ for almost every $t>0$, which implies that
$E_h(t)\to E^-(t)$ in $L^1(\mathbb{R}^n)$ for almost every $t>0$.
Moreover by stability with respect to $L^1$ convergence of $K$-outward minimizing sets see Proposition \ref{conv}, since $E_h(t)$ are $K$-outward minimizers in $\Omega$ by Proposition \ref{prop1} we conclude that
also $E^-(t)$, and $\bigcap_{s<t}E^-(s)$ are $K$-outward minimizer sets in $\Omega$ for almost every $t>0$.
Now we observe that $E^-(t)$ is a $K$-outward minimizer set in $\Omega$ for every $t>0$ again by stability under $L^1$ convergence, since $E^-(t)=\cup_{s>0}E^-(t+s)=\lim_{s\to 0^+}(E^-(t+s))$. Then also $\bigcap_{s<t}E^-(s)=\lim_{s\to t^-} E^-(s)$ is a $K$-outward minimizer set in $\Omega$ for every $t>0$.
\vspace{0,1cm}
\noindent {\bf Step 4: $K$-curvature of $E^-(t)$.}
Since $E$ is strongly $K$-outward minimizer with $\delta>0$ then by Proposition \ref{prop2} we get that
\[d(E_h(t), E_h(t+s))\geq \delta \left(h\left[\frac{t+s}{h}\right]-h\left[\frac{t}{h}\right]-h\right)\geq s\delta -2h \delta.\]
Then
\[E_h(t+s)+B(0, \delta s-2h\delta)\subseteq E_h(t).\] Passing to the limit as $h\to 0$ we get that for almost every $t,s>0$
\begin{equation}\label{mon} d(\{ u(x)\geq t+s\}, \{u(x)>t\}) \geq \delta s.\end{equation} Arguing as before, we get that this inequality holds for all $s,t>0$.
We apply now Theorem \ref{pos2}, choosing as initial set $\{u(x)>t\}$ and observing that the outer flow at time $s>0$ of $\{u(x)>t\}$ is given by $\{u(x)\geq t+s\}$. So we get that \begin{equation}\label{ccc}H^K_{\{u(y)>t\}}(x)\geq \delta\qquad \text{in viscosity sense for all $x\in \partial \{u(y)>t\}$ and for all $t>0$. }\end{equation}
\vspace{0,1cm}
\noindent {\bf Step 5: the set $\{x\text{ s.t. }u(x)=t\}$.}
We show that for all $t>0$
\[\text{ int } \left( \{x\text{ s.t. }u(x)\geq t\}\setminus\{x\text{ s.t. }u(x)>t\}\right)=\text{ int } \{x\text{ s.t. }u(x)=t\}=\emptyset.\] We assume by contradiction that there exists $z$ and $r>0$ such that $B(z,r)\subset\subset \{x\text{ s.t. }u(x)=t\}\subseteq \{x\text{ s.t. }u(x)\geq t\}$. Let
\[\alpha:=\max_{k\in [r/2, r]}\max_{y\in \partial B(0, k)} H^K_{B(0, k)}(y).\] Note that by definition of curvature, then $\alpha=\max_{y\in \partial B(0, r/2)} H^K_{B(0, r/2)}(y)>0$. Let $s_0>0$ such that $r-\alpha s_0>r/2$, and define the flow $B(s)= B(z,r-\alpha s)$ for $s\in [0, s_0]$. Then we get that $B(s)$ is a strict subsolution to \eqref{kflow} since
$H^K_{B(s)}(y)\leq 2\alpha$ for every $s\in [0, s_0]$. Recalling that $u(x)-t$ is a viscosity solution to \eqref{levelset}, we conclude by Proposition \ref{subgeometrico}, that $B(z, r-\alpha s)=B(s)\subseteq \{x\text{ s.t. }u(x)\geq t+s\}$. This implies that $t=u(z)\geq t+s$ for all $s\in [0, s_0]$ which is not possible.
Moreover, observe that by \eqref{mon}, the set of $t>0$ where $|\{x\text{ s.t. }u(x)=t\}|>0$ coincides with the set of jumps of the strictly decreasing function $t\to |E^-(t)|$. Therefore,
this set is countable.
\vspace{0,1cm}
\noindent {\bf Step 6: case of $E$ with $C^{1,1}$ boundary.}
Note that if $E$ is strongly $K$-outward minimizing, then by Theorem \ref{euler}, $H^K_E(x)\geq \delta$ for all $x\in\partial E$. Since $E$ has boundary of class $C^{1,1}$, then it is also a strongly $K$-mean convex set, see Remark \ref{regularset}. Therefore by Proposition \ref{chara}, item (1) we get that $E^{+}(t)\subseteq E^-(t-s)$ for every $t>s>0$ and so
\[E^{+}(t)\subseteq \bigcap_{0<s<t}E^-(t-s)=\bigcap_{0<s<t}\{x\text{ s.t }u(x)>t-s\}=\{x\text{ s.t }u(x)\geq t\}\subseteq E^+(t).\] This implies that for all $t>0$, $\{x\text{ s.t. }u(x)\geq t\}=E^+(t)$.
\end{proof}
\begin{remark}\upshape If the outer flow satisfies $E^+(t)\subset \subset E$, for $t>0$, then the same results as in Theorem \ref{presmin} hold also for the outer flow $E^+(t)$, since we may prove that $\{x\text{ s.t. }u(x)\geq t\}=E^+(t)$, arguing exactly as in Step 5 of the proof. In particular we would get that $E^+(t)\setminus E^-(t)$ has empty interior for all $t$.
We expect this monotonicity property to hold true for the flow starting by a strongly $K$-outward minimizer.
\end{remark}
\begin{remark}\upshape In Theorem \ref{presmin} we show that the volume function
\[t\to |E^-(t)|\] is strictly decreasing.
We expect that this function is also continuous, as it happens in the local case.
\end{remark}
We conclude with a corollary about the convergence of the $K$-perimeter of the discrete flow to the $K$-perimeter of the limit level set flow
(we refer to \cites{dephilaux,chn} for analogous results in the local case).
\begin{corollary} Let $\Omega$ be a domain and $E\subset\subset \Omega$ be a strongly $K$-outward minimizing set in $\Omega$ with constant $\delta>0$.
Then for every $T>0$ \[\int_0^T \mathrm{Per}_K(E_h(t) )dt \to \int_0^T \mathrm{Per}_K(E^-(t))dt \qquad \text{ as $h\to 0$ }\] where $E_h(t)$ is any piecewise constant flow defined as in \eqref{pol} and $E^-(t)$ is the viscosity inner flow as defined in \eqref{outin}.
\end{corollary}
\begin{proof}
By Theorem \ref{presmin}, $E_h(t)\to E^-(t)$ in $L^1(\Omega)$ for almost every $t$, therefore by lower semicontinuity of $\mathrm{Per}_K$ with respect to $L^1$ convergence and Fatou lemma, we get that for every $T>0$,
\begin{equation}\label{lsc}
\liminf_{h\to 0} \int_0^T \mathrm{Per}_K(E_h(t) )dt\geq \int_0^T \mathrm{Per}_K(E^-(t))dt.\end{equation}
We now introduce the functional
\begin{equation}\label{funz1}
J_K(v):=\frac 12 \int_{\mathbb{R}^n}\!\!\int_{\mathbb{R}^n} |v(x)-v(y)|K(x-y)dxdy \qquad v \in L^1_{loc}(\mathbb{R}^n).
\end{equation}
Note that $J_K(\chi_E)=\mathrm{Per}_K(E)$ for all measurable $E\subset \mathbb{R}^n$.
The coarea formula \cite[Proposition 2.3]{cn} states that
\begin{equation}\label{coarea} J_K(v)= \int_{-\infty}^{+\infty} \mathrm{Per}_K(\{v>s\})ds\end{equation}
for all $v \in L^1_{loc}(\mathbb{R}^n)$.
Let $u_h$ as defined in \eqref{arrivaldiscrete} and we claim that
\begin{equation}\label{1var} J_K(u_h)\leq J_K(v) \qquad \text{ for all $v\in L^1_{loc}(\mathbb{R}^n)$, $v\geq u_h$ and $\text{supp } v\subset\subset \Omega$.}\end{equation}
The proof of this claim is a direct consequence of the coarea formula and the fact that $E_h(t)$ is $K$-outward minimizer for every $t$, by Proposition \ref{prop1}. Indeed, since $u_h\leq v$, there holds for every $s>0$ that
\[E_h(s)=\{x\text{ s.t. }u_h(x)>s\}\subseteq \{x\text{ s.t. }v(x)>s\}\subset\subset \Omega\] which implies, since $E_h(t)$ is a $K$-outward minimizing set, that
\[\mathrm{Per}_K(E_h(s))=\mathrm{Per}_K(\{x\text{ s.t. }u_h>s\})\leq \mathrm{Per}_K( \{x\text{ s.t. }v>s\}).\] Integrating for $s\in (0, +\infty)$, and recalling \eqref{coarea}, we get the conclusion.
Now, we use the same argument as in \cite[Proposition 5.1]{dephilaux}. We recall that by Theorem \ref{presmin}, $u_h\to u$ uniformly as $h\to 0$, where $u$ is Lipschitz continuous and $u=0$ in $\mathbb{R}^n\setminus E$. By uniform convergence we get that for any $\varepsilon>0$ there exists $h_0$ such that $u_h\leq u+\varepsilon$ for all $h<h_0$.
Let $v(x):= (u(x)+\varepsilon)\chi_Ei(x)$, so $v(x)\geq u_h(x)$ by construction and moreover $\text{supp }v=E\subset\subset \Omega$.
Therefore by \eqref{1var} there holds that
\begin{eqnarray*} J_K(u_h) &\leq &J_K(v)=J_K((u+\varepsilon)\chi_E)\\ &\leq & J_K(u)+ J_K(\varepsilon\chi_E)= J_K(u)+\varepsilon\mathrm{Per}_K(E). \end{eqnarray*}
Sending $\varepsilon \to 0$ we conclude that
\begin{equation} \label{prova} J_K(u_h) \leq J_K(u)\end{equation}
Recalling that $E_h(t)=\{x\text{ s.t. } u_h(x)>t\}$ and $E^-(t)=\{x\text{ s.t. } u(x)>t\}$, \eqref{prova}, by the coarea formula, coincides with
\[\int_0^{+\infty} \mathrm{Per}_K(E_h(t))dt\leq \int_0^{+\infty} \mathrm{Per}_K(E^-(t))dt\qquad \text{for all $h\leq h_0$.} \]
This inequality, together with \eqref{lsc}, gives the thesis.
\end{proof}
\begin{bibdiv}
\begin{biblist}
\bib{ATW}{article}{
AUTHOR = {Almgren, Fred},
author={Taylor, Jean E.},
author={ Wang, Lihe},
TITLE = {Curvature-driven flows: a variational approach},
JOURNAL = {SIAM J. Control Optim.},
FJOURNAL = {SIAM Journal on Control and Optimization},
VOLUME = {31},
YEAR = {1993},
NUMBER = {2},
PAGES = {387--438},
}
\bib{belle}{article}{
author={Bellettini, Giovanni},
author={Caselles, Vicent},
author={Chambolle, Antonin},
author={Novaga, Matteo},
title={Crystalline mean curvature flow of convex sets},
journal={Arch. Ration. Mech. Anal.},
volume={179},
date={2006},
number={1},
pages={109--152},
}
\bib{MR2675483}{article}{
author={Caffarelli, Luis},
author={Roquejoffre, Jean-Michel},
author={Savin, Ovidiu},
title={Nonlocal minimal surfaces},
journal={Comm. Pure Appl. Math.},
volume={63},
date={2010},
number={9},
pages={1111--1144},
}
\bib{cn}{article}{
author={Cesaroni, Annalisa},
author={Novaga, Matteo},
title={The isoperimetric problem for nonlocal perimeters},
journal={Discrete Contin. Dyn. Syst. Ser. S},
volume={11},
date={2018},
number={3},
pages={425--440},
}
\bib{cnself}{article}{
AUTHOR = {Cesaroni, Annalisa},
author = {Novaga, Matteo},
TITLE = {Symmetric {S}elf-{S}hrinkers for the {F}ractional {M}ean
{C}urvature {F}low},
JOURNAL = {J. Geom. Anal.},
VOLUME = {30},
YEAR = {2020},
NUMBER = {4},
PAGES = {3698--3715},
}
\bib{fattening}{article}{
AUTHOR = {Cesaroni, Annalisa},
author={Dipierro, Serena},
author={Novaga, Matteo},
author={Valdinoci, Enrico},
TITLE = {Fattening and nonfattening phenomena for planar nonlocal
curvature flows},
JOURNAL = {Math. Ann.},
FJOURNAL = {Mathematische Annalen},
VOLUME = {375},
YEAR = {2019},
NUMBER = {1-2},
PAGES = {687--736},
}
\bib{cdnp}{article}{
AUTHOR = {Cesaroni, Annalisa},
author={De Luca, Lucia},
author={Novaga, Matteo},
author={Ponsiglione, Marcello},
TITLE = {Stability results for nonlocal geometric evolutions and limit cases for fractional mean curvature flows},
JOURNAL = {arxiv preprint https://arxiv.org/abs/2003.02248},
YEAR = {2020},
}
\bib{av}{article}{
AUTHOR = {Cesaroni, Annalisa},
author={Pagliari, Valerio},
TITLE = {Convergence of nonlocal geometric flows to anisotropic mean curvature motion},
JOURNAL = {arxiv preprint https://arxiv.org/abs/1811.01732},
YEAR = {2018},
}
\bib{MR3401008}{article}{
author={Chambolle, Antonin},
author={Morini, Massimiliano},
author={Ponsiglione, Marcello},
title={Nonlocal curvature flows},
journal={Arch. Ration. Mech. Anal.},
volume={218},
date={2015},
number={3},
pages={1263--1329},
}
\bib{chn}{article}{
author={Chambolle, Antonin},
author={Novaga, Matteo},
title={Anisotropic and crystalline mean curvature flow of mean-convex sets},
journal={arxiv preprint https://arxiv.org/abs/2004.00270},
volume={},
date={2020},
number={},
pages={},
}
\bib{ruf}{article}{
author={Chambolle, Antonin},
author={Novaga, Matteo},
author={Ruffini, Berardo},
title={Some results on anisotropic fractional mean curvature flows},
journal={Interfaces Free Bound.},
volume={19},
date={2017},
number={3},
pages={393--415},
}
\bib{MR1100211}{article}{
author={Chen, Yun Gang},
author={Giga, Yoshikazu},
author={Goto, Shun'ichi},
title={Uniqueness and existence of viscosity solutions of generalized
mean curvature flow equations},
journal={J. Differential Geom.},
volume={33},
date={1991},
number={3},
pages={749--786},
}
\bib{cinti1}{article}{
author={Cinti, Eleonora},
author={Sinestrari, Carlo},
author={Valdinoci, Enrico},
title={Neckpinch singularities in fractional mean curvature flows},
journal={Proc. Amer. Math. Soc.},
volume={146},
date={2018},
number={6},
pages={2637--2646},
issn={0002-9939},
review={\MR{3778164}},
}
\bib{cinti2}{article}{
author={Cinti, Eleonora},
author={Sinestrari, Carlo},
author={Valdinoci, Enrico},
TITLE = {Convex sets evolving by volume preserving fractional mean curvature flows},
JOURNAL = { Anal. PDE},
VOLUME = {13},
number={7},
YEAR = {2020},
PAGES = {2149--2171},
}
\bib{cozzi}{article}{
AUTHOR = {Cozzi, Matteo},
TITLE = {On the variation of the fractional mean curvature under the
effect of {$C^{1,\alpha}$} perturbations},
JOURNAL = {Discrete Contin. Dyn. Syst.},
FJOURNAL = {Discrete and Continuous Dynamical Systems. Series A},
VOLUME = {35},
YEAR = {2015},
NUMBER = {12},
PAGES = {5769--5786},
}
\bib{dephilaux}{article}{
author={Guido De Philippis},
author={Tim Laux},
title={Implicit time discretization for the mean curvature flow of outward minimizing sets},
journal={to appear on Ann. Sc. Norm. Super. Pisa Cl. Sci.},
volume={}
}
\bib{MR1100206}{article}{
author={Evans, Lawrence C.},
author={Spruck, J.},
title={Motion of level sets by mean curvature. I},
journal={J. Differential Geom. },
volume={33},
date={1991},
number={3},
pages={635--681},
}
\bib{GH}{article}{
AUTHOR = {Gage, Michael E.},
AUTHOR = {Hamilton, Richard S.},
TITLE = {The heat equation shrinking convex plane curves},
JOURNAL = {J. Differential Geom.},
FJOURNAL = {Journal of Differential Geometry},
VOLUME = {23},
YEAR = {1986},
NUMBER = {1},
PAGES = {69--96},
ISSN = {0022-040X},
MRCLASS = {53A04 (35K05 52A40 58E99 58G11)},
MRNUMBER = {840401},
MRREVIEWER = {R. Osserman},
URL = {http://projecteuclid.org/euclid.jdg/1214439902},
}
\bib{MR2238463}{book}{
author={Giga, Yoshikazu},
title={Surface evolution equations. A level set approach},
series={Monographs in Mathematics},
volume={99},
publisher={Birkh\"auser Verlag, Basel},
date={2006},
pages={xii+264},
isbn={978-3-7643-2430-8},
isbn={3-7643-2430-9},
}
\bib{gigagotoishiisato}{article}{
AUTHOR = {Giga, Yoshikazu},
author={Goto, Shun'ichi},
author={Ishii, Hitoshi},
author={Sato, Moto-Hiko},
TITLE = {Comparison principle and convexity preserving properties for
singular degenerate parabolic equations on unbounded domains},
JOURNAL = {Indiana Univ. Math. J.},
FJOURNAL = {Indiana University Mathematics Journal},
VOLUME = {40},
YEAR = {1991},
NUMBER = {2},
PAGES = {443--470},
}
\bib{HK}{article}{
AUTHOR = {Haslhofer, Robert}
AUTHOR = {Kleiner, Bruce},
TITLE = {Mean curvature flow of mean convex hypersurfaces},
JOURNAL = {Comm. Pure Appl. Math.},
FJOURNAL = {Communications on Pure and Applied Mathematics},
VOLUME = {70},
YEAR = {2017},
NUMBER = {3},
PAGES = {511--546},
ISSN = {0010-3640},
MRCLASS = {53C44 (49Q20 53C42)},
MRNUMBER = {3602529},
MRREVIEWER = {Qi Ding},
}
\bib{HW}{article}{
AUTHOR = {Hershkovits, Or}
AUTHOR = {White, Brian},
TITLE = {Nonfattening of mean curvature flow at singularities of mean
convex type},
JOURNAL = {Comm. Pure Appl. Math.},
FJOURNAL = {Communications on Pure and Applied Mathematics},
VOLUME = {73},
YEAR = {2020},
NUMBER = {3},
PAGES = {558--580},
ISSN = {0010-3640},
MRCLASS = {53E10 (35K93)},
MRNUMBER = {4057901},
}
\bib{Hu}{article}{
AUTHOR = {Huisken, Gerhard},
TITLE = {Asymptotic behavior for singularities of the mean curvature
flow},
JOURNAL = {J. Differential Geom.},
FJOURNAL = {Journal of Differential Geometry},
VOLUME = {31},
YEAR = {1990},
NUMBER = {1},
PAGES = {285--299},
ISSN = {0022-040X},
MRCLASS = {53A10 (35B99 53C45 58G11)},
MRNUMBER = {1030675},
MRREVIEWER = {Dennis M. DeTurck},
}
\bib{HS}{article}{
AUTHOR = {Huisken, Gerhard}
AUTHOR = {Sinestrari, Carlo},
TITLE = {Mean curvature flow singularities for mean convex surfaces},
JOURNAL = {Calc. Var. Partial Differential Equations},
FJOURNAL = {Calculus of Variations and Partial Differential Equations},
VOLUME = {8},
YEAR = {1999},
NUMBER = {1},
PAGES = {1--14},
ISSN = {0944-2669},
MRCLASS = {58E12 (35K55 53A10)},
MRNUMBER = {1666878},
MRREVIEWER = {John Urbas},
}
\bib{imbert}{article}{
author={Imbert, Cyril},
title={Level set approach for fractional mean curvature flows},
journal={Interfaces Free Bound.},
volume={11},
date={2009},
number={1},
pages={153--176},
}
\bib{vesa}{article}{
AUTHOR = {Julin, Vesa},
author= {La Manna, Domenico Angelo},
TITLE = {Short time existence of the classical solution to the
fractional mean curvature flow},
JOURNAL = {Ann. Inst. H. Poincar\'{e} Anal. Non Lin\'{e}aire},
VOLUME = {37},
YEAR = {2020},
NUMBER = {4},
PAGES = {983--1016},
}
\bib{LS}{article}{
AUTHOR = {Luckhaus, Stephan}
AUTHOR = {Sturzenhecker, Thomas},
TITLE = {Implicit time discretization for the mean curvature flow
equation},
JOURNAL = {Calc. Var. Partial Differential Equations},
FJOURNAL = {Calculus of Variations and Partial Differential Equations},
VOLUME = {3},
YEAR = {1995},
NUMBER = {2},
PAGES = {253--271},
ISSN = {0944-2669},
MRCLASS = {65M06 (58E12)},
MRNUMBER = {1386964},
MRREVIEWER = {R. N. Mukherjee},
}
\bib{pagliari}{article}{
AUTHOR = {Pagliari, Valerio},
TITLE = {Halfspaces minimise nonlocal perimeter: a proof {\it via}
calibrations},
JOURNAL = {Ann. Mat. Pura Appl. (4)},
FJOURNAL = {Annali di Matematica Pura ed Applicata. Series IV},
VOLUME = {199},
YEAR = {2020},
NUMBER = {4},
PAGES = {1685--1696},
ISSN = {0373-3114},
MRCLASS = {49Q20 (35R11 49J45 49Q05)},
MRNUMBER = {4117514},
URL = {https://doi.org/10.1007/s10231-019-00937-7},
}
\bib{SAEZ}{article}{
author = {{S{\'a}ez}, Mariel},
author = {Valdinoci, Enrico},
title = {On the evolution by fractional mean curvature},
journal = {Comm. Anal. Geom.},
volume={27},
date = {2019},
number={1},
pages={211-249},
}
\bib{soner}{article}{
author={Soner, Halil Mete},
title={Motion of a set by the curvature of its boundary},
journal={J. Differential Equations},
volume={101},
date={1993},
number={2},
pages={313--372},
}
\bib{spadaro}{article}{
AUTHOR = {Spadaro, Emanuele},
TITLE = {Mean-convex sets and minimal barriers},
JOURNAL = {Matematiche},
FJOURNAL = {Le Matematiche},
VOLUME = {75},
YEAR = {2020},
NUMBER = {1},
PAGES = {353--375},
}
\bib{white}{article}{
AUTHOR = {White, Brian},
TITLE = {The size of the singular set in mean curvature flow of
mean-convex sets},
JOURNAL = {J. Amer. Math. Soc.},
FJOURNAL = {Journal of the American Mathematical Society},
VOLUME = {13},
YEAR = {2000},
NUMBER = {3},
PAGES = {665--695},
}
\end{biblist}\end{bibdiv}
\end{document}
|
\section{Introduction}
The present article is a sequel to \cite{NODYCON}, where a general approach to the solution theory
of the matrix MKdV is outlined and certain solutions are explicitly constructed. Actually these solutions
are part of a family for which a complete classification will be given in the forthcoming article \cite{preprint}.
Here the focus is on solutions beyond the setting of \cite{NODYCON,preprint}.
In a somewhat experimental spirit, we will examine ways to weaken the assumptions in \cite{preprint},
and initialize the study of some novel solution classes. The emphasis does not lie on completeness,
but on a qualitative study of phenomena, discussed mainly for the first interesting cases.
The result to start from is a general solution formula presented in {Theorem 1},
building on work in \cite{JMP2009,JMP2011}.
Solution formulas of this kind have been studied for a quite a while, see \cite{CSch,Ma,Sakh,Sch18}
and the references therein. Here the use of B\"acklund techniques should also be mentioned \cite{CD,Gu et al,RSch,RS}.
Closely related formulas for scalar equations are known to generate very large solution classes,
roughly speaking the solutions accessible by the standard inverse scattering method \cite{Blohm}.
As the situation for matrix equations is much less transparent, the case studies made here are also
meant as a step towards better understanding the range of our methods. Finally we mention some
alternative approaches to matrix solutions in \cite{Chen et al,Goncharenko,Levi et al,Sch09}.
\section{An explicit solution class of the ${\sf d}\times{\sf d}$-matrix Korteweg-de Vries equation
depending on matrix parameters and $N$-solitons}
We start with stating an explicit solution class for the modified Korteweg-de Vries equation
with values in the ${\sf d}\times{\sf d}$-matrices,
\begin{equation} \label{mkdv}
V_t =V_{xxx} + 3 \{ V^2, V_x \},
\end{equation}
depending on matrix parameters.
\begin{theorem} \label{class}
For $N \in \mathbb{N}$, let $k_1,\ldots,k_N$ be complex numbers such that $k_i+k_j \not= 0$ for all $i,j$,
and let $B_1,\ldots,B_N$ be arbitrary ${\sf d}\times {\sf d}$-matrices.
Define the $N{\sf d}\times N{\sf d}$-matrix function $L=L(x,t)$ as block matrix $L = (L_{ij})_{i,j=1}^N$
with the ${\sf d}\times{\sf d}$-blocks
\[ L_{ij} = \frac{\ell_i}{k_i+k_j} Bj , \]
where $\ell_i = \ell_i(x,t) = \exp(k_i x + k_i^3 t)$.
Then
\[ V = \begin{pmatrix} B_1 & B_2 & \ldots & B_N \end{pmatrix}
\Big( I_{N\sf d} + L^2 \Big)^{-1}
\begin{pmatrix} \ell_1 I_{\sf d} \\ \vdots \\ \ell_N I_{\sf d} \end{pmatrix}
\]
is a solution of the matrix modified KdV equation \eqref{mkdv} with values in the ${\sf d}\times{\sf d}$-matrices
on every domain $\Omega$ on which $\det(I_{N{\sf d}}+L^2) \not= 0$.
\end{theorem}
The proof of Theorem \ref{class}, which is based on results in \cite{JMP2009,JMP2011},
is provided in \cite{preprint}. Here we focus on applications and discuss
some interesting examples.
\begin{remark} \quad
\begin{enumerate}
\item[a)]
In \cite{JMP2011} it is shown that the solution class for the matrix KdV equation which corresponds
to the class in Theorem \ref{class} comprises the $N$-soliton solutions as derived by the inverse
scattering method in \cite{Goncharenko}.
\item[b)] In contrast to \eqref{mkdv}, the non-commutative mKdV in the form
\[ V_t = V_{xxx} + 3 \bigm(VV^TV_x+V_xV^TV\bigm) = 0 , \]
(as for example derived from reduction of the non-commutative AKNS system) admits also non-square
matrix interpretation. We refer to \cite{Sch18} for a fairly complete asymptotics of 2-solitons in the vector case.
\end{enumerate}
\end{remark}
\section{Explicit solutions}
Motivated by \cite{NODYCON}, the subclass of solutions arising from choosing $k_1,\ldots, k_N \in \mathbb{R}$
and $B_1 = \ldots = B_N =: B$ (up to a common real multiple) where both $B$ and its Jordan canonical form are real,
is discussed thoroughly in \cite{preprint}, the main result being a complete classification of this subclass
up to a possible (common) change of coordinates.
It should be stressed that all solutions in \cite{NODYCON} belong to this subclass.
In the present section a variety of solutions beyond this case are presented.
\subsection{The matrix parameter $B$ does not have a real Jordan form} \label{ss ex1}
A prototypical example for a real matrix without real Jordan form in the case ${\sf d}=2$ are rotations.
Consider
\[ B= \begin{pmatrix} \ \ \frac{1}{\sqrt{2}} & \frac{1}{\sqrt{2}} \\ - \frac{1}{\sqrt{2}} & \frac{1}{\sqrt{2}} \end{pmatrix} , \]
the rotation with the angle $\frac{\pi}{4}$, and let $N=1$.
The corresponding solution according to Theorem \ref{class} is
\begin{eqnarray*}
V &=& B \Big( I_2 + \big( \frac{1}{2k} \ell B \big)^2 \Big)^{-1} \ell I_2 \\
&=& 2k\, g B \Big( I_2 + \big( g B \big)^2 \Big)^{-1} ,
\end{eqnarray*}
where $g = \ell/(2k)$.
Since $B^2$ is the clockwise rotation by $\pi/2$, i.e. $B^2 = \begin{pmatrix} 0 & 1 \\ -1 & 0 \end{pmatrix}$, \\[-1ex]
this is very easily computed explicitly, giving
\begin{eqnarray*}
V &=& \sqrt{2}k\, g \begin{pmatrix} \ \ 1 & 1 \\ - 1 & 1 \end{pmatrix}
\begin{pmatrix} 1 & g^2 \\ -g^2 & 1 \end{pmatrix}^{-1}
\ =\ \sqrt{2}k\, \frac{g}{1+g^4} \begin{pmatrix} \ \ 1 & 1 \\ - 1 & 1 \end{pmatrix}
\begin{pmatrix} 1 & -g^2 \\ g^2 & 1 \end{pmatrix} \\
&=& \sqrt{2}k\, \frac{g}{1+g^4} \begin{pmatrix} \ \ 1+g^2 & 1-g^2 \\ - (1-g^2) & 1+g^2 \end{pmatrix}
\end{eqnarray*}
Note that this solution is regular and moves, without changing shape, with velocity constant $-k^2$.
\begin{figure}
\begin{center}
\includegraphics[scale=0.4]{example_1}
\caption{Snapshot of the solution in Subsection \ref{ss ex1} for $k=1$ at $t=0$.}
\end{center}
\end{figure}
\subsection{Unequal matrix parameters} \label{ss ex2}
Next we consider the case $N=2$ with matrix parameters $B_1$, $B_2$ such that $B_1 \not= c B_2$
(for all $c \in\mathbb{R}$).
In this case we get from Theorem \ref{class}
\[ V
= \begin{pmatrix} B_1 & B_2 \end{pmatrix}
\Big( I_{2{\sf d}}+ M^2 \Big)^{-1}
\begin{pmatrix} \ell_1 I_{\sf d} \\ \ell_2 I_{\sf d} \end{pmatrix}
\mbox{ with }
M
= \begin{pmatrix} \frac{1}{2k_1}\ \ \ell_1B_1 & \frac{1}{k_1+k_2}\ell_1B_2 \\
\ \frac{1}{k_1+k_2}\ell_2B_1 & \frac{1}{2k_2}\ \ \ell_2B_2 \end{pmatrix} .
\]
Let us first focus on the case that \[ B_1 B_2 = 0 = B_2 B_1. \]
Using this assumption, it is straightforward to verify that
\begin{eqnarray}
\begin{pmatrix} B_1 & B_2 \end{pmatrix} M &=& \begin{pmatrix} B_1 & B_2 \end{pmatrix} R ,
\label{h1} \\ \label{h2}
M^2 &=& MR ,
\end{eqnarray}
where
\[ R = \begin{pmatrix}
\frac{1}{2k_1} \ell_1 B_1 &0 \\
0 & \frac{1}{2k_2} \ell_2 B_2
\end{pmatrix} .
\]
From \eqref{h2} we get $M^3 R = M M^2 R = M (MR)R = M^2 R^2$. Thus,
$M^2(I_{2\sf d}+R^2) = (I_{2\sf d}+M^2)MR$, showing
$(I_{2\sf d}+M^2)^{-1}M^2 = MR(I_{2\sf d} + R^2)^{-1}$, and hence
\begin{eqnarray*}
(I_{2\sf d}+M^2)^{-1} &=& I_{2\sf d} - (I_{2\sf d}+M^2)^{-1}M^2
\ = \ I_{2\sf d} - MR (I_{2\sf d}+R^2)^{-1} .
\end{eqnarray*}
Together with \eqref{h1}, this implies
\begin{eqnarray*} \lefteqn{
\begin{pmatrix} B_1 & B_2 \end{pmatrix} \big( I_{2{\sf d}}+ M^2 \big)^{-1}
\ =\ \begin{pmatrix} B_1 & B_2 \end{pmatrix} \Big( I_{2\sf d} - MR (I_{2\sf d}+R^2)^{-1} \Big) }\\
&=& \begin{pmatrix} B_1 & B_2 \end{pmatrix} \Big( I_{2\sf d} - R^2 (I_{2\sf d}+R^2)^{-1} \Big)
= \begin{pmatrix} B_1 & B_2 \end{pmatrix} \big(I_{2\sf d}+R^2\big)^{-1}
\end{eqnarray*}
As a result,
\begin{eqnarray*}
V &=& \begin{pmatrix} B_1 & B_2 \end{pmatrix}
\begin{pmatrix}
\Big(I_{\sf d}+ \frac{1}{(2k_1)^2} \ell_1^2 B_1^2\Big)^{-1}& 0 \\
0 & \Big(I_{\sf d}+\frac{1}{(2k_1)^2} \ell_1^2 B_1^2\Big)^{-1}
\end{pmatrix}
\begin{pmatrix} \ell_1 I_{\sf d} \\ \ell_2 I_{\sf d} \end{pmatrix} \\
&=& \sum_{j=1,2} \ell_j B_j \Big(I_{\sf d}+ \frac{1}{(2k_j)^2} \ell_j^2 B_j^2 \Big)^{-1} \\
&=:& \sum_{j=1,2} V_j.
\end{eqnarray*}
Observe that $V_j$ is precisely the solution one obtains from the input data $N=1$ with parameters
$k_j$, $B_j$ in Theorem \ref{class}. In this sense, $V_j$ can be interpreted as a matrix 1-soliton.
In the case $B_1B_2 = 0 = B_2B_1$, the solution $V$ therefore is a \emph{linear} superposition
of the two matrix 1-solitons.
\begin{figure}
\begin{center} \quad \\[-0.5cm]
\includegraphics[scale=0.75]{example_2a_up} \\[-8ex]
\includegraphics[scale=0.75]{example_2a_down} \\[-8ex]
\caption{The solution in Example \ref{linear ex}a) depicted for
$-10 \leq x \leq 10$ and $-5\leq t\leq 5$ with plot range between $-\sqrt{2}$ and $\sqrt{2}$.}
\end{center}
\end{figure}
\begin{figure}
\begin{center} \quad \\[-1cm]
\includegraphics[scale=0.75]{example_2b_up} \\[-8ex]
\includegraphics[scale=0.75]{example_2b_down} \\[-8ex]
\caption{The solution in Example \ref{linear ex}b) depicted for
$-10 \leq x \leq 10$ and $-5\leq t\leq 5$ with plot range between $-\sqrt{2}$ and $\sqrt{2}$.}
\end{center}
\end{figure}
\begin{example} \label{linear ex}
In Figures 2 and 3, the solution is depicted in the case ${\sf d}=2$, for $k_1=1$, $k_2=\sqrt{2}$,
and the matrix parameters are
\begin{description}
\item[a) {\sc Figure 2}] \quad $B_1 = \begin{pmatrix} 1 & 0 \\ 0 & 0 \end{pmatrix}$,
$B_2 = \begin{pmatrix} 0 & 0 \\ 0 & 1 \end{pmatrix}$,
\item[b) {\sc Figure 3}] \quad $B_1 = \begin{pmatrix} 1 & 1 \\ 1 & 1 \end{pmatrix}$,
$B_2 = \begin{pmatrix} \ 1 & -1 \\ -1 & \ 1 \end{pmatrix}$.
\end{description}
\end{example}
Of course there is a huge variety of solutions not covered by the cases above.
We conclude this subsection with one additional example.
\begin{example} \label{last ex}
In Figure 4 the solution is depicted in the case ${\sf d}=2$, for $k_1=1$, $k_2=\sqrt{2}$,
and with the matrix parameters
\[ B_1= \begin{pmatrix} 1 & 0 \\ 0 & 1 \end{pmatrix}, \
B_2 = \begin{pmatrix} 0 & 1 \\ 1 & 0 \end{pmatrix} . \hspace*{4cm}
\]
\end{example}
\begin{figure}
\begin{center} \quad \\[-2cm]
\includegraphics[scale=0.75]{example_3_up} \\[-8ex]
\includegraphics[scale=0.75]{example_3_down} \\[-8ex]
\caption{The solution in Example \ref{last ex} depicted for
$-10 \leq x \leq 10$ and $-5\leq t\leq 5$ with plot range between $-\sqrt{2}$ and $\sqrt{2}$.}
\end{center}
\end{figure}
For comparison, we also depict \\
the \emph{scalar} 2-soliton\footnote{
As generated in the case ${\sf d}=1$ with the input data $N=2$, $k_1=1$, $k_2=\sqrt{2}$,
and $b_1=b_2=1$ in Theorem \ref{class}.}.
The frame is \\ the same as in Figure 4.
\vspace*{-2cm} \hspace*{7cm} \includegraphics[scale=0.35]{example_2_scalar} \\[-1.5cm]
\begin{remark}
In \cite{FuCa89}, a B\"acklund chart of KdV-type equations is introduced, linking in particular the KdV
with its singularity equation (For a generalization of this link to the operator level we refer to \cite{CLPS}, see also \cite{EECT}).
It is then indicating how this can be used to generate explicit solutions.
It would be interesting to compare the solution in Example \ref{last ex}, see Figure 4, with
the (scalar) interacting soliton in \cite{FuCa89}, see Figure 3.
\end{remark}
\subsection{Complex parameters: A breather solution} \label{ss ex3}
Finally we would like to mention that also complex parameters can lead to real solutions. This is well-known
in the case of the scalar modified KdV equation where the input data $k$, $\overline{k}$, $b$, $\overline{b}$
results in a breather\footnote{
Here $\overline{k}$ denotes the complex conjugate of $k$.},
a solution consisting of a bound state of a soliton and an antisoliton \cite{ZS}.
The same holds true in the case of the matrix modified KdV equation as the following argument shows.
Starting from Theorem \ref{class} with $N=2$ and the parameters chosen to as $k_1=k$, $k_2=\overline{k}$
(such that $\ell_1=\ell$, $\ell_2=\overline{\ell}$) and $B_1=B$, $B_2 = \overline{B}$, our solution reads
\begin{eqnarray*}
V &=& \begin{pmatrix} B & \overline{B} \end{pmatrix}
\Big( I_{2\sf d} + M^2 \Big)^{-1}
\begin{pmatrix} \ell I_{\sf d} \\ \overline{\ell} I_{\sf d} \end{pmatrix}
\mbox{ with }
M = \begin{pmatrix}
\frac{1}{2k} \ \ell\, B & \frac{1}{k+\overline{k}} \ell\, \overline{B} \\
\frac{1}{k+\overline{k}} \overline{\ell}\, B & \frac{1}{2\overline{k}} \ \overline{\ell}\, \overline{B}
\end{pmatrix}.
\end{eqnarray*}
Introducing $D = \begin{pmatrix} 0 & I_{\sf d} \\ I_{\sf d} & 0 \end{pmatrix}$, such that
\[
\begin{pmatrix} B & \overline{B} \end{pmatrix} = \begin{pmatrix} \overline{B} & B \end{pmatrix} D
\quad \mbox{ and } \quad
\begin{pmatrix} \ell I_{\sf d} \\ \overline{\ell} I_{\sf d} \end{pmatrix}
= \begin{pmatrix} \overline{\ell} I_{\sf d} \\ \ell I_{\sf d} \end{pmatrix}
\]
and \\[-6ex]
\begin{eqnarray*}
DMD
&=& \begin{pmatrix} 0 & I_{\sf d} \\ I_{\sf d} & 0 \end{pmatrix}
\begin{pmatrix}
\frac{1}{2k} \,\ell\, B & \frac{1}{k+\overline{k}} \ell\, \overline{B} \\
\frac{1}{k+\overline{k}} \overline{\ell}\, B & \frac{1}{2\overline{k}} \,\overline{\ell}\, \overline{B}
\end{pmatrix}
\begin{pmatrix} 0 & I_{\sf d} \\ I_{\sf d} & 0 \end{pmatrix} \\
&=& \begin{pmatrix}
\frac{1}{2k} \ell\, B & \frac{1}{k+\overline{k}} \ell\, \overline{B} \\
\frac{1}{k+\overline{k}} \overline{\ell}\, B & \frac{1}{2\overline{k}} \overline{\ell}\, \overline{B}
\end{pmatrix} .
\end{eqnarray*}
Observe that $D^{-1}=D$. Hence, since $D(I_{2\sf d} + M^2)^{-1}D = (I_{2\sf d} + DM^2D)^{-1}
=(I_{2\sf d} + (DMD)^2)^{-1}$,
we find
\begin{eqnarray*}
V &=& \begin{pmatrix} \overline{B} & B \end{pmatrix}
\bigg( I_{2\sf d} +
\begin{pmatrix}
\frac{1}{2k} \ell\, B & \frac{1}{k+\overline{k}} \ell\, \overline{B} \\
\frac{1}{k+\overline{k}} \overline{\ell}\, B & \frac{1}{2\overline{k}} \overline{\ell}\, \overline{B}
\end{pmatrix}^2 \bigg)^{-1}
\begin{pmatrix} \ell I_{\sf d} \\ \overline{\ell} I_{\sf d} \end{pmatrix} \ = \ \overline{V} ,
\end{eqnarray*}
showing that the solution $V$ is real.
\begin{example} \label{ex breather}
For illustration, we add two random examples. In both examples $k = 1 + {\rm i}$. For the corresponding scalar breather this implies velocity $=2$, and hence the plots are drawn for $(x,x+2t)$ giving a stationary picture.
The matrix parameter is \\[-2ex]
\begin{description}
\item[{\sc Figure 6}] \quad
$B=\begin{pmatrix} {\rm i} & -2 \\ 1+{\rm i} & 2 - {\rm i} \end{pmatrix}$, \\[0.1ex]
\item[{\sc Figure 7}] \quad
$B=\begin{pmatrix} {\rm i} & -2{\rm i} \\ 3{\rm i}-1 & -1 \end{pmatrix}$.
\end{description}
\end{example}
\begin{figure}
\begin{center} \quad \\[-0.5cm]
\includegraphics[scale=0.75]{example_4a_up} \\[-8ex]
\includegraphics[scale=0.75]{example_4a_down} \\[-8ex]
\caption{The solution in Example \ref{ex breather}a) is depicted for $-5\leq x \leq 5$ and $0\leq t \leq 2$
with plot range between $-3.5$ and $3.5$.}
\end{center}
\end{figure}
\begin{figure}
\begin{center} \quad \\[-1cm]
\includegraphics[scale=0.75]{example_4b_up} \\[-8ex]
\includegraphics[scale=0.75]{example_4b_down} \\[-8ex]
\caption{The solution in Example \ref{ex breather}b) is depicted for $-5\leq x \leq 5$ and $-1\leq t \leq 1$ with
plot range between $-5.5$ and $5.5$.}
\end{center}
\end{figure}
\subsubsection*{\small Acknowledgements} \small
Under the financial support of G.N.F.M.-I.N.d.A.M., I.N.F.N. and Universit\`a di Roma
\textsc{La Sapienza}, Rome, Italy.
C. Schiebold acknowledges Dip. S.B.A.I., Universit\`a di Roma \textsc{La Sapienza}, for the kind hospitality.
|
\section*{}
\vspace{-1cm}
\footnotetext{\textit{$^{a}$Department of Chemical Engineering, Indian Institute of Technology Guwahati, Guwahati 781039, India. Fax : + 91 361 2582291; Tel: + 91 361 2583532; E-mail: <EMAIL>}}
\footnotetext{\dag~Electronic Supplementary Information (ESI) available: See DOI: 10.1039/cXsm00000x/}
\section{Introduction.}
The flow of an assembly of solid particles reminiscent of fluid flow can be witnessed in the form of landslides or during unloading of sand from trucks in a construction site or the flow of sand in an hourglass. In industries, handling of solid raw materials is involved mainly during production or storage. Understanding the flow of a collection of solid particles or the rheology of granular particles is of great importance in industries for effective plant operations and for producing desired products. The common scenarios of granular particulate flow are the flow of particles on an inclined surface \cite{Bagnoldscaling} or particles discharging through an orifice of a silo \cite{Mankoc2007} or hopper \cite{rodsphere}.
The flow of particles through an orifice entails interesting phenomena like ratholing, clogging, pressure saturation etc, based on the material properties, the shape of the particles and the silo geometry. During a silo discharge, two types of flow patterns \cite{mass} can occur namely mass flow and funnel flow depending upon the inter-particle friction and the shape of the particles. In mass flow, there is little difference in the velocities of the particles that are flowing in the centre and those near the walls. Whereas, in a funnel type flow, the flow is mainly concentrated in the central part of a silo with a significant difference in the velocities of particles in the centre and those near the wall. An extreme situation of funnel type flow is rat-holing \cite{rathole} where the flow occurs only in a small section at the centre of the silo and in the other regions, the particles are completely stationary. This type of flow has been witnessed in the systems of elongated particles with high aspect ratios. Clogging phenomena \cite{clog1,clog2} or a sudden stoppage of the flow due to the formation of a stable structure of particles that blocks the orifice is common in silo flows involving small orifices. The average major dimension of the elongated particles was found to align almost along the streamlines of the flow due to shear-induced orientation of the particles \cite{elongalign}. The pressure is found to get saturated at depths greater than the width of the silos \cite{janseen} as the load of the particles is partially taken by the side walls through force chains and this is named as Janssen effect. The above-mentioned are some of the phenomena observed during the flow of particles through a silo. Beverloo \textit{et al}. \cite{Beverloo_1961} proposed a model to compute flow rate for a system of spherical particles discharging through a silo as $Q=C\rho_b\sqrt{g}(W-kD)^{n-\frac{1}{2}}$. Here, $Q$ is the flow rate, $C$ is a constant whose value depends on the material properties, $\rho_b$, $g$ and $W$ are bulk density, acceleration due to gravity and orifice width. Moreover, $k$, $D$ are dimensionless coefficient, particle diameter and $n=2,3$ corresponds to a two-dimensional and three-dimensional silo. In the recent decades, many models have been proposed for computing flow rate \cite{Mankoc2007,Artega_1990,Chevoir_2007,Benyamine} of particles discharging through an orifice on the silo base depending on the particle shapes, mixtures of particles or the range of orifice widths considered.
In silos, the orifice is usually placed at the centre of the base due to the practical applications in industries. One of the unconventional orifice positionings in a silo is on the sidewall which can be witnessed during an accidental leakage. In the silos with lateral exits, wall thickness plays a significant role which is not the case in silos having bottom apertures. With an increase in the wall thickness outflow capacity was found to decrease in a cylindrical tube \cite{Bagrintsev1977}. The flow rate dependence on the diameter/hydraulic diameter of the orifice and the wall thickness has been experimentally investigated \cite{lateral1} for an assembly of particles discharging through circular, rectangular and triangular orifices on the vertical walls. Recently, Serrano \textit{et al.} \cite{lateral2} proposed a correlation for computing flow rate $Q$ as a function of $D$ and $w$ of dry cohesionless particles discharging through circular orifices of diameter $D$ on a vertical wall of thickness $w$. Further, the authors showed that Hagen-law (Q $\alpha$ D$^{5/2}$) can be used for computing the flow rate of particles discharging through orifices placed on very thin vertical walls. Zhou \textit{et al.} \cite{Zhou2017} performed experiments, discrete and continuous simulations and proposed an empirical relation for computing flow rate based on the dimensions of the lateral orifice of a silo with thin walls. Moreover, clogging phenomena at lateral orifice for a variety of granular materials was studied and the minimum orifice width where the continuous flow can be expected was proposed by Davies and Desai \cite{DAVIES2008436}.
Granular particles discharging through $multiple$ orifices placed on the base of the silo is another eccentricity in the silo flows apart from a $lateral$ orifice. The usage of multiple orifices is one of the practical industrial solutions for mitigating the clogging of particles discharging through narrow orifices. Before the system gets clogged, the average number of particles discharged from each of the two small orifices as compared with a single orifice silo was found to increase by an order of magnitude \cite{multi1} just by varying the inter-orifice distance. The fluctuations due to an intermittent flow from an orifice resulted in the resumption of the flow in another jammed orifice thus increasing the time before the system gets clogged. In another study \cite{multi3}, the effect of inter-particle friction has been investigated on the flow and jamming behaviour of the particles exiting through multiple orifices. Correlations for the flow rate of the particles discharging out of two orifices placed on the base considering various outlet sizes and inter-orifice distances has been proposed by performing simulations \cite{multiori} as well as experiments \cite{multi2}. Fullard \textit{et al.}\cite{multi4} noticed a non-monotonic dependence of flow rate on the inter-orifice distance. The authors reported that inter-particle friction is the reason for this kind of behaviour. Maiti \textit{et al.} \cite{multi6} studied the influence of inter-orifice distance between symmetrically as well as asymmetrically placed orifices on the base. Further, they reported the existence of a neutral axis between the two orifices which bifurcates the flow fields due to each orifice inside a silo when the orifices are wide apart. Kamath \textit{et al.}\cite{multi5} studied mixing characteristics in a silo having multiple orifices where it is noticed that an intermittent flow through a narrow orifice due to its small size influences the mixing of particles discharged.
In the silo problems involving either lateral orifice or multiple orifices, mostly the systems were involving spherical particles or disc particles. However, understanding the dynamics of mixtures involving non-spherical particles is more useful for practical applications since in reality, the systems involve mixtures of particles varying in size and shape. In this work, we studied the flow of a mixture of dumbbells and discs in two eccentric silo flow situations. In the first case, we analyzed how the fraction of dumbbells influence the dynamics of the particles flowing through a lateral orifice. Whereas in the second case, we studied how the distance between the two orifices placed on the silo base affects the flow dynamics. Moreover, we have presented time-averaged flow fields of various parameters in both the cases which can be verified with the results obtained from the continuum models using $\mu(I)$ rheology. The paper is organised in the following way: in the next section, geometries of both the silos and the simulation technique are explained. In Section \ref{sec:lateral}, the results pertaining to the $lateral$ orifice case are discussed and in section \ref{sec:multi}, the results obtained for the $multiple$ orifice case are elucidated. Finally, in section \ref{sec:conclusion}, our important findings are summarized.
\begin{figure}
\centering
\includegraphics[width=0.4\linewidth]{lateral}
\hspace{0.5cm}
\includegraphics[width=0.4\linewidth]{multi}
\caption{a) Schematic representation of a silo with a) an orifice placed on the \textit{sidewall} and b) \textit{multiple orifices} placed on the silo base. Here, the blue circles indicate discs and the red ones that of dumbbells. We have taken the area of the disc same as that of the dumbbell. The diameter of each circle of a dumbbell is $d$ and the diameter of each disc is $D=\sqrt{2}d$. The orifice width is given by $W$ in both the images and $L$ is the distance between two orifices. Few parameters in our work are analysed in the regions $R_1$ and $R_2$. The region $R_1$ has a length of $5\sqrt{2}d$ in $x$ direction and $W+2\sqrt{2}d$ in y-direction and the region $R_2$ has a length of $W+2\sqrt{2}d$ in $x$ direction and $5\sqrt{2}d$ in y-direction. Please note that the orifice on the $sidewall$ is placed at a height of $3.5d$ from the silo base to avoid the effect of the base. Origin is located at the centre of silo base for both the cases.}
\label{fig:sim}
\end{figure}
\section{Simulation Methodology\label{sec:Sim}}
\begin{table}[h]
\centering
\small
\caption{\ The constants used in our numerical simulations}
\label{tbl:para}
\begin{tabular*}{0.3\textwidth}{@{\extracolsep{\fill}}ll}
\hline
Simulation parameters & Values \\
\hline
$K_n$ & $2.00\times10^6 \rho dg$ \\
$K_t$ & $2.45 \times10^6 \rho dg$ \\
$\gamma_n$ & $1000 \sqrt{g/d^3}$ \\
$\gamma_t$ & $1000 \sqrt{g/d^3}$ \\
$\mu$ & $0.5$ \\
$timestep$ & $10^{-4}\sqrt{d/g}$ \\
\hline
\end{tabular*}
\end{table}
We used the discrete element method (DEM) \citep{Dem} to study the influence of the orifice location and the fraction of dumbbells on the dynamics of granular mixtures. Figure \ref{fig:sim} shows the schematic representation of two-dimensional silos differing in orifice positioning. In the first case, a single orifice is placed on the sidewall whereas, in the other one, two orifices are placed on the silo base. In both the cases, mixtures of discs and dumbbells (two circles are fused to form a rigid body) are analysed. The area of each disc is taken same as that of a dumbbell. Thus, the diameter of the disc is $D=\sqrt{2}d$, where $d$ is the diameter of a single circle of a dumbbell. In figure \ref{fig:sim}a case, $N=15000$ particles are placed at arbitrary locations with random orientations inside a silo confined by the walls at $x=\pm50d$ and $y=0$. We ensured that there are no overlaps among the particles. A gravity of magnitude $g$ is applied in the negative $y$ direction. Consequently, the particles got settled (KE $\approx$ 0.0) and the bed height was found to be close to $270d$. At time $t=0$, an orifice of width $W$ is opened on the sidewall so that particles can discharge out of the silo. Please note that the orifice is placed on the right side wall of the silo and at a height of $3.5d$ to lessen the effect of silo base on the flow dynamics. Periodic boundary conditions (PBC) were applied in $y$ direction and the particles discharging out of the silo were placed on top of the granular bed at random positions with reduced velocities. In our work, few parameters are analysed in the region $R_1$ which is just beside the orifice and having a length of $5\sqrt{2}d$ in $x$-direction and $W+2\sqrt{2}d$ in $y$-direction. In figure \ref{fig:sim}b case, the silo is confined by the walls at $x=\pm75d$ and $y=0$ and it consists of $N=33750$ particles with a bed height close to $400d$. The same procedure is employed for creating the initial configurations of both the silos. The origin is located at the centre of the silo base for both the cases. At time $t=0$, two orifices on the silo base which are equidistant from the origin and are separated by a distance of $L$ and each of width $W$ were opened and PBC was applied in the $y$ direction. A few parameters are calculated in the region $R_2$ which is having a length of $W+2\sqrt{2}d$ in the $x$ direction and $5\sqrt{2}d$ in $y$ direction and is located just above one of the orifices.
One of the main advantages of the DEM technique is it stores individual data of each particle which helps in understanding particle level dynamics. In this technique, positions and velocities of each particle are updated at regular intervals by integrating equations of motion using the velocity Verlet algorithm. In the equations of motion, gravitational and contact forces are the only forces that are considered. The normal and tangential components $F_{ij}^n$, $F_{ij}^t$ of contact forces on a particle $i$ due to particle $j$ is computed by using contact force model \citep{Brilliantov} as
$$F_{ij}^n=\sqrt{R_{\textrm{eff}} \delta_{ij}}(K_n \delta_{ij} \boldsymbol{\hat{r}_{ij}}-m_{\textrm{eff}}\gamma_n \boldsymbol{v_{ij}^n} )$$
$$F_{ij}^t=-\textrm{min}\bigg(\sqrt{R_{\textrm{eff}} \delta_{ij}}(K_t \boldsymbol{\Delta s_{ij}}+m_{\textrm{eff}}\gamma_t \boldsymbol{v_{ij}^t} ),\mu F_{ij}^n\textrm{}\bigg)$$
Here, $R_{\textrm{eff}}=\sqrt{\frac{R_iR_j}{R_i+R_j}}$ and $m_{\textrm{eff}}=\sqrt{\frac{m_im_j}{m_i+m_j}}$ are the effective radius and effective mass of the particles $i,j$ in contact where $R_i,R_j$ are radii and $m_i,m_j$ are masses of respective particles. The overlap $\delta_{ij}=R_i+R_j-|R_{ij}|$ must be non-negative for two particles to be in contact. Here, $|R_{ij}|$ is the distance between the centres of two particles. The subscripts or superscripts consisting of $n,t$ represents the normal or tangential components of the respective parameters. The elastic constant and damping coefficient are denoted by $K$ and $\gamma$ and $\boldsymbol{\hat{r}_{ij}}$ is the unit vector in the direction of line joining the centres of two particles. Moreover, $\boldsymbol{v_{ij}}$ is the relative velocity, $\boldsymbol{\Delta s_{ij}}$ is the tangential displacement vector and $\mu$ is the coefficient of friction. The values of various constants used in our numerical simulations are shown in Table \ref{tbl:para}. The positions and velocities of dumbbells are the centre of mass positions and centre of mass velocities. The force on each dumbbell is computed by adding the forces on both the circles of a dumbbell. The torque on each dumbbell is the sum of torques on both the circles of a dumbbell. The force acting on each circle of a dumbbell due to the other circle of the same dumbbell is ignored. All simulations were performed using LAMMPS \citep{lammps} package and the progress of the simulations were visualized using OVITO \citep{Ovito} package.
\section{Results and Discussion\label{sec:results}}
In this section, we will explain the results obtained for a mixture of discs and dumbbells flowing out of a two-dimensional silo. This section consists of two subsections. In Section. \ref{sec:lateral}, we elucidated the effect of fraction of dumbbells on the dynamics of particles flowing through a lateral orifice and in Section. \ref{sec:multi}, we explained how the flow dynamics is influenced by the spacing between the orifices placed on the silo base. In this regard, the flow is characterized by parameters like mass flow rate $Q$, area fraction $\phi$, granular temperature $T_g$ etc. In this paper, wherever we use the term flow rate it means mass flow rate. The flow rate is calculated by using the least-square fitting method on the total mass of particles discharged versus time data. Area fraction is the ratio of the area occupied by the particles in a region of interest and the area of the region. Granular temperature $T_g$, a measurement of velocity fluctuations of particles \citep{grantemp,grantemp1}, in a region of interest is computed as $T_g = \frac{1}{3}\langle m\{(v_x-<v_x>)^2 + (v_y-<v_y>)^2\} + I (\Omega_z - <\Omega_z>)^2 \rangle$. Here, $m$ is mass of a particle, $v_x$ and $v_y$ are instantaneous velocities in $x$ and $y$ directions respectively. Moreover, $I$ is the moment of inertia, $\Omega_z$ is the rotational velocity in $z$ direction and $<.>$ corresponds to a spatio-temporal average over a specified region of interest.
\begin{figure}
\centerline{\includegraphics[width=1.0\linewidth]{scaling}}
\caption{\label{fig:pfgtl}a) Flow rate $Q$ as a function of the fraction of dumbbells $X_{db}$. b) Scaling of flow rate with the lateral orifice width $W/d$ at different $X_{db}$ and c) scaling of flow rate with the fraction of dumbbells $X_{db}$ at different $W/d$. Here, $d$ corresponds to the diameter of each of the circles of a dumbbell and $\rho$ is the particle density.}
\end{figure}
\begin{figure}
\centerline{\includegraphics[width=1.0\linewidth]{fric}}
\caption{\label{fig:fric} a) Dynamic friction $\overline{\mu}$, b) area fraction $\phi$ and c) granular temperature $T_g$ as a function of the fraction of dumbbells $X_{db}$ in the region $R_1$ which lies beside the lateral orifice. Note that $\overline{\mu}$ is computed for the lateral orifice case having a width $W/d=25$.}
\end{figure}
\subsection{Lateral orifice\label{sec:lateral}}
In this subsection, we explained how the fraction of dumbbells influences the flow dynamics while particles are flowing out of an orifice placed on the $sidewall$ of a silo. In this regard, the particulate flow is analysed for five different fractions of dumbbells $X_{db}$ ranging from 0.0 to 1.0. Moreover, five different widths of the orifice positioned on the sidewall ranging from $W/d$ = 25 to 45 are considered. Flow rate is observed to decrease with an increase in the fraction of dumbbells at all orifice widths (figure \ref{fig:pfgtl}a). This is due to an increase in the dynamic friction ($\overline{\mu}$ = shear stress/pressure) with an increase in the fraction of dumbbells $X_{db}$ as shown in figure \ref{fig:fric}a. The increase in the geometrical interlocking among the particles with an increase of $X_{db}$ might be the reason behind an increase in $\overline{\mu}$. The shear stress and pressure are obtained from the time-average flow fields which are explained in detail in the next section and the magnitude of $\overline{\mu}$ is spatio-temporal average over the region beside the orifice $R_1$. \citet{rodsphere} found a decrease in the flow rate with an increase in the number of rods in a rod-sphere mixture discharging through an orifice in the silo base. Beverloo's law \cite{Beverloo_1961} states that the mass flow rate scales with $(W-kd)^{5/2}$ for a system of spherical particles flowing out of a three-dimensional silo, where $W,k,d$ are orifice width, shape coefficient and diameter of the disc. For a two-dimensional case, it can be derived that the mass flow rate scales with $(W-kd)^{3/2}$ and $k$ was found to be 1 for spherical or disc particles. In our case which involves a mixture of dumbbells and discs we tried to find whether the flow rate scales with orifice width or the fraction of dumbbells. We noticed that Beverloo's law was fitting reasonably well only when $X_{db}=0.0$ which involves only discs. So, we tried with a modified Beverloo's law to collapse the data. The flow rate is found to scale with $(W/d)^{1.5+X_{db}/2}$ at all fractions of dumbbells $X_{db}$ as shown in figure \ref{fig:pfgtl}b. Moreover, we noticed that flow rate scales with $1-0.65 \times X_{db}$ at different orifice widths as shown in figure \ref{fig:pfgtl}c.
\begin{figure}
\centerline{\includegraphics[width=1.0\linewidth]{flowl}}
\caption{\label{fig:flowl}a) Normalized horizontal $V_x/V_{x_{max}}$ and b) normalized vertical $V_y/V_{y_{max}}$ velocities as a function of normalized vertical positions $y/W$ where, $W$ is orifice width on the sidewall of the silo. c) Maximum velocity $V_{max}$ as a function of the fraction of dumbbells $X_{db}$ at different orifice widths $W/d$.}
\end{figure}
Area fraction and granular temperature are analysed in the region $R_1$ which lies just beside the orifice as shown in figure \ref{fig:sim}a. With an increase in the fraction of dumbbells, the voids formed among the particles increases resulting in a decrease in the area fraction (figure \ref{fig:fric}b). Recently, \citet{rodsphere} noticed a similar result where the packing fraction was found to decrease with an increase in the fraction of rod-like particles of a spherical-rod mixture flowing through the silo base. Granular temperature is found to decrease with an increase in $X_{db}$ as shown in figure \ref{fig:fric}c due to a decrease in the velocity fluctuations of the particles in the region $R_1$. This can be explained by a decrease in the velocities of colliding particles with an increase in $X_{db}$ due to geometrical interlocking among the particles. Self-similar velocity profiles are noticed when normalized horizontal and normalized vertical velocities are plotted against normalized vertical position (figure \ref{fig:flowl}a, \ref{fig:flowl}b). Zhou \textit{et al.} \cite{selfsimilar1} noticed self-similar velocity profiles for a system of bidisperse spherical particles discharging out of an orifice placed on the silo base. Moreover, Janda \textit{et al.} \cite{selfsimilar2} reported self-similar velocity profiles in a system of monodispersed spherical beads discharging out of a two-dimensional silo from an aperture on a silo base. The stagnant zone or a set of almost stationary particles that are present below the lateral orifice \citep{Zhou2017} hinders the free-flow of particles. Moreover, with an increase in the fraction of dumbbells the stagnant zone offers more resistance to the flow resulting in a decrease in the flowing zone (Please refer to the supplementary information$\dag$). This yields in a decrease in the maximum velocity $V_{max}$ (figure \ref{fig:flowl}c) in the region beside the orifice ($R_1$) with an increase in $X_{db}$. This result complements a decrease in the flow rate of particles with an increase of $X_{db}$ (figure \ref{fig:pfgtl}a). We computed orientational order parameter to check whether the particles are aligned in a particular direction at three different regions. The first region is beside the orifice ($35<x<45$ and $10<y<W-5$), the second one is slightly away from the orifice ($15<x<25$ and $W-5<y<W+5$) and the third one is taken in the bulk ($5<x<15$ and $60<y<70$). Please note that the origin ($x=0,y=0$) is located at the centre of the silo base. The orientational order parameter $S$ is computed as $S=2<cos^2\theta> -1$ where $\theta$ is the difference of the orientation of dumbbell and the director vector. The orientation of dumbbell is computed as the angle between the larger axis of the dumbbell and the horizontal axis $y=0$. The director vector indicates the flow direction. The orientational order parameter is noticed to decrease with an increase in the fraction of dumbbells in the region close to the orifice (figure \ref{fig:ori}a). A disordered packing of elongated particles result in more voids and consequently lower area fraction. In our case, this decrease in the area fraction might be another reason for a decrease in the flow rate with an increase in the fraction of dumbbells. In the bulk, as the particles are closely packed, the orientational order parameter is found to increase with an increase in the fraction of dumbbells (figure \ref{fig:ori}c). However, in the intermediate region, ordering of particles is almost unaffected by the fraction of dumbbells. To explore the flow dynamics at various lateral orifice widths $W/d$ we have analysed spatial flow fields of various parameters by using coarse-graining method \citep{weinhart,coarsegrain} in the next subsection.
\begin{figure}[h]
\centering
\includegraphics[width=\linewidth]{ori}
\caption{\label{fig:ori} Orientational order parameter $S$ as a function of the fraction of dumbbells $X_{db}$ in the region a) $35<x<45$ and $10<y<W-5$, b) $15<x<25$ and $W-5<y<W+5$, c) $5<x<15$ and $60<y<70$ at different lateral orifice widths $W/d$.}
\end{figure}
\subsubsection{Flow fields at various lateral orifice widths $W/d$ \label{sec:coarsew}}
We have generated continuous macroscopic flow fields by using discrete microscopic data like positions, velocities etc,. of the individual particles. Here we employeed coarse-graining technique as suggested by \citep{coarsegrain} for a two-dimensional silo. The area fraction $\phi(t)$, rotational velocity $\Omega(t)$, fluctuations in rotational velocity $\Omega_{fl}(t)$, velocity $\bm{v}(t)$, granular temperature $T_g(t)$, stress tensor $\sigma_{ij}(t)$ and pressure $P(t)$ at any point of time $t$ and at any position $p$ having a position vector $\bm{r_p}$ is computed as follows:
\begin{equation}
\phi(t) = \left[ \sum_{i=1}^{n} \frac{\rho \pi d_i^2}{4} \mathcal{W}(\bm{r_p}-\bm{r_i(t)}) \right]/\rho
\end{equation}
\begin{equation}
\Omega(t) = \left[ \sum_{i=1}^{n} \frac{\rho \pi d_i^2}{4} \Omega_{z_i} \mathcal{W}(\bm{r_p}-\bm{r_i(t)}) \right]/\rho \phi
\end{equation}
\begin{equation}
\Omega_{fl}(t) = \left[ \sum_{i=1}^{n} \frac{\rho \pi d_i^2}{4} (\Omega_{z_i}-\Omega)^2 \mathcal{W}(\bm{r_p}-\bm{r_i(t)}) \right]/\rho \phi
\end{equation}
\begin{equation}
\bm{v}(t) = \left[\sum_{i=1}^{n} \frac{\rho \pi d^2_i}{4} \bm{v_i} \mathcal{W}(\bm{r_p}-\bm{r_i(t)}) \right]/\rho \phi
\end{equation}
\begin{equation}
T_g(t) = \frac{\sum_{i=1}^{n} \frac{\rho \pi d^2_i}{4}|\bm{v_i}-\bm{v}|^2 \mathcal{W}(\bm{r_p}-\bm{r_i(t)})}{2\rho \phi}
\end{equation}
\begin{equation}
\bm{\sigma_{ij}}(t)= \sum_{i=1}^{n}\sum_{j=i+1}^{n}(\bm{F^{ij} \times r_{ij}}) \int_{s=0}^{1} \mathcal{W}(\bm{r_p}-\bm{r_i(t)}+s\bm{r_{ij}})ds
\end{equation}
\begin{equation}
P(t) =\frac{-tr(\sigma_{ij}(t))}{2}
\end{equation}
\begin{equation}
\mathcal{W}(\bm{r})=\frac{1}{\pi w^2}e^{-\bm{r}^2/w^2}
\end{equation}
Here, $\rho$, $d_i$ and $\bm{r_i}$ are density, diameter and position vector of the $i^{th}$ particle and $\mathcal{W}(\bm{r})$ is the coarse-graining function which weighs the parameters over space from discrete data with $w=1.414$. At any position $p$ with position vector $\bm{r_p}$, the parameters are evaluated only when $|\bm{r_p}-\bm{r_i}|<3w$ where $\bm{r_i}$ is the postion vector of $i^{th}$ particle. Moreover, $\phi$, $\Omega$, $\Omega_{fl}$, $\bm{v}$, $T_g$, $\sigma_{ij}$ and $P$ are the time-averaged quantities of the respective parameters. All the flow fields demonstrated in this subsection are averaged over 2500 frames and they corresponds to the region: $-38.5\le x \le 48.5$ and $1.5\le y \le 148.5$. For each parameter we have produced five flow fields each corresponding to a different lateral orifice width $W/d$ ranging from 25 to 45. The fraction of dumbbells is $X_{db}$ = 0.5 for all the flow fields demonstrated in this subsection.
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/volfrac_w25}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/volfrac_w30}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/volfrac_w35}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/volfrac_w40}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/volfrac_w45}}
\hspace{0.25cm}
\includegraphics[width=0.07\linewidth]{volfrac_color}
\caption{\label{fields:pf}Spatial distribution of area fraction $\phi $ at an orifice width $W/d$ = a) 25, b) 30, c) 35, d) 40 and e) 45 on the sidewall with fraction of dumbbells $X_{db}=0.5$.}
\end{figure}
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/omeg_w25}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/omeg_w30}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/omeg_w35}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/omeg_w40}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/omeg_w45}}
\hspace{0.25cm}
\includegraphics[width=0.1\linewidth]{lateral/omeg_color}
\caption{\label{fields:omeg}Spatial distribution of rotational velocity $\Omega $ at an orifice width $W/d$ = a) 25, b) 30, c) 35, d) 40 and e) 45 on the sidewall with fraction of dumbbells $X_{db}=0.5$.}
\end{figure}
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/omegfluc_w25}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/omegfluc_w30}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/omegfluc_w35}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/omegfluc_w40}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/omegfluc_w45}}
\hspace{0.25cm}
\includegraphics[width=0.1\linewidth]{lateral/omegfluc_color}
\caption{\label{fields:omegfluc}Spatial distribution of fluctuations in rotational velocity $\Omega_{fl}$ at an orifice width $W/d$ = a) 25, b) 30, c) 35, d) 40 and e) 45 on the sidewall with fraction of dumbbells $X_{db}=0.5$.}
\end{figure}
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/vel_w25}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/vel_w30}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/vel_w35}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/vel_w40}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/vel_w45}}
\hspace{0.25cm}
\includegraphics[width=0.1\linewidth]{lateral/vel_color}
\caption{\label{fields:vel}Spatial distribution of velocity $V$ at an orifice width $W/d$ = a) 25, b) 30, c) 35, d) 40 and e) 45 on the sidewall with fraction of dumbbells $X_{db}=0.5$.}
\end{figure}
Area fraction $\phi$ is found to vary slightly with an increase in the width $W$ of the lateral orifice (figure \ref{fields:pf}). The area fraction is least in the region beside the orifice due to shear-induced dilation \citep{tamas2016}. Moreover, with an increase of $W$, the region of dilation is noticed to increase. In the bulk as well as in the left side corner of the silo, $\phi$ is noticed to be slightly less than that of the random close packing (0.84) at all $W$. Figure \ref{fields:omeg} displays the spatial distribution of rotational velocity $\Omega$ at various lateral orifice widths. The flowing solid particles tend to rotate while crossing the edges \citep{rotation}, thus $\Omega$ is found to be maximum at both edges of the orifice for all the cases. In the bulk, as the particles are closely packed they hardly rotate resulting in a negligible $\Omega$. However, in the region beside the orifice, the particles are loosely packed (figure \ref{fields:pf}) thus the particle collisions might yield in their rotations. Moreover, the particle collisions result in the fluctuations of rotational velocities $\Omega_{fl}$ in the region beside the orifice as seen in figure \ref{fields:omegfluc}. This region is noticed to expand with the lateral orifice width due to an increase in the flowing zone of the particles. Figure \ref{fields:vel} displays velocity $V$ fields at various lateral orifice widths $W$. A stagnant zone is observed at the left side of the silo as well as on the base where velocity is found to be almost zero. This zone is found to vary slightly with an increase in the lateral orifice width. The stagnant zone hinders the movement of particles flowing adjacent to it and its influence is negligible at locations far away from it. Moreover, the flowing zone reaches the left wall at a certain height due to the presence of the stagnant zone. The presence of stagnant zone on the entire silo base as well as until certain height of the left side wall was observed previously \cite{Zhou2017} though in their study they presented velocity fields at various widths of the silo. As particle velocities are almost constant in the bulk, granular temperature $T_g$ or fluctuations in velocities are found to be almost negligible (figure \ref{fields:temp}) in the bulk. However, in the region beside the orifice, $T_g$ is present due to two types of particle collisions. The first one is between the particles of the flowing zone and those present above the orifice. The other type is between the particles in the flowing zone and those present in the stagnant zone. Moreover, $T_g$ is found to increase with an increase in $W/d$ in the region beside the orifice due to an increase in the velocity fluctuations. This can be explained by an increase in the particle collisions as well as particle velocities (figure \ref{fields:vel}) due to an increase in the orifice width.
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/temp_w25}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/temp_w30}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/temp_w35}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/temp_w40}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/temp_w45}}
\hspace{0.25cm}
\includegraphics[width=0.1\linewidth]{lateral/temp_color}
\caption{\label{fields:temp}Spatial distribution of granular temperature $T_g$ at an orifice width $W/d$ = a) 25, b) 30, c) 35, d) 40 and e) 45 on the sidewall with fraction of dumbbells $X_{db}=0.5$.}
\end{figure}
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/press_w25}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/press_w30}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/press_w35}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/press_w40}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/press_w45}}
\hspace{0.25cm}
\includegraphics[width=0.1\linewidth]{lateral/press_color}
\caption{\label{fields:press}Spatial distribution of pressure $P$ at an orifice width $W/d$ = a) 25, b) 30, c) 35, d) 40 and e) 45 on the sidewall with fraction of dumbbells $X_{db}=0.5$.}
\end{figure}
Pressure $P$ flow fields are illustrated in figure \ref{fields:press}. In a granular media, stress is transmitted through a network of contacts namely force chains \citep{forcechains}. Thus, the number of contacts or coordination number plays a crucial role in determining the magnitude of stress experienced by a particle. The average coordination number $C$ is found to be less in the region beside the orifice as compared to that of the bulk (figure \ref{fig:coords}). This is the reason for a lesser pressure in the region beside the orifice as compared to that of the bulk. With an increase in the orifice width, pressure decreases slightly in the region beside the orifice due to a slight decrease in the average coordination number. Towards the left side of the silo, the pressure is maximum due to the presence of stagnant zone and the force exerted by the particles above it which corresponds to the flowing zone. Figure \ref{fields:shear} displays the shear stress $|\tau|$ and it is least in the region beside the orifice as it is flowing zone. $|\tau|$ is observed to be maximum for all the cases at the left side of the silo as it is the region that lies between the wall and the flowing zone. This kind of behaviour is similar to that observed in the liquids. Moreover, as there is hardly any flow in the region above the base of the silo, shear stress is least in this region.
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/shear_w25}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/shear_w30}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/shear_w35}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/shear_w40}}
\hspace{0.25cm}
\subfloat[][]{\includegraphics[clip,trim=5.15cm 1.2cm 4.65cm 0.6cm,width=0.14\linewidth]{lateral/shear_w45}}
\hspace{0.25cm}
\includegraphics[width=0.1\linewidth]{lateral/shear_color}
\caption{\label{fields:shear}Spatial distribution of shear stress $|\tau|$ at an orifice width $W/d$ = a) 25, b) 30, c) 35, d) 40 and e) 45 on the sidewall with fraction of dumbbells $X_{db}=0.5$.}
\end{figure}
\begin{figure}
\centerline{\includegraphics[width=1.0\linewidth]{coord}}
\caption{\label{fig:coords}a) Average coordination number $C$ as a function of lateral orifice width $W/d$ for the fraction of dumbbells $X_{db}=0.5$ at regions $A$, $B$ and $C$. b) The regions of interest $A$, $B$ and $C$ are shown. Here, region $A$: $35<x<45$ and $10<y<W-5$, region $B$: $15<x<25$ and region $C$: $W-5<y<W+5$, c) $5<x<15$ and $60<y<70$}
\end{figure}
\subsection{Two orifices on a silo base\label{sec:multi}}
In this subsection, we are going to elucidate how the flow dynamics of a mixture of discs and dumbbells is affected by the separation distance between the two orifices that are placed on the silo base. In this regard, we have analysed the flow at six different separation lengths $L/d$ ranging from $0$ to $40$ between the two orifices each of width $W/d=20$. Moreover, we have considered five different fractions of dumbbells $X_{db}$ from 0.0 to 1.0. When granular particles are discharging through an orifice on a flat bottomed silo base, a stagnant zone is present on either side of the orifice \citep{tamas2016}. The stagnant zone usually hinders the movement of particles flowing adjacent to it. In the case of a silo with multiple orifices, an additional stagnant zone is present in between the orifices \cite{multiori} along with the one that exists beside the sidewalls. As the distance between the orifices increases, the stagnant zone formed between them expands and the hindrance to the flow increases thus decreasing the flow rate $Q$. This is shown in figure \ref{fig:scalingm}a, where $Q/Q_{0}$ decreases with $L/d$ for all fractions of dumbbells $X_{db}$ until $L/d=20$ and then it gets saturated. Here, $Q$ is the flowrate of particles exiting through both the orifices and $Q_{0}$ represents flow rate when the inter-orifice distance is zero. \citet{multiori} reported a similar result to that of ours where they noticed a gradual decrease followed by saturation in $Q$ with an increase in the inter-orifice distance for a system of spherical particles. We observed a decrease in the flow rate with an increase in the fraction of dumbbells $X_{db}$, similar to the result observed in figure \ref{fig:pfgtl}a. The flow rates corresponding to different inter-orifice distances for various fractions of dumbbells are collapsed into a single curve. The flow rate $Q$ scales with the inter-orifice distance $L/d$ as $Q \propto Q_0\times e^{-0.1(1+X_{db})(L/d)^{0.1}}$ (figure \ref{fig:scalingm}).
\begin{figure}
\centerline{\includegraphics[width=1.0\linewidth]{scalingm}}
\caption{\label{fig:scalingm}a) Normalized flow rate $Q/Q_{0}$ as a function of inter-orifice distances $L/d$ at different fraction of dumbbells $X_{db}$ and b) scaling of flow rate with inter-orifice distance $L/d$. Here, the width of each of the two orifices is $W/d=20$ and $Q_0$ is the flow rate at $L/d=0$.}
\end{figure}
\begin{figure}
\centerline{\includegraphics[width=1.0\linewidth]{pfgtm}}
\caption{\label{fig:pfgtm}a) Area fraction $\phi$ and b) granular temperature $T_g$ at different spacings $L/d$ between the two orifices, each of width $W/d=20$.}
\end{figure}
\begin{figure}
\centerline{\includegraphics[width=1.0\linewidth]{flowm}}
\caption{\label{fig:flowm}Vertical velocity $V_y$ as a function of horizontal position $x$ at various spacings $L$ between the two orifices, each of width $W/d=20$.}
\end{figure}
Area fraction and granular temperature are computed in the region $R_2$ lying just above one of the orifices as shown in the figure \ref{fig:sim}b. Area fraction $\phi$ is found to vary slightly with the inter-orifice distance $L/d$ however it decreases with an increase in $X_{db}$ (figure \ref{fig:pfgtm}). Moreover, $\phi$, in this case, is less as compared to that of the lateral orifice case because the particles lying above the lateral orifice flow into the region beside the orifice due to gravity and thus results in higher $\phi$. Granular temperature $T_g$ is found to increase with an increase in $L/d$ for a system of discs $X_{db}=0.0$ and it decreases with an increase in $L/d$ for that of dumbbells $X_{db}=1.0$. For the mixtures of dumbbells and discs $T_g$ is noticed to remain almost constant. Moreover, $T_g$ is noticed to decrease with an increase in $X_{db}$ at all $L/d$. With the addition of dumbbells, velocity fluctuations in the region above the orifice decreases due to decrease in the particle collisions and particle velocities as dumbbells have more affinity to interlock due to its geometry. Figure \ref{fig:flowm} displays the vertical velocity profiles as a function of horizontal position. At a lower inter-orifice distance $L/d\le10$, the flow through an orifice is found to influence the flow of particles through another orifice. This interaction zone between the orifices is responsible for a significant difference in the magnitude of the particle velocities at $L/d=2.5$ and $L/d=20$ in the region above the orifice. The interaction zone is noticed to be almost absent at $L/d\ge20$. As the distance between the orifices increases, the velocities of the particles lying between the two orifices decreases due to an increase in the stagnant zone. The silo flows are usually characterised by the spatio-temporal heterogeneities \citep{mehta}. However, the two orifices are observed to have almost similar velocity profiles because $V_y$ is averaged over a certain time. The maximum vertical velocity of the particles is noticed to decrease with an increase in $L/d$ supporting the result of a decrease in the flow rate with $L/d$ in figure \ref{fig:pfgtm}a.
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/volfrac_0}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/volfrac_2_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/volfrac_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/volfrac_10}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/volfrac_20}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/volfrac_40}}
\hspace{0.01cm}
\includegraphics[width=0.06\linewidth]{multi/volfrac_color}
\caption{\label{fields:pfm}Spatial distribution of area fraction $\phi $ at different spacings $L/d$ = a) 0.0, b) 2.5, c) 5, d) 10, e) 20 and f) 40 between the orifices, each of width $W/d=20$, placed on the silo base. The fraction of dumbbells for all the cases is $X_{db}=0.5$. }
\end{figure}
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/omeg_0}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/omeg_2_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/omeg_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/omeg_10}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/omeg_20}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/omeg_40}}
\hspace{0.01cm}
\includegraphics[width=0.054\linewidth]{multi/omeg_color}
\caption{\label{fields:omegm}Spatial distribution of rotational velocity $\Omega $ at different spacings $L/d$ = a) 0.0, b) 2.5, c) 5, d) 10, e) 20 and f) 40 between the orifices, each of width $W/d=20$, placed on the silo base. The fraction of dumbbells for all the cases is $X_{db}=0.5$. }
\end{figure}
\subsubsection{Flow fields at various $L/d$ \label{sec:coarsesepa}}
We employed the coarse-graining technique as explained in section \ref{sec:coarsew} to comprehend the influence of the inter-orifice distance on the flow dynamics. Here, we demonstrated flow fields of area fraction $\phi$, rotational velocity $\Omega$, fluctuations in rotational velocity $\Omega_{fl}$, velocity $V$, granular temperature $T_g$, pressure $P$ and shear stress $|\tau|$. Each parameter is plotted at six different separation distances $L/d$ ranging from 0.0 to 40.0 in the region: $-68.5\le x \le 68.5$ and $1.5 \le y \le 148.5$. All the flow fields correspond to the fraction of dumbbells $X_{db}=0.5$ and width of each of the orifice is $W/d=20$. The variation in $L/d$ has little effect on $\phi$ in the bulk (figure \ref{fields:pfm}) as the fraction of dumbbells is same for all the cases. In the region above the orifice due to shear-induced dilation, area fraction is noticed to be less. With an increase in $L/d$, the region of dilation decreases gradually and for $L/d\ge10$, it is confined to small regions just above the orifices. Rotational velocity $\Omega$ is almost negligible in the bulk as the particle rotations are not possible because the particles are closely packed. As $L/d$ increases, $\Omega$ is present on either side of the two orifices. Until $L/d=10$, rotational velocity varied slightly from that of single big orifice case ($L/d=0$), however at $L/d>10$, the $\Omega$ at each orifice is found to be independent of the other orifice. Fluctuations in rotational velocity are almost negligible in the bulk (figure \ref{fields:omegflucm}) as the rotational velocity is almost constant in the bulk as observed in figure \ref{fields:omegm}. In the region above the orifice, $\Omega_{fl}$ is found to be less at inter-orifice distance $L/d=0$ and $L/d\ge20$. However, $\Omega_{fl}$ is found to be more in the region between the two orifices for $2.5 \le L/d \le 10$ as the particles present in between the orifices tends to discharge through either of the orifices.
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/omegfluc_0}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/omegfluc_2_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/omegfluc_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/omegfluc_10}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/omegfluc_20}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/omegfluc_40}}
\hspace{0.01cm}
\includegraphics[width=0.054\linewidth]{multi/omegfluc_color}
\caption{\label{fields:omegflucm}Spatial distribution of fluctuations in rotational velocity $\Omega_{fl} $ at different spacings $L/d$ = a) 0.0, b) 2.5, c) 5, d) 10, e) 20 and f) 40 between the orifices, each of width $W/d=20$, placed on the silo base. The fraction of dumbbells for all the cases is $X_{db}=0.5$. }
\end{figure}
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/vel_0}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/vel_2_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/vel_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/vel_10}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/vel_20}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/vel_40}}
\hspace{0.01cm}
\includegraphics[width=0.054\linewidth]{multi/vel_color}
\caption{\label{fields:velm}Spatial distribution of velocity $V$ at different spacings $L/d$ = a) 0.0, b) 2.5, c) 5, d) 10, e) 20 and f) 40 between the orifices, each of width $W/d=20$, placed on the silo base. The fraction of dumbbells for all the cases is $X_{db}=0.5$. }
\end{figure}
Velocity fields of a mixture of discs and dumbbells at various inter-orifice distances $L/d$ are displayed in figure \ref{fields:velm}. In the bulk, the velocities $V$ of the particles are almost constant and $V$ is found to decrease with an increase in $L/d$. The orifices are found to interact until $L/d=20$ and then for $L/d=40$, they cease to interact as they are wide apart. Qualitatively similar behaviour has been noticed in \citep{multiori} while spherical beads are discharging through two orifices placed on the base of a flat-bottomed quasi-2D hopper. The stagnant zone is found to expand between the orifices from $L/d\ge10$ forming an upward-pointed triangle due to the availability of a flat base. However, for $L/d<10$, the stagnant zone is almost negligible as the base is so small that hardly two or three particles can stay on the base which would be discharged from either of the orifices. As stagnant zone hinders the flow, consequently velocity is found to decrease with an increase in $L/d$ due to the expansion of the stagnant zone. Granular temperature $T_g$ is found to be almost negligible in the bulk(figure \ref{fields:tempm}) as the velocity is almost constant. However, $T_g$ decreases with an increase in the inter-orifice distance $L/d$ in the region above the orifice due to decrease in the collisions resulting from a decrease in the particle velocities as noticed in figure \ref{fields:velm}.
Pressure fields are illustrated in the figure \ref{fields:pressm} where the orifices are found to interact until $L/d=10$ in the region above the orifice as if there is a single orifice. However, at $L/d=20$, a weak interaction is noticed and at $L/d=40$, it is completely absent as the orifices are wide apart. The pressure is more near the walls as compared to the bulk because the force chains are usually more stronger near the walls as they can be supported by the walls. The pressure is found to be least in the region above the orifices due to dilation as noticed in figure \ref{fields:pfm}. Moreover, due to the expansion of stagnant zone as observed in figure \ref{fields:velm}, pressure is found to increase in the region between the two orifices as the load from the particles flowing above is supported by the base wall between the two orifices. Shear stress seems to be almost independent of inter-orifice distance $L/d$ in the bulk as shown in the figure \ref{fields:shearm} except at very large $L/d$. The areas of deep blue with least $|\tau|$ in the bulk correspond to the flowing zone. Moreover, shear stress is noticed to be maximum near the walls, a behaviour reminiscent in the fluid flow. The stagnant zone developed at the centre of the silo base at $L/d\ge10$ hinders the movement of particles discharging through each of the orifices thus resulting in a higher shear stress. Figure \ref{fields:shearm} displays an increase in shear stress with an increase in the inter-orifice distance in the region between the orifices and the stagnant zone at the centre of the silo base due to an expansion of the stagnant zone as observed in the figure \ref{fields:velm}.
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/temp_0}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/temp_2_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/temp_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/temp_10}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/temp_20}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/temp_40}}
\hspace{0.01cm}
\includegraphics[width=0.054\linewidth]{multi/temp_color}
\caption{\label{fields:tempm}Spatial distribution of granular temperature $T_g$ at different spacings $L/d$ = a) 0.0, b) 2.5, c) 5, d) 10, e) 20 and f) 40 between the orifices, each of width $W/d=20$, placed on the silo base. The fraction of dumbbells for all the cases is $X_{db}=0.5$. }
\end{figure}
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/press_0}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/press_2_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/press_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/press_10}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/press_20}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/press_40}}
\hspace{0.01cm}
\includegraphics[width=0.054\linewidth]{multi/press_color}
\caption{\label{fields:pressm}Spatial distribution of pressure $P$ at different spacings $L/d$ = a) 0.0, b) 2.5, c) 5, d) 10, e) 20 and f) 40 between the orifices, each of width $W/d=20$, placed on the silo base. The fraction of dumbbells for all the cases is $X_{db}=0.5$. }
\end{figure}
\section{Conclusion\label{sec:conclusion}}
In this work, we performed numerical simulations to study the dynamics of granular mixtures for two silo cases differing in orifice positioning.
\subsection{Lateral orifice}
Here, we studied the effect of the fraction of dumbbells on the mixture of dumbbells and discs flowing through an orifice placed on the sidewall. Flow rate is found to decrease with an increase in the fraction of dumbbells. This can be due to an increase in the dynamic friction with an increase in $X_{db}$ resulting from the interlocking of the dumbbells. At any fraction of dumbbells, flow rate $Q$ is found to scale with $(W/d)^{1.5+X_{db}/2}$ where, $W/d$ is the width of the lateral orifice. This is a modified Beverloo's law which includes not only orifice width but also the fraction of dumbbells. Moreover, at any orifice width, the flow rate is observed to scale with $1-0.65 \times X_{db}$. The ordering of dumbbells is found to decrease with an increase in the fraction of dumbbells near the lateral orifice. This results in a decrease in the area fraction and consequently a decrease in the flow rate. Moreover, maximum velocity $V_{max}$ is found to decrease with an increase in the fraction of dumbbells in the region beside the orifice thus complimenting the flow rate trends. Area fraction in the region beside the lateral orifice is found to be more as compared to the region above the orifice placed on a silobase as the particles lying above the lateral orifice slides into the region beside the orifice. Self-similar profiles of horizontal and vertical velocities are observed in the region beside the orifice for a mixture of dumbbells and discs. Pressure is noticed to be more towards the left side wall and least in the region beside the orifice. Shear stress is maximum in the region close to the left side wall as it lies between the wall and the flowing zone.
\begin{figure}
\centering
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/shear_0}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/shear_2_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/shear_5}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/shear_10}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/shear_20}}
\hspace{0.01cm}
\subfloat[][]{\includegraphics[clip,trim=3.15cm 1.2cm 2.65cm 0.6cm,width=0.14\linewidth]{multi/shear_40}}
\hspace{0.01cm}
\includegraphics[width=0.054\linewidth]{multi/shear_color}
\caption{\label{fields:shearm}Spatial distribution of shear stress $|\tau|$ at different spacings $L/d$ = a) 0.0, b) 2.5, c) 5, d) 10, e) 20 and f) 40 between the orifices, each of width $W/d=20$, placed on the silo base. The fraction of dumbbells for all the cases is $X_{db}=0.5$. }
\end{figure}
\subsection{Multiple orifices on the silo base}
Here, we analysed how the distance between the two orifices placed on the silo base influences the rheology of a mixture of dumbbells and discs. The flow rate $Q$ is found to be maixmum when the inter-orifice distance $L/d$ is zero for all mixture concentrations. It decreases gradually with an increase in the inter-orifice distance and gets saturated when the distance between the two orifices is very large. The flow rate scaling with the inter-orifice distance is also reported. Time-averaged velocity fields revealed an increase in the stagnant zone present in between the two orifices. The hindrance offered by this stagnant zone along with the one present beside the side walls might be the reason for a decrease in $Q$ with an increase in $L/d$. The two orifices were found to interact until $L/d=20$ and then they cease to interact for larger inter-orifice spacing. Inter-orifice distance has little effect on the area fraction. In the region above the orifices, shear stress is found to increase with an increase in the inter-orifice spacing due to an expansion of stagnant zone between the orifices.
\section*{Conflicts of interest}There are no conflicts to declare.
\section*{Electronic Supplementary Information} The ESI consists of flow fields of various parameters at a lateral orifice width $W/d=25$. For each parameter, five flow fields are demonstrated each corresponding to a different fraction of dumbbells $X_{db}$ ranging from 0.0 to 1.0.
\section*{Acknowledgements}
We thank Sonu Kumar for his valuable discussions regarding coarse graining methodology. Also, we would like to thank IITG for providing HPC faclity for performing our simulations.
\balance
|
\section{Introduction}
Rapidly oscillating chemically peculiar (roAp) stars are a subgroup of the chemically peculiar (CP) stars with spectral types ranging from late B to early F, with luminosity class IV to V, and a global magnetic field that causes a peculiar chemical composition of their atmosphere and that deviates from solar composition \citep{kurtz3}. The roAp stars provide important tools for investigating stellar structure and evolution and for testing astrophysical concepts. These stars show low-degree, high-order acoustic oscillations, similar to the 5 min oscillations in the Sun, but with coupling to the magnetic field. The excitation of such high-order oscillations, instead of the low-order pulsation in $\delta$\,Scuti stars, is expected to be related to the magnetic field, which suppresses the near-surface convection, and therefore increases the efficiency of the opacity mechanism in the hydrogen ionisation region \citep[][]{ balmforth2001}.
In principle, the high-order oscillations should simplify the theoretical interpretation of the observed power spectrum by the use of standard asymptotic tools, but since the oscillations are modified near the surface by the magnetic field, more sophisticated modelling is required \citep[][]{cun2006}. However, the coupling between rotation, pulsation, and magnetic field in a chemically peculiar environment makes the roAp stars important laboratories for testing stellar structure and evolution theory.
The star $\alpha$\,Cir\ is visible to the naked eye ($V=3.2$\,mag). It is a well-known and well-observed member of the roAp group,and has a mean quadratic magnetic field of 4\,kG to 7\,kG \citep{mathys3}, a main pulsation period of 6.8\,min, and a rotation period of about $P_{\rm rot}$\,=\,4.48\,d. \citet[][hereafter Paper\,I]{paper1} have already summarised past investigations of $\alpha$\,Cir , provided references, and discussed striking differences between the rotation light curves deduced from red and blue filter {{BRITE}-Constellation}\ observations\ \citep{brite1}.
The data needed for clarification were obtained by three of the five {{BRITE}-Constellation}\ satellites in 2016. In addition we analysed {\sc {WIRE}}\ data from 2006 and 2007 \citep{bruntt2}, and data from {\sc {SMEI}}\ obtained from 2003 to 2010 \citep{jack,tarr} which cover the two last {\sc {WIRE}}\ seasons. Finally, we also address {\sc {TESS}}\ data \citep{tess} obtained in 2019.
The large time base (almost 20 years of observing $\alpha$\,Cir\ with various space missions) allows us to discuss rotation and pulsation, with a discussion of the inherent problems of photometric surface imaging using Bayesian techniques, which has two main advantages: (i) parameter estimation with the Bayesian technique provides credibility regions from the data alone and (ii) it allows us to rank models according to their evidence.
Concerning pulsation properties, the dependence of amplitude and phase of the dominant frequency f$_1$ on the rotation phase of $\alpha$\,Cir \ (see Paper\,I) was another challenge for the 2016 BRITE photometry. Merging the results with space photometry obtained by {\sc {WIRE}} , {\sc {SMEI}} , and {\sc {TESS}}\ helped to improve the accuracy significantly. With a much better signal-to-noise ratio (S/N) of the new red and blue 2016 BRITE data, we also address other frequencies mentioned by \citet{bruntt2} and in Paper\,I.
\section{Photometric data and reduction}
As $\alpha$\,Cir\ was observed by different satellites at different epochs, the various data sets exhibit individual peculiarities.
The effective wavelengths of the passbands of the various satellites (Table\,\ref{t:pass}) were determined by using the filter values and a synthetic spectrum with $T_{\rm{eff}}$\, =\,7\,500\,K, log\,$g$\,=\,4.1\,[cm\,s$^{-2}$],\ and a chemical composition that agree with the atmospheric parameters determined by \citet{koch} for $\alpha$\,Cir .
\begin{table}[h]
\caption{Effective wavelengths and band widths of the space photometers BAb\ (BRITE-Austria), BLb\ (BRITE-Lem), BTr\ (BRITE-Toronto), SMEI, WIRE, and TESS. The combined BAb\ and BLb\ data are indicated in the text as Bb$^{\star}$.
}
\label{t:pass}
\centering
\begin{tabular}{lrr}
\hline\hline
& $\lambda$ (nm) & band width (nm) \\
\hline
BAb\ \&\ BLb\ (= Bb$^{\star}$) & 425 & 55 \\
BTr & 605 & 145 \\
WIRE & $\approx$ 600 & $\approx$ 380\\
SMEI & 630 & $\approx$ 600 \\
TESS & $\approx$ 800 & $\approx$ 400 \\
\hline
\end{tabular}
\end{table}
\subsection{BRITE-Constellation}
$\alpha$\,Cir\ was observed during the commissioning phase of {{BRITE}-Constellation}\ \citep{brite1} from March 3, to August 8, 2014, for 146 days. The analysis of these data is presented in Paper\,I, which describes a first attempt at photometric surface imaging of $\alpha$\,Cir\ in blue and red colours, based on Bayesian techniques and using the rotation period of 4.4790\,days, determined by \citet{kurtz2}.
The star was observed again in the 15-CruCar-I-2016 field from February 4, to July 22, 2016,
by three of the five operational nanosatellites, which provided a total of 163\,433 photometric measurements from BTr, BAb, and BLb\ (Table\,\ref{t:sum}) and which are the basis for the present investigation.
Each satellite obtained 10 to 30 measurements per satellite orbit (about 101min) with a typical sampling of 20\,s and exposure time of 1\,s.
The pipeline outlined by \citet{po1} and \citet{po2} was used to process the raw images from the satellites. While the pipeline accounts for technical issues typical of the BRITE photometry, such as hot pixels \citep{pa}, the extracted photometry remains affected by systematic instrumental effects. These systematics, such as CCD temperature drifts and the position of the star's point spread function (PSF) in the raster, are identified and removed via decorrelation using a procedure similar to that outlined by \citet{pig} and \citet{pig2}. An additional decorrelation following the procedure outlined by \citet{buy} mitigates the impact of the PSF modulation with temperature.
\begin{table}[h]
\caption{Observations of $\alpha$\,Cir\ obtained in 2016 by BAb\ (BRITE-Austria), BLb\ (BRITE-Lem), and BTr\ (BRITE-Toronto).
}
\label{t:sum}
\centering
\begin{tabular}{l c c r r}
\hline\hline
BRITE & filter & number of &\multicolumn{1}{c}{start} & \multicolumn{1}{c}{end} \\
& & data points &\multicolumn{2}{c}{dd.mm.yyyy} \\
\hline
BAb & blue & 29395 & 04.02.2016 & 27.05.2016\\
BLb & blue & 48522 & 03.03.2016 & 15.07.2016\\
BTr & red & 85516 & 11.02.2016 & 22.07.2016\\
\hline
\end{tabular}
\end{table}
\subsection{WIRE}
The Wide Field Infrared Explorer (WIRE) was launched on March 4, 1999, but the hydrogen cryogen boiled off soon after launch due to a technical problem, which terminated the primary science mission. The onboard star tracker with 52\,mm aperture, however, remained functional and could be used for long-term visual precision photometry until communication with the satellite failed on October 23, 2006 \citep{buz,bruntt3,bruntt4}.
Our target, $\alpha$\,Cir, was observed in September 2000, February 2005, and February and July 2006, for a total of 84 days \citep{bruntt2}, of which we are addressing the 2005 and 2006 data (February 16, 2005, to August 1, 2006).
\subsection{SMEI}
The Solar Mass Ejection Imager (SMEI) is an instrument on board the Coriolis satellite, which was launched on January 1, 2003. The primary science goal is to detect disturbances in the solar wind, but in doing this the three CCD cameras observed the whole sky in successive passes. These data were used to detect, among other things, stellar pulsation \citep{jack,tarr,Hounsel}. Our target star $\alpha$\,Cir\ was observed by SMEI from February 3, 2003, to December 30, 2010.
Raw SMEI data suffer from very strong instrumental effects. The final light curve was obtained by correcting first for a one-year periodicity, then detrending and sigma clipping, which was repeated up to 25 times. Finally, signals in the vicinity of 1, 2, .... 6 \rm d$^{-1}$\ were subtracted. The frequency spectrum of the final data has a sharp decrease at the lowest frequencies, which is the result of detrending. A signal at the satellite orbital frequency, its multiples, and side lobes at typically $\pm$1 and $\pm 2\,{\rm d}^{-1}$ were also removed.
Unfortunately, we do not know all the details of the SMEI photometry. A single SMEI data point comes from a series of 4 s exposures, but it is not always clear how many individual exposures are combined. This depends on the time a star passes through the camera field of view (3\degr$\,\times\,$60\degr ), and changes with the aspect angle. Thus, the total integration time is typically below one minute, but can sometimes be slightly longer.
\subsection{TESS}
TESS was launched on April 18, 2018, and has four identical wide-field cameras that together monitor a $24\degr$ by $96\degr$ strip of the sky and with a red-optical passband. Each field is monitored for about 27 days.
The TESS data for $\alpha$\,Cir\ span from April 24, to June 18, 2019, in sectors 11 and 12 with a baseline of 55 days (four orbits of 13.7 days each) with a 2 min cadence.
We downloaded the Simple Aperture Photometry from the MAST portal\footnote{\url{https://mast.stsci.edu/portal/Mashup/Clients/Mast/Portal.html}}, applied a 3$\sigma$ outlier clipping (relative to a 2-day moving average), and used the data without any further corrections.
\begin{table*}[h]
\caption{Estimated parameter values for spot models based on BTr, {\sc {WIRE}} , {\sc {SMEI}}, and {\sc {TESS}}\ data.}
\label{t:BWST}
\centering
\renewcommand{\arraystretch}{1.5}
\begin{tabular}{l r r r r r r r r r}
\hline\hline
& \multicolumn{2}{c}{BTr} & \multicolumn{2}{c}{WIRE} & \multicolumn{2}{c}{SMEI} & \multicolumn{2}{c}{TESS} \\
\multicolumn{1}{r}{ } & mean & mode & mean & mode & mean & mode & mean & mode & \\
\hline
\ \ \ spot\,1: \\
longitude ($^{\circ}$) & 0$^{+ 4}_{- 4}$ & 9 & 0$^{+2}_{-2}$ & 0 & 0$^{+7}_{-7}$ & 358 & 0.0$^{+0.3}_{-0.3}$ & 0.0 \\%
latitude ($^{\circ}$) & -27$^{+14}_{-17}$ & -63 & 37$^{+5}_{-5}$ & 43 & -19$^{+16}_{-28}$ & -10 & -2.7$^{+0.6}_{-0.5}$ & -2.4 \\%
radius ($^{\circ}$) & 21$^{+12}_{- 9}$ & 52 & 14$^{+3}_{-3}$ & 17 & 19$^{+20}_{-9}$ & 14 & 9.7$^{+0.1}_{-0.1}$ & 9.7 \\%
\hline
\ \ \ spot\,2: \\
longitude ($^{\circ}$) & 171$^{+ 4}_{- 5}$ & 183 &179$^{+3}_{-4}$ & 178 & 155 $^{+7}_{-7}$ & 155& 144.4$^{+0.5}_{-0.5}$ & 144.5 \\%
latitude ($^{\circ}$) & -30$^{+12}_{-12}$ & -37 & 40$^{+6}_{-6}$ & 44 & 46 $^{+25}_{-23}$ & 67 & 20.7$^{+0.6}_{-0.6}$ & 20.9 \\%
radius ($^{\circ}$) & 21$^{+ 9}_{- 8}$ & 24 & 13$^{+3}_{-3}$ & 17 & 8 $^{+2}_{-2}$ & 10 & 6.7$^{+0.1}_{-0.1}$ & 6.7 \\%
\hline
\ \ \ spot\,3: \\
longitude ($^{\circ}$) & 111$^{+20}_{-20}$ & 133 &120$^{+2}_{-2}$ & 120 & -- & -- & 171.9$^{+0.6}_{-0.6}$ & 171.7 \\%
latitude ($^{\circ}$) & 34$^{+29}_{-22}$ & -4 &-10$^{+2}_{-2}$ & -11 & -- & -- & -36.1$^{+5.3}_{-5.1}$ & -36.8 \\%
radius ($^{\circ}$) & 6$^{+ 1}_{- 1}$ & 9 & 9$^{+1}_{-1}$ & 9 & -- & -- & 16.9$^{+4.2}_{-4.3}$ & 17.5 \\%
\hline
period (days) \vspace{-2mm} & 4.4779 & 4.4781 & 4.47925 & 4.47926 & 4.47912 & 4.47912 & 4.4803 & 4.4803 \\
&$\pm 0.0012$ & & $\pm 0.00009$ & & $\pm 0.00018$ & & $\pm 0.0004$ \\
residuals (mmag) &$\pm 1.386$ & & $\pm 0.318$ & & $\pm 6.232$ & & $\pm 0.141$ \\
\hline
\end{tabular}
\tablefoot{Longitudes are with respect to HJD 2457510.5105 (BRITE-Toronto), HJD 2453680.6598 (WIRE), HJD 2454115.2887 (SMEI), and HJD 2458625.8020 (TESS). Spots are ordered according to their impact on the light curve. Modal values are provided together with mean values and 90\% credibility limits.
The set of mean parameter values may differ markedly from the set of modal values due to the skewness of the posterior.
The residuals in mmag of the photometric data to the model light curve are r.m.s. values.
}
\end{table*}
\section{Bayesian photometric imaging} \label{s:bayes}
Our Bayesian photometric imaging technique is described in detail by \citet{lueft} and in our Paper\,I. The number of free parameters $N$ depends on the complexity of the stellar surface model considered. The following spot parameters are estimated: longitude, latitude, and radius for each spot, which is assumed to be circular. Therefore, a three-spot model involves at least ten free parameters, including the rotation period.
Published values were used for the following parameters: \\
$\bullet$\ \ Inclination ($i\,=\,36^\circ$). This value results from ${\rm v\,sin} i$ and the stellar radius given by \citet{bruntt1}. \\
$\bullet$\ \ Quadratic limb darkening ($U_{\rm a}=0.278, U_{\rm b}=0.382$). Limb darkening depends on wavelength, and also on rotation phase because $\alpha$\,Cir\ is a mCP star. We chose representative values based on a model atmosphere with a $T_{\rm{eff}}$\,=\,7\,500\,K and log\,$g$\,=\,4.1[cm\,s$^{-2}$]\ \citep{koch}. We note that the exact choice of the limb darkening coefficient is not critical here as it is degenerate with the spot size resulting from the light curve modelling. \\
$\bullet$\ \ Contrast between spot and undisturbed photosphere. This has to be fixed because spot area and brightness contrast are highly anti-correlated. The spots are almost certainly bright in the optical wavelengths as the flux absorbed in the UV is redistributed in the red part of the spectrum for $T_{\rm{eff}}$\ values typical for mCP stars (see Section 4.2. of Paper\,I). To start we assume a contrast of $\kappa\,=\,1.25$.
For our Bayesian surface imaging we use the average magnitude during each orbit of the respective BRITE satellite after carefully removing instrumental effects. This binning ensures that the brightness variation due to stellar oscillations (less than 2\,mmag in the blue and even less in the red filter, and of the order of few minutes) cancels out. The much higher noise level of the BRITE-blue data\footnote{In the following we use Bb$^{\star}$ for the combined BRITE-blue (BAb\ and BLb\ ) data.} (BAb\ and BLb ) compared to the red data (BTr ) is evident. Fortunately, the amplitudes are larger in the blue.
Similarly, the 36\,124 TESS data points were binned for our surface imaging into 4019 time bins, with a maximum bin size of 16.1 minutes. This results in up to nine original data points per bin with a typical scatter of $\pm$\,0.37\,mmag per data point. The accuracy of a bin-mean is up to three times better.
\subsection{Bayesian concept} \label{s:concept}
In a nutshell, a Bayesian approach consists of the following: An uninformative {prior} probability distribution in the N-dimensional parameter space is converted by the likelihood of the data, given a set of parameter values, into a {posterior} probability distribution. This posterior contains what can be learned from the data in terms of a given model. It is common practice to extract N marginal distributions, one for each parameter, from the posterior. Each marginal distribution can be summarised by a mean value and a 90\% credibility interval. In a few cases we use a 68\% interval.
In a second step, a model's {evidence} can be determined by integrating the posterior probability distribution over the parameter space and dividing by the volume of the latter because it is the mean probability that is important. This is computationally demanding, but allows one to {quantitatively} compare different models (e.g. a two-spot model versus a three-spot model).
The centre of gravity (the barycentre of the N-dimensional posterior \lq probability mountain\rq) is defined by the N parameter mean (expectation) values, computed as described above; it minimises the mean quadratic dispersion.
It is this barycentre that makes best use of all the available information as less probable sets of
parameter values also contribute to a model's evidence. This mean is more relevant than the locus of maximum probability, the mode (best fit). Only in the rare case of a symmetric probability mountain do mean and mode coincide.
A corresponding picture could be a comparison of the height of the Matterhorn in Switzerland with that of Table Mountain in Cape Town, South Africa, and quote their positions. The case of the Matterhorn is trivial. It has a nearly symmetric structure and an obvious peak above the timberline, but Table Mountain raises a problem.
Is the position of the mini-peak at the border of the Table (location of the \lq mode\rq ) to be listed, or is it more appropriate to quote the geographical centre (centroid, \lq mean\rq ) of the plateau?
Probabilistic methods do not primarily aim for a single best-fit solution of a given problem, but for the posterior distribution of the various model parameters and how well a model reproduces the observations {compared to other models}. However, for the sake of completeness we also provide modal values in Table \ref{t:BWST}, which summarises the model parameters derived from BTr, {\sc {WIRE}} , {\sc {SMEI}} , and {\sc {TESS}}\ observations.
\begin{figure}[h]
\resizebox{\hsize}{!}{\includegraphics{marginal_spot1_rot_new3-eps-converted-to.pdf}}
\caption{Left: Spot\,1
marginal distributions of longitude ($\lambda$) and latitude ($\beta$) in degrees. Right: Spot radius ($\gamma $) and period in days. All for BTr data. The vertical lines indicate the mean and the 90\% credibility limits (shaded area). Because of the skewness of the distribution (curved line) the locus of maximum probability does not necessarily coincide with a parameter's mean value and deviates from the global mode given in Table\,\ref{t:BWST} for BTr.
}
\label{f:mcmc}
\end{figure}
Figure\,\ref{f:mcmc}, deduced from the BTr data, shows the marginal distributions for longitude, latitude, and radius of spot 1, which has the largest impact on the light curve, and the marginal distribution for the rotational period.
Each marginal distribution results from integrating the $N$-dimensional posterior over the corresponding $(N-1)$-dimensional subspace. The boundaries of the 90\% credibility interval as well as the parameter mean are indicated by vertical lines. The widths and asymmetries of the marginal distribution for latitude and radius indicate that these two model parameters are poorly defined, whereas spot longitude and rotation period are much better constrained by the data. Because of the skewness of the distribution, the locus of maximum probability does not necessarily coincide with a parameter's mean value and may be very different from the global mode presented in Table\,\ref{t:BWST}.
It should be noted that finding the posterior's mode is computationally fast in comparison to the Markov chain
Monte Carlo (MCMC) integrations, which are necessary to provide mean values and credibility intervals.
\subsection{Rotation} \label{s:rot}
An early estimate for a rotation period, based on magnetic field measurements \citep{wood} and $H_{\alpha}$ polarimetry \citep{land} is given by \citet{mathys2}, who speculated that the star has a magnetic field that varies with a period of more than two weeks. Various photometric, spectroscopic, and magnetic field investigations of $\alpha$\,Cir\ were published in the following years claiming a rotation period between 4.46\,d and 4.48\,d (\citet{kurtz2}, \citet{balona}, \citet{bych}, \citet{bruntt2}, \cite{hubrig}).
\begin{figure}[h]
\includegraphics[width=\hsize]{Rotation_all_Phase3-eps-converted-to.pdf}
\caption{Light curves of $\alpha$\,Cir\ folded with the rotation period \makebox{$P_{\rm rot}\,=\,4.47930$\,d} and for the epoch of HJD\,=\,2\,452\,500. The panel sequence follows the central wavelength of the used filters (Table\,\ref{t:pass}), and ranges from 425\,nm (Bb$^*$), top panel, and about 600\,nm (BTr, WIRE, SMEI), to 800\,nm (TESS), bottom panel.
}
\label{f:rot}
\end{figure}
Figure\,\ref{f:rot} shows the rotational light curves of $\alpha$\,Cir\ observed by six satellites. The differences between the shapes of the blue (Bb$^*$) and red light curves indicate a complex balance between line or continuum opacities, which removes flux from the blue band,
but increases flux at other wavelength regions due to back-warming, as is discussed by \citet{dleck} and \citet{denis}, among others. In particular, surface spots with different chemical compositions, typical of CP stars, can cause complex effects on light curves obtained with different filters. Extended spectroscopic investigations are needed to explore such a scenario.
The stellar rotation period is observationally the most obvious parameter and can be estimated, in principle, without a model. However, here we consider the rotation period as an unknown parameter of a three-spot model (Table\,\ref{t:BWST}).
A re-analysis of the BRITE-red 2014 data from Paper\,I, with the rotation period being a further free parameter in the Bayesian analysis, indicates a $P_{\rm rot}$\,=\,4.4846\,$\pm 0.0017$\,d (68\% interval), which exceeds the standard value of 4.4790\,d by 3.3\,$\sigma$.
A comparison of spot\,1\ transit times from WIRE and TESS (three-spot model) resulted formally in $P_{\rm rot}$\,=\,4.47930\,$\pm 0.00002$\,d (68\% interval), assuming that there are 1104 stellar revolutions between the corresponding maps (Fig.\,\ref{f:allmaps}).
\subsection{Spots} \label{s:spot}
\begin{figure*}[h]
\center\includegraphics[width=0.9\hsize]{All_maps-eps-converted-to.pdf}
\caption{HJDs are transit times of the spot that contributes most to the light curve (spot\,1). Left: BTr-based maps (top: mean values; bottom: modal values). Middle: SMEI mean map, which allows for only two spots (top) and WIRE (bottom), which indicates a three-spot map. Right: Comparison of TESS mean maps allowing for three spots (top) and four spots (bottom).
}
\label{f:allmaps}
\end{figure*}
A major challenge is estimating the number of spots necessary to get a good fit without overfitting. In Paper\,I we were able to identify one bright spot in the {\sc {BRITE}} -blue data, two spots in {\sc {BRITE}} -red and WIRE data, but there were already hints of a more complex surface map, at least in the red case. Not surprisingly, the photometric quality of the data matters. In contrast to the 2014 data, the 2016 BTr data convincingly indicate a three-spot model. The reduction in credibility, which is a formal consequence of an increased number of free parameters from seven (two spots) to ten (three spots) is more than compensated for by an improved goodness-of-fit value.
With the MCMC technique and the availability of PC clusters, an integration over a high-dimensional configuration space is meanwhile computationally feasible. With computed evidence it is possible to quantitatively compare the performance of models differing in the number of spots by considering the evidence ratio (i.e. the Bayes factor). To our knowledge, this is the first time that the evidence of models differing in the number of spots has been probabilistically determined.
The poor quality of the {\sc {BRITE}}-blue\ photometry prevented an independent estimate of $P_{\rm rot}$\ as a Bayesian spot modelling parameter.
\subsubsection{Red maps}
For the red data obtained with BTr , the evidence gain from a two-spot model to a three-spot model is approximately $1.2\times 10^{6}$. This large Bayes factor is due to the number of data points (1678) involved. The residuals to the photometry decreased slightly from 1.389 to 1.386\,mmag and the mean gain of evidence {per data point} is 0.8\%\ ($(1.2\times 10^{6})^{1/1678}=1.008$) in favour of the three-spot model.
Table\,\ref{t:BWST} summarises our three-spot model MCMC calculations based on BTr, {\sc {WIRE}} , {\sc {SMEI}}, and {\sc {TESS}}\ photometry. The resulting maps are illustrated in Fig.\,\ref{f:allmaps}.
The tenth parameter listed in Table\,\ref{t:BWST} is the rotation period with 90\%\ credibility ranges. We note that the usual 68\% interval for $P_{\rm rot}$\ is (for a Gaussian distribution) smaller by a factor of 1.645 (e.g. for BTr: $\pm\,0.0008$\,d). The BTr maps are based on 62735 BTr\ input data points obtained in 2016, and binned in 1678 time bins according to individual BRITE orbits, and are shown in the left column of Fig.\,\ref{f:allmaps}.
The rather poor photometric quality of the {\sc {SMEI}}\ data does not allow us to obtain a three-spot model because the MCMC algorithm simply does not converge; only two spots can be identified (Fig.\,\ref{f:allmaps}, top in middle column).
The surface map based on nearly 55 days of TESS (2019) photometry (Fig.\,\ref{f:allmaps}, right column), confirms the map derived from BTr (2016) data. Overall, the TESS data quality is impressive and encourages looking for a fourth spot (cf. Table \ref{t:TESS_4spots:mcmc}, and Fig.\,\ref{f:allmaps}). The addition of another spot is rewarded by a substantial gain in goodness of fit. The residuals drop from \mbox{$\pm$0.141\,mmag} (3-spot model) to $\pm$0.125\,mmag.
\begin{figure}[h]
\center\includegraphics[width=0.9\hsize]{Wvar-eps-converted-to.pdf}
\caption{Two maps derived from the same WIRE data. Both maps fit the light curve with
an r.m.s. error only 0.002\,mmag larger than the WIRE map presented in Fig.\,\ref{f:allmaps}.
}
\label{f:Wvar}
\end{figure}
A comparison of the maps in Fig.\,\ref{f:allmaps}, middle column, on top ({\sc {SMEI}} ) and at the bottom ({\sc {WIRE}} ), seem to imply that the orientation of one map is flipped relative to the equator. This illustrates the difficulties one encounters when trying to convert a one-dimensional light curve into a two-dimensional surface map. While period and spot longitudes are comparatively well defined, estimating spot latitudes notoriously proves to be ill-posed unless the S/N is very high. Figure\,\ref{f:Wvar} illustrates the problem, showing two alternative {\sc {WIRE}}\ maps that are only marginally inferior to the solution shown in Fig.\,\ref{f:allmaps}, but with spot latitudes comparable to maps from BRITE and TESS data.
\begin{table}[h]
\caption{Parameter values for our four-spot model based on binned TESS data (4019 points) obtained in 2019 .}
\label{t:TESS_4spots:mcmc}
\centering
\renewcommand{\arraystretch}{1.5}
\begin{tabular}{l r r}
\hline\hline
&\multicolumn{2}{c}{{\sc {TESS}} } \\
& mean & mode \\
\hline
spot\ 1: longitude ($^{\circ}$) & 0.0$^{+1.0}_{-1.0}$ & -0.2 \\%
\hspace{10mm} latitude ($^{\circ}$) & 22.1$^{+1.1}_{-1.1}$ & 22.2 \\%
\hspace{10mm} radius ($^{\circ}$) & 10.3$^{+0.8}_{-0.9}$ & 10.5 \\%
\hline
spot\ 2: longitude ($^{\circ}$) & 124.0$^{+1.7}_{-1.6}$ & 123.8 \\%
\hspace{10mm} latitude ($^{\circ}$) & 17.2$^{+3.4}_{-3.5}$ & 18.2 \\%
\hspace{10mm} radius ($^{\circ}$) & 10.1$^{+0.5}_{-0.5}$ & 10.2 \\%
\hline
spot\ 3: longitude ($^{\circ}$) & 198.8$^{+1.4}_{-1.5}$ & 199.3 \\%
\hspace{10mm} latitude ($^{\circ}$) & -48.8$^{+3.3}_{-3.4}$ & -48.0 \\%
\hspace{10mm} radius ($^{\circ}$) & 45.0$^{+1.7}_{-1.7}$ & 44.6 \\%
\hline
spot\ 4: longitude ($^{\circ}$) & 265.9$^{+0.9}_{-0.9}$ & 266.0 \\%
\hspace{10mm} latitude ($^{\circ}$) & -8.6$^{+0.8}_{-0.8}$ & -8.4 \\%
\hspace{10mm} radius ($^{\circ}$) & 11.0$^{+1.7}_{-1.8}$ & 11.5 \\%
\hline
period (days) & 4.4799$^{+0.0003}_{-0.0003}$ & 4.4799\\%
residuals (r.m.s. in mmag) & $\pm 0.125$ \\
\hline
\end{tabular}
\tablefoot{Spots are ordered according to their impact on the light curve. 90\% credibility limits are given to the values in the column \lq mean\rq . Spot longitudes are with respect to HJD 2458625.8063 (transit time of spot 1, see also Fig.\,\ref{f:allmaps}, bottom of right column).}
\end{table}
\subsubsection{Blue maps} \label{s:bmap}
In the next step we reanalysed the much noisier blue data obtained with Bb$^{\star}$.
A reduced data quality affects the sophistication of models that can realistically be tested, and is expressed in the number of free parameters. For the noisy Bb$^{\star}$ data we limited this number as much as possible by fixing all but one parameter, the brightness contrast (higher--lower\,: $\kappa$ is larger--smaller than 1), and being the same for all three spots.
We found $\kappa = 1.05\pm 0.04$, albeit with residuals as large as $\pm 5.9$\,mmag (r.m.s.), when applying our red model ($\kappa = 1.25$) to the blue data. We recall that the blue photometry is about a factor of four noisier than the red photometry (Fig.\,\ref{f:rot} and Paper\,I).
When we increase the parameter space for a test by assigning each spot an individual $\kappa$, the blue spot 1 completely disappears, and hence the solution converges to a two-spot model. Instead, when we formally allow a time lag $\Delta t$ in the three-spot model, the fit improves: $\kappa = 1.23\pm\,0.035$, and $\Delta t = 0.69\pm\,0.08$\,d, with residuals of $\pm\,5.1$\,mmag (r.m.s.). The time lag of $\approx$\,17 hours is equivalent to a phase shift of $56^\circ\pm\,7^\circ$.
Both of these models have comparable Bayesian evidence, but whereas spots with different chemical compositions, and hence different $\kappa$ values, are known for CP stars, a colour-driven phase shift is not. In conclusion, the currently available blue photometry is insufficient for a reliable and convincing photometric surface mapping.
\begin{figure*}[h]
\center\includegraphics[width=\hsize]{Fourier.pdf}
\caption{Fourier amplitude spectra from different sources around the primary pulsation period of $\alpha$\,Cir . Bb$^{\star}$ represents the combined blue data from BAb and BLb. BTr14, BTr16, Bb$^{\star}$14, and Bb$^{\star}$16 are the red and blue BRITE data, obtained during the years 2014 and 2016, respectively. Vertical dotted lines indicate the oscillation modes and the rotational side lobes identified in the TESS data. Horizontal dashed lines mark a S/N\,=\,3. We note that the two upper panels have a logarithmic scaling and that many peaks formally exceed the S/N=3 limit in the TESS data, which are caused by the spectral window, as is typical for high S/N data. The y-scale of the other panels, however, is chosen to distinguish the noise, $f_6$ and $f_7$.}
\label{f:ap1}
\end{figure*}
\begin{figure*}[h]
\includegraphics[width=\hsize]{Fourier_f1.pdf}
\caption{Fourier amplitude spectra of the TESS and BRITE photometry centred on $f_1$ (top), $f_6$ (bottom left), and $f_7$ (bottom right). Bb$^{\star}$ represents the combined blue data obtained with BAb and BLb. BTr14, BTr16, Bb$^{\star}$14, and Bb$^{\star}$16 are the red and blue BRITE data, obtained during the years 2014 and 2016, respectively. The BRITE-blue spectra amplitudes are divided by two for better comparison with the other data. Dashed lines indicate a S/N of three. }
\label{f:ap2}
\end{figure*}
\section{Pulsation of $\alpha$\,Cir} \label{s:puls}
In the following we use the same numbering of frequencies as was used by \citet{bruntt2} and in Paper\,I.
\begin{table}[h]
\caption{Detected frequencies in the various time series of $\alpha$\,Cir .}
\label{t:freq}
\centering
\renewcommand{\arraystretch}{1.5}
\begin{tabular}{r l r r r}
\hline\hline
& Frequency & Amplitude & Phase & $p$ \\
& [d$^{-1}$] & [parts per & [degrees] & \vspace{-2mm} \\
& & thousand] & \\
\hline
\multicolumn{5}{c}{$f_1$} \\
TESS & 210.99512(15)& 0.394(8)& - & 1.0\\
WIRE & 210.99361(5) & 0.65(1) & - & 1.0\\
BTr & 210.99329(2) & 0.577(28) & 95(1) & 1.0\\
Bb$^{\star}$ & 210.99327(2) & 1.716(81) & 84(1)& 1.0\\
\hline
\multicolumn{5}{c}{$f_{1-} = f_1 - f_\mathrm{rot}$} \\
TESS & 210.7716(6) & 0.049(3) & - & 1.0 \\
WIRE & 210.7702(1) & 0.083(4) & - & 1.0\\
Bb$^{\star}$ & 210.7866(2) & 0.263(86) & - & 0.31\\
\hline
\multicolumn{5}{c}{$f_{1+} = f_1 + f_\mathrm{rot}$} \\
TESS & 211.2188(7) & 0.039(3) & - & 1.0\\
WIRE & 211.2171(1) & 0.074(4) & - & 1.0\\
BTb & 211.2167(1) & 0.334(86) & - & 0.82\\
\hline
\multicolumn{5}{c}{$f_6$} \\
TESS & 208.3879(3) & 0.089(3) & - & 1.0\\
WIRE & 208.3866(1) & 0.145(4) & - & 1.0\\
BTr & 208.3888(1) & 0.098(30) & 23(7) & 0.77\\
Bb$^{\star}$ & 208.3890(1) & 0.318(82) & 11(5) & 0.91\\
\hline
\multicolumn{5}{c}{$f_7$} \\
TESS & 213.6055(3) & 0.105(3) & - & 1.0\\
WIRE & 213.6004(1) & 0.186(4) & - & 1.0\\
BTr & 213.6005(1) & 0.195(29) & 92(4) & 0.99\\
Bb$^{\star}$ & 213.6011(2) & 0.375(83) & 76(7) & 0.99\\
\hline
\end{tabular}
\tablefoot{The Bb$^{\star}$ frequencies are derived from the combined BRITE-blue observations (BAb and BLb), obtained in 2014 and 2016. Phases are defined for HJD = 2457200 and are given in degrees. The parameter $p$ gives the probability that a frequency is statistically significant compared to no signal (i.e. due to noise). }
\end{table}
No pulsation is detected in the SMEI data with an amplitude exceeding 0.33\,mmag, which corresponds to a S/N of 4.5. This is somewhat surprising given that the amplitude of the dominant pulsation frequency $f_1$ in the combined 2014 and 2016 BRITE-red data, with a similar effective wavelength, is equal to 0.57\,mmag (Fig.\,\ref{f:ap1}). The amplitude in the WIRE data is equal to 0.65\,mmag. However, the SMEI passband is very wide and corresponds to the sensitivity curve of a front-illuminated CCD, which ranges between 400 and 1000\,nm (Table\,\ref{t:pass}). Given different shapes, amplitudes, and phases of the rotational modulation of $\alpha$\,Cir\ at different wavelengths, it might well be that the pulsation signal has too small an amplitude in white-light SMEI data.
After subtracting the rotational modulation from the (unbinned) original {\sc {TESS}}\ time series, the Fourier amplitude spectrum shows a rich pattern of pulsation modes in the vicinity of $f_1$. However, a detailed analysis of this is beyond the scope of the present paper and we instead refer to a follow-up study that will present a detailed asteroseismic analysis (Kallinger et al., in preparation). Here, we use the oscillations in the TESS data primarily to guide and verify the analysis of the BRITE observations. For comparison we also show in Figs.\,\ref{f:ap1} and \ref{f:ap2} the Fourier spectrum of the combined 2006 WIRE data ($\sim$170\,d with a 114\,d gap in between).
\subsection{Primary pulsation frequency $f_1$ } \label{ss.f1}
After subtracting the rotational modulation via spline fits in the rotation-phase domain, the primary pulsation frequency ($f_1$) at about 210.99\,\rm d$^{-1}$\ is easily detected in all four BRITE data sets (Fig.\,\ref{f:ap1}), which we abbreviate as Bb$^{\star}14$ and Bb$^{\star}16$ (all blue filter data from 2014 and 2016) and BTr14 and BTr16 (all red filter data from 2014 and 2016). Combining the 2014 and 2016 data results in a total time base of $\sim$840\,d with a coverage of about 35\%. Merging the data improves the frequency resolution as well as the S/N, but as can be seen in Fig.\,\ref{f:ap2} the $\sim$540-day gap between the two data sets causes strong aliasing with about $\pm0.0019$\rm d$^{-1}$\ and multiples.
To extract the oscillation parameters from the various light curves, we use a probabilistic approach presented by \cite{kal2017a}. The automated Bayesian algorithm was originally developed to deal with multiple frequencies within the formal frequency resolution \citep{kal2017} but works with a mono-periodic signal (within one formal frequency resolution bin) as well. The method uses the nested sampling algorithm {\sc MultiNest} \citep{feroz2009} to search for periodic signals in time series data and tests their statistical significance (i.e. not due to noise) by comparison with a constant signal. A solution is considered real\footnote{According to the convention established by \citet{jeff1961}, the evidence for or against one of two hypotheses is considered `substantial' for $p\gtrsim0.75$, `strong' for $p\gtrsim0.91$, and `very strong' for $p\gtrsim0.97$.} if its probability $p = z_\mathrm{signal} / (z_\mathrm{signal} + z_\mathrm{noise}) > 0.9$, where $z$ is the global evidence\footnote{The global evidence is a normalised logarithmic probability describing how well the model fits the data with respect to the uncertainties, parameter ranges, and the complexity of the fitted model.} delivered by {\sc MultiNest}.
Figure\,\ref{f:ap2} shows highly significant peaks at about 210.9933\rm d$^{-1}$\ in the combined BTr and Bb$^{\star}$ data, which compare well visually to those found in the WIRE and TESS data. We note that the BRITE-blue spectra amplitudes are divided by two in this figure for better comparison with the other data. The best-fit solutions are listed in Table\,\ref{t:freq}. The uncertainties might appear unrealistically small, especially for the TESS data with a time base of less than 1/15 of the combined BRITE data. However, the frequency uncertainty is also influenced by the S/N of a frequency \citep[e.g.][]{kal2008}, which is about 18 times better in the TESS data than in the BRITE data.
While the frequencies extracted from the red and blue BRITE data agree exceptionally well with each other (within 0.00002\,\rm d$^{-1}$\ or 30\,$\mu$s, given a period of 409.4917\,s), there are small but significant differences to the frequencies found in the WIRE (0.0003\,\rm d$^{-1}$ ) and TESS (0.0018\,\rm d$^{-1}$ ) data. Such offsets might indicate a variable $f_1$, for example due to a companion or evolutionary effects, but aliasing in the BRITE data could also explain this (at least partly). Even though the strongest peaks in the BTr and Bb$^{\star}$ data are nearly identical (Fig.\,\ref{f:ap2}), it might be that the physically relevant peak is one of the neighbouring alias peaks. If we consider the alias at $+0.0019$\rm d$^{-1}$\ as the true frequency then it would almost perfectly resemble the TESS result. However, forcing our frequency analysis algorithm to fit this peak and comparing the resulting global evidence to the original one gives a probability of 0.97 {against} this scenario.
In Table\,\ref{t:freq} we also provide the phase of $f_1$ in the blue and red filter, and determine a phase difference of
$11\pm2\degr$, which is consistent with the phase lags between Johnson B and V of \makebox{$7.4\pm5.1\degr$} derived by \citet{weiss}, \citet{kurtz1}, and the value given in Paper\,I ($10.6\pm5.9\degr$). Unfortunately, we cannot compare this result to the phases of the WIRE and TESS data. The slightly different frequencies we find in the data cause cumulative phase shifts (relative to the time of the BRITE observations) of more than 2.6 and 1.1 oscillation cycles for TESS and WIRE, respectively, so that comparing any phases becomes meaningless.
In conclusion, the average value for $f_1$, based on {all} BRITE data (years and colours) is 210.99328(2)\,\rm d$^{-1}$ . In addition, we find evidence that this frequency changes over time, but we leave a more detailed discussion to a follow-up study.
With the new BRITE data, we computed Fig.\,\ref{f:ap3}, which is analogous to Fig.\,11 in Paper\,I, showing the amplitude and phase modulation of $f_1$ with the rotation phase. The phases given in this new figure differ from those in Paper\,I because different rotation periods have been used. The data are binned into ten rotation phases, where the starting epoch and the rotation period are the same as were used for phasing the rotational changes. The nearly sinusoidal shape of the amplitude modulation and the practically constant phase is consistent with an axisymmetric $l=1, m=0$ mode \citep{bruntt2}, with a rather small tilt between the pulsation and rotation axis \citep{bigot}.
\begin{figure}[h]
\center\includegraphics[width=0.9\hsize]{Fig-ampl-phrot-eps-converted-to.pdf}
\caption{Change of amplitude and phase of $f_1$ with the rotation phase for the BRITE-blue data (blue dots) and BRITE-red data (red dots) computed for the combined 2014 and 2016 data set.
}
\label{f:ap3}
\end{figure}
\subsection{Additional pulsation frequencies ($f_6$, $f_7$, and rotational side lobes of $f_1$)}
After pre-whitening $f_1$ from the combined BRITE data we still find some signal left at frequencies where \citet{bruntt2} reported $f_6$ and $f_7$ in the WIRE data and which are unambiguously confirmed by TESS (Fig.\,\ref{f:ap1}). Even though the corresponding peaks barely exceed a S/N of three in the individual 2014 and 2016 BRITE data, they reach sufficient significance levels in the combined data (Table\,\ref{t:freq}). Given the larger amplitude, $f_7$ reaches a probability of 0.99 (and therefore very strong evidence of not being due to noise) in both data sets. On the other hand, $f_6$ has a smaller amplitude and therefore also a lower probability of 0.91 (strong evidence) in the Bb$^{\star}$ data and 0.77 (still substantial evidence) in the BTr data. We note that we would not consider the last peak as real on its own, but given its significance beyond doubt in all other time series we accept that it is real in the BTr data. In a more Bayesian sense, one could use the TESS frequency (and its uncertainty) as a prior in the frequency analysis of the BTr data. This would significantly increase the peak's probability of not being due to noise, but this approach considerably exceeds our present computational resources.
Even though $f_6$ and $f_7$ are easily detectable in the combined BRITE data, we find again an aliasing problem when determining their best-fit parameters. A closer look at Fig.\,\ref{f:ap2} shows that while the strongest peak in the BTr spectrum is consistent with the position of $f_7$ in the TESS data, the dominant peak in the Bb$^{\star}$ spectrum is shifted towards higher frequencies. However, the Bb$^{\star}$16 time series has several large gaps; the longest is about 12.9\,d long, which causes aliases at about $\pm0.078$\,\rm d$^{-1}$\ (in addition to the $\pm0.0019$\,\rm d$^{-1}$\ aliases due to the large gap between the 2014 and 2016 data). If we now force our frequency analysis algorithm to fit the alias at $-\,0.078$\,\rm d$^{-1}$\ instead of the largest-amplitude peak, we get very good agreement between the BTr and Bb$^{\star}$ data. This strategy might appear arbitrary, but in fact it represents the Bayesian principle of prior information and is therefore justified.
We find a similar situation for $f_6$. While the largest-amplitude peak in the BTr spectrum agrees well with the position of the peak in the TESS data, the dominant peak in the Bb$^{\star}$ spectrum appears to be a $+\,0.0019$\,\rm d$^{-1}$\ alias. A forced fit again aligns the frequencies we find in the blue and red BRITE data.
Finally, we also find some signal in the Bb$^{\star}$ data at the expected rotational side lobes of $f_1$. The pulsation amplitude of an obliquely pulsating non-radial mode changes with rotation phase, as the aspect of the mode changes. This gives rise to frequency side lobes $f_1 \pm f_\mathrm{rot}$ that describe the amplitude modulation (and phase variation, if present), which are clearly visible in the WIRE and TESS data. While the signal at $f_{1}-$ is too weak to be distinguished from the noise (even though we know it has to be there), the peak at $f_{1}+$ is with $p=0.82$ statistically significant. This allows for a seismic determination of the $\alpha$\,Cir\ rotation period, which results in $4.4758\pm 0.0020$\,d, and is more accurate than those resulting from the WIRE and TESS data. Despite the greater noise of the BRITE data, the much longer time base permits a more accurate determination of $P_{\rm rot}$.
\subsection{Mode identification and the large frequency separation}
A frequently used observable in asteroseismic studies of high-overtone acoustic oscillations is the large frequency separation $\Delta\nu_{n,l}$, which is defined as the difference between modes of the same spherical degree and consecutive radial orders: $\nu_{n+1,l} - \nu_{n,l}$. The large separation becomes relevant for high radial orders, which are expected to follow the asymptotic relation \citep{tas1980}:
\begin{equation} \label{eq:dnu}
\nu_{n,l} \simeq \Delta\nu _{n,l}\, (n + l/2 + \epsilon_0) - l(l+1)D_0.
\end{equation}
Here $\epsilon_0$ and $D_0$ are parameters sensitive to the properties of the reflection layer near the stellar surface and the conditions in the stellar core, respectively. But more importantly, the large separation is related to the stellar acoustic diameter (i.e. inverse sound travel time across the stellar diameter). For an ideal adiabatic gas, this is proportional to the square root of the mean stellar density. Consequently, $\Delta\nu$ provides a measure for the mean density of a star.
Even though a strong magnetic field has the tendency to distort spherical symmetry, the high-frequency oscillations observed in $\alpha$\,Cir\ indicate that these modes are high-overtone acoustic oscillations for which one may expect to find a regular pattern corresponding to the asymptotic relation. As already noted by \citet{bruntt2}, the three modes $f_1$, $f_6$, and $f_7$ are almost equidistant in frequency with an average separation of $\sim\,$2.606\,\rm d$^{-1}$ . One can naively expect that this value corresponds to the average frequency separation of $\alpha$\,Cir . However, it is not compatible with other constraints on the stellar properties as we show in the following.
\citet{bruntt1} determined the angular diameter of $\alpha$\,Cir\ to $\Theta_{LD}\,=\,1.105\pm0.037$\,mas, and used the revised Hipparcos parallax of \citet{vanLeu2007} to estimate the star's radius to be $1.97\pm0.07$\,R$_\sun$.
With an average frequency separation of $\sim\,$2.606\,\rm d$^{-1}$\ one can estimate the star's mass according to $\Delta\nu \propto \sqrt{M/R^3}$.
This is usually done by relating $\Delta\nu$ to the solar value of about 11.664\,\rm d$^{-1}$\ \citep[e.g.][]{kal2010}, which gives an unrealistically low mass of $0.38\pm0.04$\,M$_\sun$. However, if we follow \citet{bruntt2} and set $\Delta\nu = 5.21$\,\rm d$^{-1}$\ (i.e. $f_7$ - $f_6$), we obtain a plausible mass of $1.52\pm0.15$\,M$_\sun$, which is also compatible with the estimate of $1.7\pm0.2$\,M$_\sun$, based on the star's position in the HR diagram \citep{bruntt1}.
We expect $\alpha$\,Cir\ to have a slightly different mass than 1.5\,M$_\sun$ because the observed modes are magnetically distorted \cite[e.g.][]{cun2006}, which also affects the large separation compared to that of unperturbed modes for which the $\Delta\nu$ scaling is defined.
A consequence of $\Delta\nu$ being more likely equal to 5.21\,\rm d$^{-1}$\ than to 2.606\,\rm d$^{-1}$\ is that the three modes discussed above cannot be of the same spherical degree. This is also supported by Fig.\,\ref{f:ap4}, where we show the three modes in an Echelle diagram. While the modes almost perfectly line up vertically when folding their frequency with 2.6\,\rm d$^{-1}$\ (indicating the same spherical degree), this is not so when folding them with 5.2\,\rm d$^{-1}$ . In this case, $f_1$ is shifted by slightly more than one-half in the horizontal direction, while the other two modes have about the same horizontal offset. This is expected for a sequence of two consecutive $l=0$ modes with an intermediate $l=1$ mode, or vice versa (Eq.\,\ref{eq:dnu}). Assuming that the magnetic distortion is similar for all three modes, this also rules out the presence of a quadruple mode. Such a mode would need to be located closer to one mode than to the other (and not at their midpoint). Since \citet{bruntt2} argued that $f_1$ is very likely an axisymmetric dipole mode ($l=1, m=0$) based on simulated amplitude modulations for an oblique pulsator model, we conclude that $f_6$ and $f_7$ are very likely consecutive radial modes.
Even though a mode identification for roAp stars from multicolour photometry is notoriously difficult \citep[e.g.][]{Quitral}, further support is provided by the amplitude ratios and phase differences in the two BRITE passbands we determine for the three modes (Fig.\,\ref{f:ap4}). We expect that modes of the same spherical degree form clusters in a diagram like Figure\,\ref{f:ap4}. If we find modes that are clearly separated in the amplitude-ratio versus phase-difference plane, they can be assumed to have different spherical degrees. For $f_6$ the uncertainties are too large to make any conclusions, but $f_1$ and $f_7$ are separated by about $1.8\,\sigma$ in their amplitude ratio, which corresponds to a probability of almost 0.9 that they are separated, and therefore have a different spherical degree.
\begin{figure}[tbp]
\includegraphics[width=\hsize]{Ampratio.pdf}
\caption{\textit{Top}: Echelle diagrams including the three frequencies detected in the BRITE data with a large separation $\Delta\nu = 2.6$\,\rm d$^{-1}$ (left), and 5.2\,\rm d$^{-1}$ (right). \textit{Bottom}: Amplitude ratios vs. phase differences in the two BRITE bands for the same frequencies.
}
\label{f:ap4}
\end{figure}
\section{Discussion}
-- {\sc Data:}
We analyse and discuss data obtained by {{BRITE}-Constellation}\ during 2014 and 2016, covering a total of 316 days and complement data volume and time base with observations archived from {\sc {WIRE}} , {\sc {SMEI}} , and {\sc {TESS}} .
These data suffer from different noise levels and instrumental effects, which need to be considered and corrected. Corrections of trends and averaging procedures need to be optimised for a discussion of long-term (rotation, spots) and short-term (pulsation) effects. An attractive aspect of the {\sc {BRITE}}\ data is the availability of data in two passbands, some of them taken nearly simultaneously. This allowed us to study in detail the pros and cons of Bayesian based photometric surface imaging.
Not surprisingly, the photometric quality of the data seriously limits the number of detectable spots and their location, as is discussed in Section \ref{s:spot}. Spot longitudes are well constrained by the data; instead, latitudes are, photometrically, a notoriously ill-defined parameter. In the case of Doppler imaging, the situation is much better due to the availability of additional information.
-- {\sc Rotation:}
The determination of $P_{\rm rot}$\ for $\alpha$\,Cir\ dates back to 1991 \citep{mathys2}. Meanwhile, many photometric, spectroscopic, and polarimetric observation were performed and we determined the formally most accurate $P_{\rm rot}$\ from combined {\sc {WIRE}}\ and {\sc {TESS}}\ spot transit times to be 4.47930\,$\pm 0.00002$\,d (68\%\ interval).
The different shape of the rotation-phase plot extracted from the red and blue data indicates a different chemical composition of at least one of the spots, which, however, can only be tested by high-resolution spectroscopy.
-- {\sc Spots:}
Two spots were identified in Paper\,I in the red {\sc {BRITE}}\ data from 2014, but with better data obtained with BTr in 2016 we have clear evidence of three spots. Despite three more degrees of freedom, the gain in evidence from a two-spot model to a three-spot model is substantial, although the residuals to the model light curves decreased only from 1.389 to 1.386 mmag. In comparison, the much noisier data from {\sc {SMEI}}\ (up to a factor of 4) allow only two spots to be considered.
Bayesian photometric imaging routines result in numerous solutions. As an example, Fig.\,\ref{f:allmaps} shows two solutions to the BTr (2016) data: the barycentric solution (top, mean values) and best-fit solution (bottom, modal values). They do not coincide satisfactorily, which hints at a serious non-Gaussianity of the posterior, as is illustrated in Fig.\,\ref{f:mcmc}. The most striking difference between the Bayesian photometric imaging of the BTr (2016) photometry
and the WIRE data set (see Fig.\,\ref{f:allmaps}) concerns spot latitudes. The marginal distribution of the spot\,1 latitude for the BTr data seems to exclude a northern location, contrary to what is determined for the WIRE data. The \lq north pole\rq\ is defined as the pole that is visible from Earth.
Here a cautionary note should be heeded:
One should keep in mind that the often surprisingly narrow marginal distribution is due to a
model's rigidity. It measures its \lq elbow room\rq\ and nothing else. If one could relax the rigidity of the model, for example by allowing non-circular spots and/or variable contrasts, the marginal distribution would spread out because of the increased freedom.
But any additional degrees of freedom come at a price: they would reduce the evidence of a three-spot model. There is a trade-off between precision of a fit and its credibility. We adhere here to Fermi's rule: it is better to be approximately right than precisely wrong.
-- {\sc Pulsation:}
No pulsation is detected in the SMEI data with an amplitude exceeding the detection threshold of 0.33\,mmag, corresponding to a S/N = 4.5. The dominant pulsation frequency $f_1$ derived from BRITE-red data agrees exceptionally well with that derived from {\sc {BRITE}}-blue data, but there are significant differences to the pulsation frequencies derived from {\sc {WIRE}}\ and {\sc {TESS}} , which will be subject to a follow-up paper with a detailed asteroseismic analysis (Kallinger et al., in preparation).
We can improve the pulsation frequency by combining the times of maximum from BRITE-red and WIRE data, resulting in $f_1$\,=\,210.993264(5)\,d$^{-1}$, which is the most accurately determined $f_1$ to date for any roAp star.
The three hitherto well-established frequencies very likely come from two consecutive radial $l\,=\,0$ modes ($f_6\,\rm{and}\ f_7$), with an intermediate $l\,=\,1$ mode ($f_1)$.
\section{Conclusion}
At least three surface spots can be identified for $\alpha$\,Cir , which confirms the conclusion of Paper\,I that a two-spot model is too simple. The high-quality {\sc {TESS}}\ data even suggest a fourth spot. On the other hand, the low-quality blue {\sc {BRITE}}\ data barely indicate a spot at rotation phase 0.6 (Fig.\,\ref{f:rot}).
According to our experience the best-fit set of parameters, indicated by a minimum $\chi ^2$, differs significantly from the set of mean values (inferred from the marginal distributions of the parameters), which hints at a noticeable skewness of the probability distribution in the ten-dimensional configuration space considered.
Spot latitudes are, as expected, less well determined than longitudes.
To our knowledge, this is the first time
that a Bayesian-based evidence of models differing in the number of spots has been quantitatively determined.
Concerning the main pulsation frequency of $\alpha$\,Cir , we were able to improve the accuracy to 60\,pHz (0.01\,msec for a 6.825\,min period), assuming a stable frequency.
The photometric data obtained to date for $\alpha$\,Cir\ clearly illustrate the need for high-precision data on the one hand {and} long data sets on the other. In general, both qualities are needed for convincing astrophysical analyses, and this should be considered when deciding about investments in ground-based and in space-based instrumentation.
\begin{acknowledgements}
The authors are grateful to
Andrzej Pigulski, Hans Bruntt, Margarida Cunha, and Denis Shulyak for providing valuable input to this investigation. We also thank an anonymous referee for a careful report, which helped to improve the paper.
Adam Popowicz was supported by Silesian University of Technology, Rector Grant 02/140/RGJ20/0001 (image processing and automation of photometric routines of BRITE-nanosatellite data). GH acknowledges financial support by the Polish NCN grant 2015/18/A/ST9/00578.
AFJM and GW are grateful to NSERC (Canada) for financial aid.
The MCMC computations have been performed by HEF at the AIP.
This paper includes data collected by the TESS mission, funded by the NASA Explorer Program.
\end{acknowledgements}
\bibliographystyle{aa}
|
\section{Adversary Model and Attack Scenario} \label{s_adversary_model}
In this section, we introduce the adversary model and devise two attack scenarios, which aim at breaching privacy and security.
\subsection{Adversary model}
\begin{figure*}[t!]
\begin{minipage}{0.52\textwidth}
\centering
\includegraphics[width=\textwidth]{figs/adversary_model.pdf}
\vspace{-5mm}
\caption{Adversary model. \textit{We consider an impersonation scenario, where the adversary has captured the fingerprint of the victim (legitimate user). The adversary forges the fingerprint of the victim by introducing additional phase rotations to its own fingerprint.}}
\label{fig_adversaryModel}
\end{minipage}
\hspace{2mm}
\begin{minipage}{0.44\textwidth}
\vspace{-1mm}
\input{./figs/privacy_attack.tex}
\caption{Adversary prediction on the presence time of $5$ different phones turned on and off at different time intervals. {\it An adversary can accurately determine the presence of a specific user in a network by tracking the radiometric fingerprints.}}
\label{fig_privacy_attack}
\end{minipage}
\vspace{-3mm}
\end{figure*}
We consider a scenario where the legitimate device (i.e., client) communicates with an AP and vice versa, see \fref{fig_adversaryModel}.
We further consider an adversary in transmission range of the legitimate communication with the following capabilities:
{\it (i)} sniffing packets sent by the legitimate device; {\it (ii)} extracting the fingerprint of the legitimate device from the \gls{CSI};
{\it (iii)} knowing its own fingerprint and the ability to change it arbitrarily.
Hence, the adversary can breach the user privacy upon extracting the fingerprint from the sniffed packets.
Even if the client employs MAC address randomization to remain anonymous, the adversary can identify and track the client via the radiometric fingerprint (Attack scenario I).
Further, having the ability to change its fingerprint arbitrarily, the adversary can subsequently modify its own fingerprint to impersonate the client, thus compromising the security of the system (Attack scenario II).
Note that we do not consider an adversary launching a denial-of-service attack by jamming the WiFi signals as this will disrupt the communication in WiFi channels as a whole.
\subsection{Attack scenario I: Violating user privacy by tracking the radiometric fingerprints}
This attack focuses on tracking the presence of specific devices in the network using their radiometric fingerprints. In this scenario, the privacy-invading adversary silently sniffs the encrypted traffic over a WiFi network, extracts the fingerprints from the \gls{CSI}, and creates a database recording time and duration in which a device was present in the vicinity. In order to show the efficacy of this attack experimentally, we setup an adversary and $5$ phones that are entering and leaving the network at different times over the course of 10 minutes. We depict the results of this experiment in \fref{fig_privacy_attack}, in which the ground truth is presented in solid bars, whereas the hatched bars indicate the adversary's prediction. {\it We observe that the adversary is able to determine the presence time of the different phones with fairly high accuracy.} Note that MAC layer anonymization techniques cannot stop our adversary from tracking the presence of users across networks since such techniques do not conceal the inherent physical cues of the device, i.e., radiometric fingerprint. In an era where smartphones, smartwatches, and other WiFi-enabled wearables are omnipresent, these simple attacks expose us to significant privacy risks at workplace and at home.
\subsection{Attack scenario II: Compromising security via impersonation attacks}
\begin{figure*}[t!]
\begin{minipage}{0.601\textwidth}
\centering
\includegraphics[width=\textwidth]{figs/office/office.pdf}
\fontsize{5.7}{5.7}\selectfont
\setlength\tabcolsep{1.8pt}
\arrayrulecolor{black}
\begin{tabular}{|p{8mm}|c|c|c|c|c|c|c|c|c|c|c|}
\hline
\textbf{Location}
&L1 &L2 &L3 &L4 &L5 &L6 &L7 &L8 &L9 &L10 &L11 \\ \hline
\textbf{2.4 GHz} &$99.8\%$ &$99.6\%$ &$98.3\%$ &$88.7\%$ &$98.3\%$ &$99.4\%$ &$63.9\%$ &$76.5\%$ &$31.9\%$ &$78.3\%$ &$34.9\%$ \\ \hline
\textbf{5 GHz} &$95.8\%$ &$99.7\%$ &$99.5\%$ &$97.6\%$ &$99.6\%$ &$72.1\%$ &$74.9\%$ &$79.4\%$ &$0\%$ &$0\%$ &$0\%$ \\ \hline
\end{tabular}
\caption{The success rate of impersonation attacks is shown as a heatmap throughout the experimental site when using $2.4$ GHz. \textit{Impersonation is possible even in challenging scenarios, i.e., through a 30-centimeter thick ferro-concrete wall.} The table shows the success rate at $2.4$ and $5$ GHz bands. {\it The success rate at $5$ GHz is lower due to higher propagation and penetration loss compared to $2.4$ GHz.}}
\label{fig_impersonation_attack}
\end{minipage}
\hspace{2mm}
\begin{minipage}{0.37\textwidth}
\vspace{-5mm}
\input{./figs/fig_fake_fingerprint}
\centering
\caption{Impersonation attack on \gls{CSI}-based radiometric fingerprinting.
\textit{Impersonation is feasible when the adversary is capable of introducing additional crafted phase rotations per subcarrier to match the fingerprint of the victim.}}
\label{fig_fakeFingerprint}
\end{minipage}
\vspace{-4mm}
\end{figure*}
Radiometric fingerprinting can enhance the security of networks by enabling means of additional authentication based on physical layer properties of devices \cite{liu:2019, brik:2008, li2019location}.
However, we found that {\it an adversary can easily impersonate other devices} exploiting the fingerprinting scheme proposed by Liu \textit{et al.} \cite{liu:2019}.
We mount such an \textit{impersonation attack} using an SDR as follows: we first compute the fingerprint of the SDR by connecting it to another receiver (e.g., another SDR, signal analyzer).
This needs to be done only once.
Next, we measure the fingerprint of the target device, which only requires the adversary to sniff one (encrypted or unencrypted) packet sent by the target device.
Knowing the proprietary fingerprint and that of a target, we can compute the phase offset on each subcarrier.
These phase offsets are added to the LTF subcarriers and all subcarriers in the succeeding OFDM symbols (cf. \fref{fig_phy-frame}) at the SDR.
Consequently, the fingerprint extracted by the receiver matches that of the target device.
The SDR provides flexible processing capabilities that allow us to introduce phase rotations to the transmission chain easily.
In \fref{fig_fakeFingerprint}, we demonstrate how accurately the SDR (i.e., adversary) can replicate the fingerprint of another device (i.e., victim).
We now analyze the efficacy of the \textit{impersonation attack} in a real-world scenario (i.e., an office building).
We set up an AP which employs the \gls{CSI}-based fingerprinting mechanism in~\cite{liu:2019} for authentication.
To show the severity of the attack, we mount the attack in different locations in the vicinity of the victims, as depicted in \fref{fig_impersonation_attack}.
The adversary is transmitting 1000 packets in each location from which the access point calculates the fingerprints and compares them against a reference fingerprint of the legitimate user.
We conduct this experiment for each of the WiFi bands (i.e., $2.4$ and $5$ GHz) and show the results in the table in \fref{fig_impersonation_attack}.
In the $2.4$ GHz band, we observe that the adversary can successfully impersonate the victim in all locations.
While the attack is very successful in line-of-sight scenarios (i.e., inside the lab), we observe that it still yields very high success rates in \gls{nlos} scenarios, e.g., the hallway or even in the office across the hallway.
We kept all doors closed throughout the experiments.
We also observe that the impersonation attack is possible even in highly challenging scenarios, i.e., behind a 30-centimeter thick ferro-concrete wall. However, the success rate is lower due to high signal attenuation.
Due to higher propagation and penetration loss at $5$ GHz band, the success rate in the \gls{nlos} locations (i.e., L5 to L11) is lower. In particular, in locations L9 to L11, no signal was received by the AP.
However, locations L5 to L8 yield similar results in $5$ GHz and $2.4$ GHz bands.
We conclude that, as long as the adversary is in range of the access point, they can successfully effectuate an impersonation attack regardless of the frequency band used by the access point.
\subsection{Takeaway}
In this section, we emphasize the need for a secure and privacy-preserving fingerprinting solution.
Existing fingerprinting solutions based on \gls{CSI} are capable of {\it distinguishing between different devices, even of the same model, allowing adversaries to track the presence of users in a network}.
Further, we show that {\it an adversary can successfully impersonate the victim's device even through thick composite steel–concrete walls, which are among the most disruptive construction materials for wireless signals}.
Hence, there are two main takeaway messages from this section: {\it $(i)$ device fingerprints can be used to invade privacy of users and, as of the writing of this paper, there is no protection for users; and $(ii)$ active deployments of \gls{CSI}-based fingerprinting schemes can be attacked.}
\section{RF-Veil: A Privacy- and Security-preserving Solution for Radiometric Fingerprinting}
\label{s_algorithm}
\begin{figure*}[!t]
\centering
\includegraphics[width=0.99\textwidth]{figs/rf_veil_flow.pdf}
\caption{Schematic overview of an \texttt{RF-Veil}{} transmitter and receiver. The flow-diagram in the center depicts the WiFi connection establishment and data exchange procedure (changes due to \texttt{RF-Veil}{} marked in red color). The ACK messages are not shown in the figure for readability. They are not modified in \texttt{RF-Veil}{}. }
\label{fig_algStructure}
\vspace{-5mm}
\end{figure*}
In this section, we introduce our proposed technique \texttt{RF-Veil}{}, which injects crafted artificial noise to fingerprints in order to improve the robustness of WiFi transmissions against statistical attacks aiming at fingerprint acquisition.
In \fref{fig_algStructure}, we illustrate the building blocks of \texttt{RF-Veil}{}. Note that, in \AlgSt{} mode, we only need a subset of the blocks at the transmitter since the receiver does not perform any radiometric fingerprinting. To avoid repetition, we highlight the \AlgSt{}-specific blocks and the algorithm workflow in this mode in \sref{ss:standalone}.
{\bf A short overview of \texttt{RF-Veil}{}.} As shown in Fig.~\ref{fig_algStructure}, {\it the transmitter uses a random number generator to generate a pattern that obfuscates its radiometric fingerprint on a per-frame basis. The random number generator follows a specific distribution that is robust against statistical attacks. The receiver requires the seed to the random generator in order to generate the same pattern, which is used for \gls{CSI} denoising and fingerprint extraction.} The details about standard compliancy, random sequence generation, and key exchange are elaborated below.
\subsection{Association}
\label{ss_assoc}
In WiFi, every new device first associates to the AP upon arrival to the network.
This includes exchanging the probe, authentication, and association request and response messages.
It is within this stage that the AP and the device establish a secure connection. In \texttt{RF-Veil}{}, we require the access point and the client to exchange one more key, which is used as one of the inputs to the random number generator, as shown in \fref{fig_rand_overview}. We choose to use a pre-shared key due to ease of implementation.
However, one can leverage alternative secret key extraction methods that rely on channel response~\cite{liu:2013}.
As a result, the receiver and transmitter do not require a security handshake in advance but use physical layer information to generate the secret keys.
At this stage, the AP can extract the real fingerprint of the client after obtaining the shared key. We elaborate further on this in Section~\ref{ss_deobfus_rx}.
\subsection{Obfuscation at the transmitter}
\label{ss_obfus_tx}
The main task of the transmitter consists in obfuscation, as depicted on the left-hand side in \fref{fig_algStructure}. For every frame, a random sequence is generated using the pre-shared key and the synchronization index.
{\bf Pre-shared key.} In our implementation, we used a 128-bit key, which is refreshed every time the device re-associates with the AP. As a privacy protection measure, we obfuscate the fingerprint even before the association with an AP takes place. Hence, any frame transmitted from the devices (e.g., beacon, discovery) has an obfuscated fingerprint. In this case, it is advised to generate a new key periodically in order to protect against statistical attacks (see Section~\ref{s4} ). We leave the frequency of key renewal as a design choice. Since renewing the pre-shared key does not impose considerable overhead, we suggest to lean towards higher security.
{\bf Synchronization index}.
Attaching a synchronization index to each frame has two purposes: {\it (i)} synchronize the random generator between the receiver and the transmitter and {\it (ii)} protect the receiver from replay attacks.
The synchronization is important because the pre-shared key only ensures that the random generators at both ends produce the same string of random numbers.
However, if a frame is lost, then the receiver may try to de-obfuscate the frame with the wrong pattern.
To prevent this, we attach an index for each frame, so that the receiver can use this index in combination with the pre-shared key to generate a synchronized and secure randomization pattern.
We intentionally refrained from using the existing 12-bit MAC frame sequence number due to its vulnerability to replay attacks.
Even at low data rates, the 12-bit sequence number resets within seconds, whereas our 32-bit sequence number takes 24 days to reset at the rate of 1000 frames per second.
We expect the WiFi connection to be re-initiated within such an interval.
Even though the exposure of this synchronization index does not expose legitimate users to security threats, it can still be abused for tracking.
Therefore, we encrypt this index with the pre-shared key via XOR operations.
We further discuss this approach in \sref{s_discus}.
Once the obfuscation pattern is generated for all subcarriers, the symbols of the regular WiFi transmitter are rotated accordingly. The frame sequence number is then updated for the next frame and stored in a \gls{LUT}. Finally, the symbols with phase rotations can be sent out over the air. However, one question still remains: {\it how do we ensure robustness against statistical attacks?}
{\bf Robustness against statistical attacks.} In Section~\ref{Vulnerability_analysis}, we showed experimentally and analytically that obfuscation with symmetric zero-mean distributions is susceptible to statistical attacks. Recalling the analysis therein, a robust distribution against such attacks should have the following properties.
\begin{center}
$
\boxed{
\quad \left( \mathrm{\mathbf{P_1}} \right): f_{Z} \big( z \big) \geq 0 \quad \left( \mathrm{\mathbf{P_2}} \right): \int_{-\infty}^{\infty} f_{Z} \big( z \big) d z = 1 \quad \left( \mathrm{\mathbf{P_3}} \right): f_{Z} \big( z \big) \neq f_{Z} \big( -z \big) \quad \left( \mathrm{\mathbf{P_4}} \right): \mathbb{E} \left[ f_{Z} \big( z \big) \right] \neq 0 \quad
}
$
\end{center}
Essentially, $ \left( \mathrm{\mathbf{P_1}} \right) $ and $ \left( \mathrm{\mathbf{P_2}} \right) $ are inherent properties of all probability density functions, i.e., they are non-negative, and the total area under the graph $ f_{Z} \big( z \big) $ is equal to unity. On the one hand, $ \left( \mathrm{\mathbf{P_3}} \right) $ requires the probability density function to be non-symmetric while $ \left( \mathrm{\mathbf{P_4}} \right) $ states that it must not be centered around zero. These properties ensure that the effect of the random phase rotations will prevail even if a statistical attack is perpetrated. In Section \ref{s_eval}, we corroborate experimentally that probability density functions complying with $ \left( \mathrm{\mathbf{P_1}} \right) $, $ \left( \mathrm{\mathbf{P_2}} \right) $, $ \left( \mathrm{\mathbf{P_3}} \right) $ and $ \left( \mathrm{\mathbf{P_4}} \right) $ can conceal the radiometric fingerprint effectively.
In the following, we justify the necessity for $ \left( \mathrm{\mathbf{P_3}} \right) $ and $ \left( \mathrm{\mathbf{P_4}} \right) $. From (\ref{e4-6}), we note that $ \mathbb{E} \left[ e^{j Z_k} \right] = \beta^{\mathrm{real}}_k + j \beta^{\mathrm{imag}}_k $ must be complex-valued in order to prevent the phase randomization effect from being removed. This is attained when the term $ \beta^{\mathrm{imag}}_k = \int_{-R_k}^{R_k} \cos \big( z_k \big) f'_{Z_k} \big( z_k \big) d z_k \neq 0 $, which produces a non-zero phase shift that is absorbed by the \gls{CSI} phase thus concealing the fingerprint. In order for this to hold, $ \cos \big( z_k \big) f'_{Z_k} \big( z_k \big) $ must not be an odd function according to \textit{Corollary 3}. Since $ \cos \big( z_k \big) $ is an even function, this also signifies that $ f'_{Z_k} \big( z_k \big) $ must not be an odd function according to \textit{Corollary 2}. Via \textit{Corollary 1}, this requirement is satisfied when $ f_{Z_k} \big( z_k \big) $ is not an even function. Therefore, it is revealed that we can design arbitrary probability density functions $ f_{Z_k} \big( z_k \big) $ that are not even with non-zero mean, thus yielding the desired effect that prevents phase randomization removal.
{\it A simple yet effective manner to meet the above criteria is using a shifted even probability density function (e.g., shifted Gaussian or uniform distribution). We will experimentally prove that in \sref{ss:algo_performance}}.
\subsection{De-obfuscation and authentication at the receiver}
\label{ss_deobfus_rx}
The right-hand side of \fref{fig_algStructure} shows the two main tasks of the receiver: de-obfuscation and authentication.
{\bf De-obfuscation}. Having the synchronization index and pre-shared key, the receiver can re-generate the obfuscation pattern (i.e., randomized phase rotations) of the transmitted frame. This allows the receiver to extract the original fingerprint. This is done easily by subtracting the obfuscation pattern from the phase of the received signal.
{\bf Authentication}. The receiver verifies the restored fingerprint against the original fingerprint of the transmitter to authenticate the received frame. In addition, the receiver verifies that the synchronization index is larger than that in the last received frame. A frame whose synchronization index is less than or equal to the last frame is probably sent from an adversary attempting a replay attack. {\it We highlight that with \texttt{RF-Veil}{}, WiFi devices can always obfuscate their fingerprint.} We mentioned in Section~\ref{s4} that \texttt{RF-Veil}{} is designed such that obfuscation does not impact the communication performance. Hence, user privacy is always ensured through fingerprint concealment.
\subsection{\AlgSt{} mode}
\label{ss:standalone}
In this mode, we allow the transmitting device to hide its fingerprint by executing the obfuscation blocks without any handshake or coordination with other receivers. Specifically, the device generates locally a synchronization index and the key, which are used as inputs for fingerprint obfuscation, as depicted in the transmitter side of \fref{fig_algStructure}. As a result, we can ensure privacy protection in a much broader scenario, e.g., communicating with non-\texttt{RF-Veil}{}-enabled devices, in absence of any active connections, or in connection establishment phase.
\subsection{SDR implementation}
\label{s:setup}
We have implemented \texttt{RF-Veil}{} using the USRP 2954R SDR platform. A simplified overview of the hardware used in our setup is depicted in \fref{fig_setup}.
Each USRP is connected via PCI-e interface to a host machine running NI-Linux RT (kernel version 4.1.13-rt15-nilrt).
We build \texttt{RF-Veil}{} using NI 802.11 application framework (AFW) \footnote{http://www.ni.com/pdf/manuals/376779f.pdf}, which provides the physical layer and lower MAC layer functions in the FPGA, while the rest of the MAC procedures run at the host (Linux RT in our setup).
We provide a detailed overview of the existing implementation in Appendix \ref{appendix_application_framework}.
Due to space constraints, we do not delve into the SDR implementation details. Our implementation and data is available online\footnote{https://github.com/seemoo-lab/RF-Veil}.
The following briefly describes the setup.
\begin{figure}
\centering
\includegraphics[width=0.7\textwidth]{figs/setup.pdf}
\vspace{-3mm}
\caption{Schematic overview of the hardware setup.}
\label{fig_setup}
\vspace{-4mm}
\end{figure}
\textbf{Fingerprint extraction at the receiver. }
The physical layer implementation of 802.11 AFW already includes \gls{CSI} estimation in the FPGA. For our implementation, we have transferred the \gls{CSI} from the FPGA to the host via a \gls{T2H} FIFO on a per-frame basis. This enables fast prototyping while maintaining real-time operation of the testbed. Having the \gls{CSI}, we implemented the radiometric fingerprinting using non-linear phase errors, as described in Section~\ref{s3-2}.
\textbf{Fingerprint modification at the transmitter. }
These are required modifications at both the FPGA and the host. At the host, we compute the obfuscation pattern, which is sent to the FPGA on a per-frame basis. We made use of the interprocess communication protocol by NI to send packets containing the additional phase rotations. Then, we modified the transmitter chain at the FPGA to read the obfuscation pattern and multiply each outgoing symbol with the corresponding phase rotations.
This increases the latency of the transmission chain by 5 clock cycles (12.5 ns).
\textbf{Secure fingerprinting. }
We implement \texttt{RF-Veil}{} on top of the \textit{Fingerprint Extraction} and \textit{Fingerprint Modification} modules on the host.
We extend the packet headers so as to also carry the 32-bit synchronization index chosen at the transmitter.
When a new packet is being prepared for transmission, the MAC header is used to obtain the key and synchronization index from the \gls{LUT}.
Then, the obfuscation pattern is generated using the key and synchronization index.
This pattern serves as input for the \textit{Fingerprint Modification} module, which then pushes the values to the PHY.
At the receiver side, the \gls{CSI} is written into the \textit{T2H Channel Estimation} FIFO at the PHY.
The frame reception continues on the FPGA while the implementation of \texttt{RF-Veil}{} runs on the output of the FIFO at the host.
After the information for random pattern generation is obtained, and the randomization is reverted, the fingerprint is calculated by the \textit{Fingerprint Extraction} module.
The obtained fingerprint is then passed to the \textit{Matcher} to be compared with the original fingerprint for authentication
\subsection{Takeaway}
\textit{In this section, we elaborated on the workings behind \texttt{RF-Veil}{} and its standalone-mode.
We devised the idea of synchronized obfuscation with special probability density functions to counter the statistical attacks introduced in \sref{Vulnerability_analysis}, as well as the tracking and impersonation attacks introduced in \sref{s_adversary_model}.
The prototype implementation of \texttt{RF-Veil}{} on a USRP SDR platform enables us to experimentally evaluate the performance of our approach.
The takeaway message is that \texttt{RF-Veil}{} introduces low overhead to the existing WiFi message flow while providing enhanced privacy for users and a secure way of physical layer device identification.}
\section{Kronecker Product Properties}
\noindent{\textbf{Property 1} \textit{(Transpose of a Kronecker product)}:}
Let ${\bf A} \in \mathbb{C}^{m \times n}$, ${\bf B} \in \mathbb{C}^{r \times s}$, then $ \left( \mathbf{A} \otimes \mathbf{B} \right)^T = \mathbf{A}^T \otimes \mathbf{B}^T $.
\vspace{0.1cm}
\noindent{\textbf{Property 2} \textit{(Product of two Kronecker products)}:}
Let ${\bf A} \in \mathbb{C}^{m \times n}$, $ {\bf B} \in \mathbb{C}^{r \times s} $, $ {\bf C} \in \mathbb{C}^{n \times p}$, and ${\bf D} \in \mathbb{C}^{s \times t} $, then $ {\bf AB} \otimes {\bf CD} = ({\bf A} \otimes {\bf C})({\bf B} \otimes {\bf D}) $.
\vspace{0.1cm}
\noindent{\textbf{Property 3} \textit{(Trace of a Kronecker product of matrices)}:}
Let ${\bf A} \in \mathbb{C}^{m \times m}$, ${\bf B} \in \mathbb{C}^{n \times n}$, then $ \mathrm{Tr} \big( \mathbf{A} \otimes \mathbf{B} \big) = \mathrm{Tr} \big( \mathbf{A} \big) \big( \mathbf{B} \big) $.
\vspace{0.1cm}
\noindent{\textbf{Property 4} \textit{(Cyclic permutation of the trace)}:}
Let ${\bf A} \in \mathbb{C}^{m \times n}$, ${\bf B} \in \mathbb{C}^{n \times m}$, then $ \mathrm{Tr} \big( {\bf AB} \big) = \mathrm{Tr} \big( {\bf BA} \big) $.
\vspace{0.1cm}
\noindent{\textbf{Property 5} \textit{(Trace of a Kronecker product of vectors)}:}
Let ${\bf a} \in \mathbb{C}^{m \times 1}$, ${\bf b} \in \mathbb{C}^{m \times 1}$, then $ \mathrm{Tr} \big( \mathbf{a} \otimes \mathbf{b}^T \big) = \mathrm{Tr} \big( \mathbf{a} \mathbf{b}^T \big) $.
\section{Cramer-Rao Bound of \Tool{}} \label{s:crb}
\setcounter{equation}{0}
\renewcommand{\theequation}{B\arabic{equation}}
We analyze the performance of \Tool{} and compare it to the Cramer-Rao bound (CRB) bound. We show that \Tool{} is a near-optimal estimator of the \gls{CSI}, as defined in (\ref{e-B22}). For notation simplicity and without loss of generality, in the sequel, we drop the subcarrier index $ k $ and consider the analysis for a single subcarrier for which $ N $ measurements are available.
Let $ m_n $ be a measurement (or observation) in a given subcarrier defined as
\begin{equation} \label{e-B1}
m_n = h e^{j Z_n} + w_n ,
\end{equation}
where $ Z_n $ is a random phase rotation and $ h $ is the complex-valued channel. Recalling Section \ref{s_algorithm}, $ Z_n $ is introduced by our proposed approach \texttt{RF-Veil}{} to prevent attackers from acquiring the channel accurately. Thus, let $ p (m_n \mid Z_n; h) $ denote the joint likelihood function of $ Z_n $ and $ h $, given the observation $ m_n $
\begin{equation} \label{e-B2}
p (m_n \mid Z_n; h) = \frac{1}{\sqrt{\pi \sigma^2}} e^{ - \frac{1}{\sigma^2} \left| m_n - h e^{j Z_n} \right|^2 }.
\end{equation}
For $ N $ uncorrelated measurements, we have the likelihood function
\begin{equation} \label{e-B3}
p (m_1, \cdots, m_N \mid Z_1, \cdots, Z_N; h) = \Pi^N_{n = 1} \frac{1}{\sqrt{\pi \sigma^2}} e^{ - \frac{1}{\sigma^2} \left| m_n - h e^{j Z_n} \right|^2 },
\end{equation}
which can be equivalently recast as
\begin{equation} \label{e-B4}
p (\mathbf{m} \mid \mathbf{Z}; h) = \frac{1}{(\pi \sigma^2)^{N/2}} e^{ - \frac{1}{\sigma^2} \left\| \mathbf{m} - h e^{j \mathbf{Z}} \right\|^2_2 },
\end{equation}
where $ \mathbf{m} = \left[m_1, \cdots, m_N \right]^T $ and $ \mathbf{Z} = \left[Z_1, \cdots, Z_N \right]^T $. To compute the CRB of $ h $, we require the likelihood function $ p (\mathbf{m}; h) $. Note that this function can be obtained through averaging $ p (\mathbf{m} \mid \mathbf{Z}; h) $ over the random nuisance variables $ \mathbf{Z} $. Thus, the likelihood function $ p \left( \mathbf{m}; h\right) $ is computed as
\begin{equation} \label{e-B5}
\begin{split}
p (\mathbf{m}; h) & = \mathbb{E}_{\mathbf{Z}} \left[ \frac{1}{(\pi \sigma^2)^{N/2}} e^{ - \frac{1}{\sigma^2} \left\| \mathbf{m} - h e^{j \mathbf{Z}} \right\|^2_2 } \right], \\
& = \int_{\mathcal{D}_\mathbf{Z}} \frac{1}{(\pi \sigma^2)^{N/2}} e^{ - \frac{1}{\sigma^2} \left\| \mathbf{m} - h e^{j \mathbf{Z}} \right\|^2_2 } p_\mathbf{Z} (\mathbf{z}) d\mathbf{z},
\end{split}
\end{equation}
where $ \mathbf{z} = \left[z_1, \cdots, z_N \right]^T $ denote the integration variables, and $ \mathcal{D}_\mathbf{Z} $ is the domain of the random variables $ \mathbf{Z} $. In addition, $ \mathbb{E}_{\mathbf{Z}} $ denotes statistical expectation with respect to $ \mathbf{Z} $, which has a priori probability density function $ p_{\mathbf{Z}}(\mathbf{z}) $. Assuming that the random phases are independent, then $ p_{\mathbf{Z}}(\mathbf{z}) = \prod_{n = 1}^{N} p_{Z_n}(z_n) $. Thus, (\ref{e-B5}) can be expressed as
\begin{align} \label{e-B6}
p (\mathbf{m}; h) = \int_{\mathcal{D}_{Z_1}} \cdots \int_{\mathcal{D}_{Z_N}} \frac{1}{(\pi \sigma^2)^{N/2}} e^{ - \frac{1}{\sigma^2} \sum^N_{n = 1} \left| m_n - h e^{j Z_n} \right|^2 } p_{Z_1}(z_1) \cdots p_{Z_N}(z_N) ~ dz_1 \cdots dz_N.
\end{align}
The CRB of any unbiased estimator $ \widehat{h} $ of the channel $ h $ is given by
\begin{align} \label{e-B7}
\mathsf{CRB} \left( \widehat{h} \right) = \mathbb{E}_{\mathbf{m}} \left[ \frac{\partial }{\partial h} \ln p (\mathbf{m} ; h) \frac{\partial}{\partial h^*} \ln p (\mathbf{m} ; h) \right] ^{-1},
\end{align}
where $ \mathbb{E}_{\mathbf{m}} $ denotes statistical expectation with respect to $ \mathbf{m} $ \cite{kay1993:fundamentals-statistical-signal-processing-volume-I}. Nonetheless, the computation of this expression is analytically intractable due to the embedded integration with respect to the random variables $ Z_1, \cdots, Z_N $. As a result, a simpler (but looser) bound called the modified CRB (MCRB) has been derived in \cite{dandrea1994:modified-cramer-rao-synchronization-problems, miller1978:modified-cramer-rao-bound-applications}. Specifically, the MCRB is a lower bound of the CRB, i.e., $ \mathsf{MCRB} \left( \widehat{h} \right) \leq \mathsf{CRB} \left( \widehat{h} \right) $ is defined as
\begin{align} \label{e-B8}
\mathsf{MCRB} \left( \widehat{h} \right) = \mathbb{E}_{\mathbf{Z}} \left[ \mathbb{E}_{\mathbf{m} \mid \mathbf{Z}} \left[ \frac{\partial}{\partial h} \ln p (\mathbf{m} \mid \mathbf{Z}; h) \frac{\partial}{\partial h^*} \ln p (\mathbf{m} \mid \mathbf{Z}; h) \right] \right]^{-1}.
\end{align}
From (\ref{e-B6}), we compute the derivatives with respect to $ h $ and $ h^* $,
\begin{align} \label{e-B9}
\frac{\partial}{\partial h} \ln p (\mathbf{m} \mid \mathbf{z}; h) = \frac{1}{\sigma^2} \sum^N_{n = 1} \left( e^{j Z_n} m^{*}_n - h^* \right) = \frac{1}{\sigma^2} \sum^N_{n = 1} w^*_n e^{j Z_n},
\end{align}
\begin{align} \label{e-B10}
\frac{\partial}{\partial h^*} \ln p (\mathbf{m} \mid \mathbf{z}; h) = \frac{1}{\sigma^2} \sum^N_{n = 1} \left( e^{-j Z_n} m_n - h \right) = \frac{1}{\sigma^2} \sum^N_{n = 1} w_n e^{-j Z_n},
\end{align}
Upon replacing (\ref{e-B9}) and (\ref{e-B10}) in (\ref{e-B8}), we obtain that
\begin{equation} \label{e-B11}
\begin{split}
\mathsf{MCRB} \left( \widehat{h} \right)
& = \mathbb{E}_{\mathbf{Z}} \left[ \mathbb{E}_{\mathbf{m} \mid \mathbf{Z}} \left[ \frac{1}{\sigma^2} \sum^N_{n = 1} w^*_n e^{j Z_n} \frac{1}{\sigma^2} \sum^N_{l = 1} w_l e^{-j Z_l} \right] \right]^{-1}, \\
& = \mathbb{E}_{\mathbf{Z}} \left[ \mathbb{E}_{\mathbf{w} \mid \mathbf{Z}} \left[ \frac{1}{\sigma^2} \sum^N_{n = 1} w^*_n e^{j Z_n} \frac{1}{\sigma^2} \sum^N_{l = 1} w_l e^{-j Z_l} \right] \right]^{-1}, \\
& = \mathbb{E}_{\mathbf{Z}} \left[ \mathbb{E}_{\mathbf{w} \mid \mathbf{Z}} \left[ \frac{1}{\sigma^4} \sum^N_{n = 1} \sum^N_{l = 1} w^*_n w_l e^{j Z_n} e^{-j Z_l} \right] \right]^{-1}, \\
& = \mathbb{E}_{\mathbf{Z}} \left[ \mathbb{E}_{\mathbf{w} \mid \mathbf{Z}} \left[ \frac{1}{\sigma^4} \sum^N_{n = 1} \left| w_n \right|^2 + \frac{1}{\sigma^4} \sum^N_{n = 1} \sum^N_{l \neq n} w^*_n w_l e^{j Z_n} e^{-j Z_l} \right] \right]^{-1}, \\
& = \mathbb{E}_{\mathbf{Z}} \left[ \mathbb{E}_{\mathbf{w} \mid \mathbf{Z}} \left[ \frac{1}{\sigma^4} \sum^N_{n = 1} \left| w_n \right|^2 \right] + \mathbb{E}_{\mathbf{w} \mid \mathbf{Z}} \left[ \frac{1}{\sigma^4} \sum^N_{n = 1} \sum^N_{l \neq n} w^*_n w_l e^{j Z_n} e^{-j Z_l} \right] \right]^{-1}, \\
& = \mathbb{E}_{\mathbf{Z}} \left[ \frac{1}{\sigma^4} \sum^N_{n = 1} \mathbb{E}_{w_n \mid \mathbf{Z}} \left[ \left| w_n \right|^2 \right] + \frac{1}{\sigma^4} \sum^N_{n = 1} \sum^N_{l \neq n} \mathbb{E}_{w_n \mid \mathbf{Z}} \left[ w^*_n \right] \mathbb{E}_{w_l \mid \mathbf{Z}} \left[ w_l \right] e^{j Z_n} e^{-j Z_l} \right]^{-1}, \\
& = \mathbb{E}_{\mathbf{Z}} \left[ \frac{N \sigma^2}{\sigma^4} \right]^{-1}.
\end{split}
\end{equation}
In the second step of (\ref{e-B11}), $ \mathbb{E}_{\mathbf{m} \mid \mathbf{Z}} $ has been changed to $ \mathbb{E}_{\mathbf{w} \mid \mathbf{Z}} $ due to the direct dependence of $ \mathbf{m} $ on $ \mathbf{w} $ (when $ \mathbf{Z} $ is fixed). Note that $ \mathbb{E}_{w_n \mid \mathbf{Z}} \left[ w_n \right] = 0 $ and $ \mathbb{E}_{w_n \mid \mathbf{z}} \left[ \left| w_n \right|^2 \right] = \sigma^2 $ since $ \mathbf{w} \sim \mathcal{CN} \left( 0, \sigma^2 \mathbf{I} \right) $. Thus, $ \sum^N_{n = 1} \mathbb{E}_{w_n \mid \mathbf{z}} \left[ \left| w_n \right|^2 \right] = N \sigma^2 $ and $ \sum^N_{n = 1} \sum^N_{l \neq i} \mathbb{E}_{w_n \mid \mathbf{z}} \left[ w^*_n \right] \mathbb{E}_{w_l \mid \mathbf{z}} \left[ w_l \right] e^{j Z_n} e^{-j Z_l} = 0 $ yielding
\begin{align} \label{e-B12}
\mathsf{MCRB} \left( \widehat{h} \right) = \frac{\sigma^2}{N}.
\end{align}
From (\ref{e-B12}), we realize that the performance of an optimal estimator $ \hat{h} $ improves with $ N $. Essentially, as more measurements become available, the estimation error decreases. From Section \ref{ss_bison}, the channel estimated by \Tool{} for a single subcarrier was found to be $ u = \frac{1}{N} \sum^N_{n = 1} m_n $. To evaluate the performance of \Tool{} we compute its mean square error (MSE). To this purpose, we assume that the random phase rotations are distributed according to a Gaussian probability density function defined as $ p_{Z_n}(z_n) = \frac{1}{\sqrt{2 \pi \xi^2}} e^{-\frac{(z_n - \mu)^2}{2 \xi^2}} $ with mean $ \mu $ and variance $ \xi^2 $. Note that $ \xi^2 $ and $ \mu $ are the same for all the measurements because these are collected for a single subcarrier. Thus,
\begin{equation} \label{e-B13}
\begin{split}
\mathrm{MSE} \left( u \right) & = \mathbb{E} \left[ \left( u - h \right)^* \left( u - h \right) \right], \\
& = \mathbb{E} \left[ \frac{1}{N^2} \sum^N_{n = 1} \sum^N_{i = 1} m^*_n m_i - \frac{h^*}{N} \sum^N_{n = 1} m_n - \frac{h}{N} \sum^N_{n = 1} m^*_i + \left| h \right|^2 \right], \\
& = \underbrace{ \mathbb{E} \left[ \frac{1}{N^2} \sum^N_{n = 1} \sum^N_{i = 1} m^*_n m_i \right] }_{S_1} - \underbrace{ \mathbb{E} \left[ \frac{h^*}{N} \sum^N_{n = 1} m_n \right] }_{S_2} - \underbrace{ \mathbb{E} \left[ \frac{h}{N} \sum^N_{n = 1} m^*_i \right] }_{S^*_2} + \mathbb{E} \left[ \left| h \right|^2 \right],
\end{split}
\end{equation}
Now, by using (\ref{e-B1}), we expand $ S_1 $
\begin{equation} \label{e-B14}
\begin{split}
S_1 & = \mathbb{E} \left[ \frac{1}{N^2} \sum^N_{n = 1} \sum^N_{i = 1} m^*_n m_i \right], \\
& = \frac{\left| h \right|^2 }{N^2} \mathbb{E} \left[ \sum^N_{n = 1} \sum^N_{i = 1} e^{-j (Z_n - Z_i)} \right] + \frac{h}{N^2} \mathbb{E} \left[ \sum^N_{n = 1} \sum^N_{i = 1} w^*_n e^{j Z_i} \right] +
\frac{h^*}{N^2} \mathbb{E} \left[ \sum^N_{n = 1} \sum^N_{i = 1} w_i e^{-j Z_n} \right] +
\frac{1}{N^2} \mathbb{E} \left[ \sum^N_{n = 1} \sum^N_{i = 1} w^*_n w_i \right] \\
& = \frac{\left| h \right|^2 }{N^2} \mathbb{E} \left[ \sum^N_{n = 1} \sum^N_{i = 1} e^{-j (Z_n - Z_i)} \right] +
\frac{h}{N^2} \underbrace{ \sum^N_{n = 1} \sum^N_{i = 1} \mathbb{E} \left[ w^*_n \right] \mathbb{E} \left[ e^{j Z_i} \right] }_{0} + \frac{h^*}{N^2} \underbrace{ \sum^N_{n = 1} \sum^N_{i = 1} \mathbb{E} \left[ w_i \right] \mathbb{E} \left[ e^{-j Z_n} \right] }_{0} + \frac{1}{N^2} \underbrace{ \mathbb{E} \left[ \sum^N_{n = 1} \sum^N_{i = 1} w^*_n w_i \right] }_{N \sigma^2}, \\
& = \frac{\left| h \right|^2 }{N^2} \mathbb{E} \left[ \sum^N_{n = 1} \sum^N_{i = 1} e^{-j (Z_n - Z_i)} \right] + \frac{\sigma^2}{N}
\end{split}
\end{equation}
The sum of complex exponentials in (\ref{e-B14}) can be equivalently expressed as,
\begin{equation} \label{e-B15}
\begin{split}
\sum^N_{n = 1} \sum^N_{i = 1} e^{-j (Z_n - Z_i)} = & N + \sum^N_{n = 1} \sum^N_{i \neq n } e^{-j (Z_n - Z_i)} \\
= & N + 2 \sum^{N-1}_{i = 1} \sum^N_{n = i+1 } \cos (Z_i - Z_n) \\
= & N + 2 \sum^{\frac{N(N-1)}{2}}_{l = 1} \cos (X_l) \\
= & N + N(N-1) \cos (X).
\end{split}
\end{equation}
In (\ref{e-B15}), $ X = Z_i - Z_n $, $ \forall i,n $ denotes the difference of two Gaussian random variables. The resulting random variable $ X $ is also Gaussian, which can be obtained by means of the convolution theorem. Specifically, $ X $ has mean zero and twice the variance of $ Z_i $, i.e., the probability density function of $ X $ is given by $ p_X(x) = \frac{1}{\sqrt{4 \pi \xi^2}} e^{-\frac{x^2}{4 \xi^2}} $. Replacing (\ref{e-B15}) in (\ref{e-B14}), $ S_1 $ can be recast as
\begin{equation} \label{e-B16}
\begin{split}
S_1 & = \frac{\left| h \right|^2 }{N^2} \mathbb{E} \left[ \sum^N_{n = 1} \sum^N_{i = 1} e^{-j (Z_n - Z_i)} \right] + \frac{\sigma^2}{N}, \\
& = \frac{\left| h \right|^2 }{N^2} \left( N + N(N-1) \mathbb{E} \left[ \cos (X) \right] \right) + \frac{\sigma^2}{N}, \\
& = \frac{\left| h \right|^2 }{N} + \frac{\left| h \right|^2 (N-1) }{N} \mathbb{E} \left[ \cos (X) \right] + \frac{\sigma^2}{N}, \\
& = \frac{\left| h \right|^2 }{N} + \frac{\left| h \right|^2 (N-1) }{N} \int_{-\infty}^{\infty} \cos (x) \frac{1}{\sqrt{4 \pi \xi^2}} e^{\frac{-x^2}{4 \xi^2}} dx + \frac{\sigma^2}{N}, \\
& = \frac{\left| h \right|^2 }{N} + \frac{\left| h \right|^2 (N-1) }{N} e^{-\xi^2} + \frac{\sigma^2}{N},
\end{split}
\end{equation}
where $ e^{-\xi^2} = \int_{-\infty}^{\infty} \cos (x) \frac{1}{\sqrt{4 \pi \xi^2}} e^{\frac{-x^2}{4 \xi^2}} dx $. Besides, the term $ S_2 $ collapses to
\begin{equation} \label{e-B17}
\begin{split}
S_2 & = \mathbb{E} \left[ \frac{h^*}{N} \sum^N_{n = 1} m_n \right] \\
& = \frac{\left| h \right|^2 }{N} \cdot \mathbb{E} \left[ \sum^N_{n = 1} e^{j Z_n} \right] + \frac{h^*}{N} \mathbb{E} \left[ \sum^N_{n = 1} w_n \right] \\
& = \left| h \right|^2 \mathbb{E} \left[ e^{j Z_n} \right] + \underbrace{ \frac{h^*}{N} \mathbb{E} \left[ \sum^N_{n = 1} w_n \right] }_{0} \\
& = \left| h \right|^2 \int_{-\infty}^{\infty} e^{j Z_n} \frac{1}{\sqrt{2 \pi \xi^2}} e^{\frac{-(Z_n - \mu)^2}{2 \xi^2}} dZ_n \\
& = \left| h \right|^2 e^{-\xi^2/2} e^{j \mu}.
\end{split}
\end{equation}
Collecting the results in (\ref{e-B16}) and (\ref{e-B17}), the MSE collapses to
\begin{equation} \label{e-B18}
\begin{split}
\mathrm{MSE} \left( u \right) & = \frac{\left| h \right|^2 }{N} + \left| h \right|^2 e^{-\xi^2} - \frac{\left| h \right|^2 e^{-\xi^2}}{N} + \frac{\sigma^2}{N} - \left| h \right|^2 e^{-\xi^2/2} e^{j \mu} - \left| h \right|^2 e^{-\xi^2/2} e^{-j \mu} + \left| h \right|^2, \\
& = \left| h \right|^2 + \left| h \right|^2 e^{-\xi^2} - 2 \left| h \right|^2 \cos(\mu) e^{-\xi^2/2} + \frac{\left| h \right|^2 }{N} - \frac{\left| h \right|^2 e^{-\xi^2}}{N} + \frac{\sigma^2}{N}.
\end{split}
\end{equation}
By definition, the MSE of any estimator consists of the bias and the variance as shown in
\begin{align} \label{e-B19}
\mathrm{MSE} \left( u \right) = \mathrm{bias} \left( u \right)^2 + \mathrm{var} \left( u \right).
\end{align}
The bias of the estimator is computed as
\begin{equation} \label{e-B20}
\begin{split}
\mathrm{bias} \left( u \right) & = \mathbb{E} \left[ u - h \right], \\
& = \mathbb{E} \left[ u \right] - h, \\
& = h \mathbb{E} \left[ e^{j Z} \right] - h, \\
& = h \int_{-\infty}^{\infty} e^{j Z} \frac{1}{\sqrt{2 \pi \xi^2}} e^{-\frac{(z - \mu)^2}{2 \xi^2}} dz - h, \\
& = h e^{-\xi^2/2} e^{j \mu} - h.
\end{split}
\end{equation}
Thus, the squared bias is
\begin{equation} \label{e-B21}
\begin{split}
\mathrm{bias} \left( u \right)^2 & = (h e^{-\xi^2/2} e^{j \mu} - h)^* (h e^{-\xi^2/2} e^{j \mu} - h), \\
& = \left| h \right|^2 + \left| h \right|^2 e^{-\xi^2} - 2 \left| h \right|^2 \cos(\mu) e^{-\xi^2/2}.
\end{split}
\end{equation}
By comparing (\ref{e-B18}), (\ref{e-B19}) and (\ref{e-B21}), we can extract the variance of the estimator. Therefore,
\begin{align} \label{e-B22}
\mathrm{var} \left( u \right) = \frac{ \left|h \right|^2 }{N} - \frac{ \left|h \right|^2 }{N} e^{- \xi^2} + \frac{\sigma^2}{N}.
\end{align}
\begin{figure}
\begin{tikzpicture}
\begin{semilogyaxis}
[
xlabel = {$ \xi^2 [\text{deg}^2] $},
ylabel = {$ \mathrm{bias} \left( u \right)^2 / \left| h \right|^2 $},
xtick = {0.1, 0.4, 0.7, 1.0},
xticklabels = {5, 20, 40, 60},
height = 5.4cm,
width = 9cm,
legend columns = 1,
legend pos = north east,
legend style = {at = {(1.01,0.0)}, anchor = south west, font = \scriptsize, fill = white, font=\fontsize{7}{7}\selectfont, /tikz/every even column/.append style={column sep=0.5cm}, legend style={row sep=1pt}, inner sep = 2pt, align = left},
legend cell align={left},
]
\addplot[black,thick] expression[domain=0:1] {1 + e^(-x) - 2*e^(-x/2)};
\addplot[color = cyan, semithick, densely dashed] expression[domain=0:1] {1 + e^(-x) - 2*cos(1)*e^(-x/2)};
\addplot[color = pink, semithick, densely dashed] expression[domain=0:1] {1 + e^(-x) - 2*cos(2)*e^(-x/2)};
\addplot[color = green, semithick, densely dashed] expression[domain=0:1] {1 + e^(-x) - 2*cos(5)*e^(-x/2)};
\addplot[color = orange, semithick, densely dashed] expression[domain=0:1] {1 + e^(-x) - 2*cos(10)*e^(-x/2)};
\addplot[color = blue, semithick, densely dashed] expression[domain=0:1] {1 + e^(-x) - 2*cos(20)*e^(-x/2)};
\addplot[color = red, semithick, densely dashed] expression[domain=0:1] {1 + e^(-x) - 2*cos(45)*e^(-x/2)};
\addplot[color = brown, semithick, densely dashed] expression[domain=0:1] {1 + e^(-x) - 2*cos(90)*e^(-x/2)};
\addplot[color = gray, semithick, densely dashed] expression[domain=0:1] {1 + e^(-x) - 2*cos(180)*e^(-x/2)};
\legend{Legitimate user, Attacker | $ \mu = 1^{\circ} $, Attacker | $ \mu = 2^{\circ} $, Attacker | $ \mu = 5^{\circ} $, Attacker | $ \mu = 10^{\circ} $, Attacker | $ \mu = 20^{\circ} $, Attacker | $ \mu = 45^{\circ} $, Attacker | $ \mu = 90^{\circ} $, Attacker | $ \mu = 180^{\circ} $};
\end{semilogyaxis}
\end{tikzpicture}
\caption{Comparison of normalized biases between legitimate users and attackers considering various configurations of $\mu$ and $ \xi^2 $. \textit{In the case of attackers, the bias increases since the additional shift $ \mu $ cannot be removed. Specifically, this occurs due to the impossibility to attackers of generating the sequence of random numbers that renders $ \mu $, which can only obtained by legitimate users.}}
\label{fig_bias_comparison}
\vspace{-4mm}
\end{figure}
Upon comparing (\ref{e-B12}) and (\ref{e-B22}), we note that a large variance $ \xi^2 $ ($ \xi^2 $ in radians) of the random variables $ Z_n $ leads to a high estimation error according to (\ref{e-B22}). In such a case, $ \mathrm{var} \left( u \right) \approx \frac{ \left|h \right|^2 }{N} + \frac{\sigma^2}{N} $. However, for small values of $ \xi^2 $, the variance collapses to $ \mathrm{var} \left( u \right) \approx \frac{\sigma^2}{N} $, thus showing the equivalence between (\ref{e-B12}) and (\ref{e-B22}). While this observation demonstrates that the estimation error of \Tool{} is near-optimal in the variance sense, we also need to consider the bias in (\ref{e-B21}), which is nonzero. Ideally, the estimator needs to be unbiased, i.e., $ \mathrm{bias} \left( u \right)^2 = 0 $. As explained in Section \ref{ss_obfus_tx}, a legitimate user is aware of the synchronization index and key, and can therefore generate the same sequence of random numbers that yield $ \mu $ (i.e., shifts of the probability density functions). As a result, a legitimate user can remove the additional shift, thus making $ \mu = 0 $. In contrast, for an attacker, $ \mu \neq 0 $. The bias for legitimate users and attackers are respectively defined as
\begin{equation} \label{e-B23}
\begin{split}
\mathrm{bias}_l \left( u \right)^2 & = \left| h \right|^2 + \left| h \right|^2 e^{-\xi^2} - 2 \left| h \right|^2 e^{-\xi^2/2},
\end{split}
\end{equation}
\begin{equation} \label{e-B24}
\begin{split}
\mathrm{bias}_a \left( u \right)^2 & = \left| h \right|^2 + \left| h \right|^2 e^{-\xi^2} - 2 \left| h \right|^2 \cos(\mu) e^{-\xi^2/2}, ~ \mu \neq 0,
\end{split}
\end{equation}
showing that $ \mathrm{bias}_l \left( u \right)^2 \leq \mathrm{bias}_a \left( u \right)^2 $.
To illustrate the difference between (\ref{e-B23}) and (\ref{e-B24}), we show in Fig. \ref{fig_bias_comparison} the biases for several configurations of $ \mu $ and $ \xi^2 $. We observe that for only small $ \mu = \left\lbrace 1^\circ, 5^\circ \right\rbrace $ the biases of the attacker and the legitimate users are similar. However, for sufficiently large $ \mu $ the difference between the two biases becomes noticeable. In our approach, \texttt{RF-Veil}{}, $ \mu $ is not fixed but is instead randomly generated for every subcarrier using the randomization index and the key. Therefore, for potential attackers---not aware of this information---the bias for each subcarrier varies within the range of values shown in Fig. \ref{fig_bias_comparison}, hindering accurate \gls{CSI} acquisition. Further, for small $ \xi^2 $ we observe that $ \mathrm{bias}_l \left( u \right)^2 \approx 0 $, thus indicating that \Tool{} can be seen as an unbiased estimator in the case of legitimate users when the variance of the phase rotations is low. To clarify this aspect, in Fig. \ref{fig_mse_comparison_a} we show the MCRB bound and the variance of the estimator \Tool{} when \texttt{RF-Veil}{} is used to conceal the \gls{CSI}. In Fig. \ref{fig_mse_comparison_a} we have neglected the effect of bias and assumed that $ \left| h \right|^2 = \sigma^2 = 1 $. We realize that even for large values of $ \xi^2 $, \Tool{} is capable of performance similarly to the MCRB bound in terms of its variance. In Fig. \ref{fig_mse_comparison_b}, we consider the overall effect of bias and variance in channel estimation for both legitimate users and attackers. We observe that for legitimate users, \Tool{} performs near-optimally when $ \xi^2 $ is relatively small (i.e., $ \xi^2 = 5 $) whereas the error increases for larger $ \xi^2 $. However, as demonstrated in Section \ref{s_eval}, even a small value of $ \xi^2 $ is effective in hindering the \gls{CSI} acquisition by attackers. Thus, $ \xi^2 = 5 $ can be used to successfully protect the \gls{CSI} and the radiometric fingerprint while assuring near-optimality. For potential attackers, the errors between $ 10 $ and $ 100 $ times higher for the shown setting.
\definecolor{ref}{HTML}{252525}
\definecolor{v01}{HTML}{4d4d4d}
\definecolor{v04}{HTML}{a50f15}
\definecolor{v07}{HTML}{006d2c}
\definecolor{v10}{HTML}{396AB1}
\begin{figure*}[!t]
\centering
\begin{subfigure}[t]{0.48\columnwidth}
\begin{tikzpicture}
\begin{semilogyaxis}
[
xlabel = {Number of samples ($ N $)},
ylabel = {MSE (variance)},
xmin=1,
xmax=100,
height=5cm,
width=6.8cm,
legend columns = 5,
legend pos = north east,
legend style = {at = {(-0.19,1.01)}, anchor = south west, font = \scriptsize, fill = white, font=\fontsize{7}{7}\selectfont, /tikz/every even column/.append style={column sep=0.27cm}, legend style={row sep=1pt}, inner sep = 2pt, align = left},
legend cell align={left},
]
\addplot[black,semithick, dashed] expression[domain=1:100] {1/x};
\addplot[color = v01, semithick] expression[domain=1:100] {1/x -e^(-0.1)/x + 1/x};
\addplot[color = v04, semithick] expression[domain=1:100] {1/x - e^(-0.4)/x + 1/x};
\addplot[color = v07, semithick] expression[domain=1:100] {1/x - e^(-0.7)/x + 1/x};
\addplot[color = v10, semithick] expression[domain=1:100] {1/x - e^(-1.0)/x + 1/x};
\legend{$ \mathrm{MCRB} $, $ \Tool{} | \xi^2 = 5 $, $ \Tool{} | \xi^2 = 20 $, $ \Tool{} | \xi^2 = 40 $, $ \Tool{} | \xi^2 = 60 $};
\end{semilogyaxis}
\end{tikzpicture}
\caption{}
\label{fig_mse_comparison_a}
\end{subfigure}
\centering
\begin{subfigure}[t]{0.48\columnwidth}
\begin{tikzpicture}
\begin{semilogyaxis}
[
xlabel = {Number of samples ($ N $)},
ylabel = {MSE (variance + bias)},
xmin=1,
xmax=100,
height=5cm,
width=6.8cm
]
\addplot[black,semithick, dashed] expression[domain=1:100] {1/x};
\addplot[color = v01, semithick] expression[domain=1:100] {1/x -e^(-0.1)/x + 1/x + 1 + e^(-0.1) - 2*e^(-0.1/2)};
\addplot[color = v04, semithick] expression[domain=1:100] {1/x - e^(-0.4)/x + 1/x + 1 + e^(-0.4) - 2*e^(-0.4/2)};
\addplot[color = v07, semithick] expression[domain=1:100] {1/x - e^(-0.7)/x + 1/x + 1 + e^(-0.7) - 2*e^(-0.7/2)};
\addplot[color = v10, semithick] expression[domain=1:100] {1/x - e^(-1.0)/x + 1/x + 1 + e^(-1.0) - 2*e^(-1.0/2)};
\addplot[color = v01, semithick] expression[domain=1:100] {1/x -e^(-0.1)/x + 1/x + 1 + e^(-0.1) - 2*cos(90)*e^(-0.1/2)};
\addplot[color = v04, semithick] expression[domain=1:100] {1/x - e^(-0.4)/x + 1/x + 1 + e^(-0.4) - 2*cos(90)*e^(-0.4/2)};
\addplot[color = v07, semithick] expression[domain=1:100] {1/x - e^(-0.7)/x + 1/x + 1 + e^(-0.7) - 2*cos(90)*e^(-0.7/2)};
\addplot[color = v10, semithick] expression[domain=1:100] {1/x - e^(-1.0)/x + 1/x + 1 + e^(-1.0) - 2*cos(90)*e^(-1.0/2)};
\draw (30, 1.9) ellipse(0.15cm and 0.3cm);
\node[text width=1.2cm, anchor=west, right] at (22, 0.7) {\scriptsize attacker};
\draw (60, 0.064) ellipse(0.15cm and 0.64cm);
\node[text width=1.2cm, anchor=west] at (48, 0.40) {\scriptsize legitimate};
\node[text width=1.2cm, anchor=west] at (53, 0.27) {\scriptsize user};
\end{semilogyaxis}
\end{tikzpicture}
\caption{}
\label{fig_mse_comparison_b}
\end{subfigure}
\caption{Comparison of MCRB and \Tool{} when using \texttt{RF-Veil}{} as a tool to conceal the \gls{CSI} from potential attackers.}
\label{fig_mse_comparison}
\vspace{-5mm}
\end{figure*}
As complementary discernment, we show non-tight MCRBs bounds for the channel magnitude, channel phase, and variance of the disturbance that reveal relations that can be used to guide the design of alternative estimators.
\begin{align} \label{e-B25}
\mathsf{MCRB} \left( \widehat{\left| h \right|} \right) = \frac{\sigma^2}{2 N}
\end{align}
\begin{align} \label{e-B26}
\mathsf{MCRB} \left( \widehat{\phi} \right) = \frac{\sigma^2}{2 N \left| h \right|^2} = \frac{ \mathsf{MCRB} \left( \widehat{\left| h \right|} \right) }{ \left| h \right|^2 }
\end{align}
\begin{align} \label{e-B27}
\mathsf{MCRB} \left( \widehat{\mathbf{z}} \right) = \frac{1}{\frac{2 N \left| h \right|^2}{\sigma^2} + \frac{N}{\xi^2}} = \frac{1}{\mathsf{MCRB} \left( \widehat{\phi} \right)^{-1} + \frac{N}{\xi^2}}
\end{align}
\section{Experimental results for 802.11a}
\label{appendix_experimental_results_80211a}
We analyze the performance of naive randomization in 802.11a\footnote{The main difference between these two technologies is the number of subcarriers, which is $ 52 $ and $ 56 $ for 802.11a and 802.11ac, respectively.} and show the results in \fref{fig:zero_mean_mae_80211a}.
The results suggest that naive randomization performs similarly in 802.11a and 802.11ac, i.e., through \Tool{} the MAE error diminishes with larger $ N $, which allows an adversary to restore the original fingerprint.
The results of \texttt{RF-Veil}{} over 802.11a are shown in \fref{fig:x_mean_mae_80211a}, which are reminiscent of the behavior observed with 802.11ac in \fref{fig:non_zero_mean_mae}. In particular, the MAE is 10-fold the error achieved with naive randomization. This experiment corroborates that \texttt{RF-Veil}{} is not only feasible in 802.11ac but also in other technologies with a similar underlying structure.
\section{NI 802.11 Application Framework}
\label{appendix_application_framework}
The implementation of the NI 802.11 AFW is separated into a host and an FPGA module, as depicted in \fref{fig:afw_overview}.
The host module of the NI 802.11 AFW mainly implements middle MAC layer functionalities as well as a MAC high abstraction layer.
The latter allows third party 802.11 higher MAC applications, such as the ns-3 network simulator, to connect to the stack.
The MAC high abstraction layer is connected to MAC middle layer via UDP, which is responsible for duplicate detection in RX and synchronization index assignment in TX direction.
Note that the higher MAC abstraction layer does not implement association or authentication procedures, so the NI 802.11 AFW cannot complete the connection setup to \gls{COTS} hardware.
To still allow data streams for demo and measurement purposes between two instances of the 802.11 AFW, simplistic data sinks and sources (random data / \gls{UDP}) are available.
The FPGA module includes the implementation of the lower MAC layer as well as the whole physical layer.
Even though both layers are running on the FPGA, they are executed in different clock domains, as the timing requirements are different.
This results in clock rates of 100 MHz (10 nanoseconds) and 250 MHz (4 nanoseconds) for MAC and physical layer, respectively.
\begin{figure*}[!t]
\centering
\vspace{-5mm}
\input{figs/error_distribution_80211a}
\vspace{-8mm}
\label{fig:zero_mean_mae_80211a}
\end{figure*}
\begin{figure*}[!t]
\centering
\input{figs/performance_ideal_pdfs_80211a}
\vspace{-3mm}
\label{fig:x_mean_mae_80211a}
\end{figure*}
The main building blocks of the physical layer, as implemented on the FPGA, are depicted in \fref{fig:fpga_block}.
In TX direction, the lower MAC layer passes the digital data as bits through the TX PHY \gls{SAP} to the physical layer.
The first block (PSDU Discard) removes the PHY service data unit (PSDU) and verifies the consistency of the packet before passing it to the TX Bit Processing block.
This following block takes care of serialization, scrambling, convolutional encoding, puncturing, and interleaving.
The subsequent TX IQ Processing block modulates the data and creates the OFDM symbols, including all training fields.
While the STF is pre-calculated in time-domain, all other training fields, such as the LTFs are modulated in frequency-domain.
After that, the Inverse Fast Fourier Transform (IFFT) transforms the data form the frequency domain into the time-domain.
The time domain samples are written to the \textit{TX to RF FIFO} in the last block (TX Data Sink).
The final steps, consisting of up-conversion to carrier frequency and sending out the up-converted samples over the air, are left out of \fref{fig:fpga_block} for brevity.
The PHY code in RX direction involves more steps to accurately and correctly identify and retrieve a packet.
The RX Signal Filter reads the already down-converted samples in the baseband and filters for 40 or 20 MHz channels.
Upon that, the synchronization detects the packet start using the Schmidl and Cox algorithm \cite{schmidl:1997}, which also estimates and compensates the CFO.
The Clear Channel Assessment (CCA) in the subsequent step calculates the received signal power and compares it against a given CCA threshold.
The RX IQ Processing module then transforms the samples from time-domain into frequency-domain using FFT.
Furthermore, it equalizes the channel and detects the format of the frame (non-HT, HT, VHT).
The last step consists of transforming the IQ samples into bits, creating field assignments, bit deinterleaving, decoding, and descrambling.
The RX Bit Processing writes the finished frame into the RX PHY SAP for the lower MAC layer to further process it.
The RX PHY State Machine generates control information for the IQ and bit processing modules based on the bitstream.
It keeps track of meta-information of the packet, such as the number of OFDM symbols inside a packet, bandwidth, and PSDU length, and signals the lower MAC layer when a packet is completely received.
Parallel to this whole process, power measurements on the baseband are performed (Power Measurement) and provided to the Automatic Gain Control (AGC), which dynamically determines the gain of the amplifiers.
\begin{figure*}[]
\begin{subfigure}{0.47\textwidth}
\centering
\includegraphics[width=\textwidth]{figs/Application_Framework_Overview.pdf}
\caption{}
\label{fig:afw_overview}
\end{subfigure}
\begin{subfigure}{0.47\textwidth}
\centering
\vspace{1mm}
\includegraphics[width=\textwidth]{figs/FPGA_block_diagram.pdf}
\caption{}
\label{fig:fpga_block}
\end{subfigure}
\vspace{-3mm}
\caption{NI 802.11 implementation details. \fref{fig:afw_overview} shows the interfaces used to connect the different layers of the WiFi implementation. \fref{fig:fpga_block} provides an overview of the physical layer implementation on the FPGA. We mainly adjusted the IQ processing blocks (marked in blue) in both, RX and TX directions.}
\end{figure*}
\section{Conclusions}
\label{s_conclusions}
Radiometric fingerprinting is typically considered a secure method for device identification~\cite{liu:2019, robyns2017noncooperative, xu2015device}. In this paper, we first {\it demonstrate the vulnerability of the latest \gls{CSI}-based radiometric identification schemes to impersonation attacks}, which emphasizes the need for fingerprinting solutions that are robust against adversarial attacks on user security and privacy. We also illustrate that a {\it naive fingerprint-randomization approach does not withhold adversaries capable of mounting statistical attacks (i.e., \Tool{} in this paper)}. Consequently, we devise \texttt{RF-Veil}{}, a framework that enhances user privacy against fingerprint-based tracking/localization attacks, and is robust to statistical, impersonation, and replay attacks.
\textit{To the best of our knowledge, this is the first article that addresses the vulnerabilities of radiometric fingerprints. Hence, we foresee a few avenues of research as future work.
Leveraging the randomization patterns to create a side-channel between the receiver and transmitter is an interesting method for exchanging the synchronization index. Furthermore, extending \texttt{RF-Veil}{} to support MIMO transmissions or other signal characteristics such as \gls{CFO} is another direction to further enhance user privacy. Randomizing the STFs and its impact on the communication and radiometric fingerprints is also an interesting research avenue. Further, investigating new distributions functions for the phase rotations that not only preserve security and communication but also reduce the peak-to-average power ratio is an interest research direction, especially for achieving high energy efficiency in low-power IoT devices.}
\section{Discussion} \label{s_discus}
In this section, we discuss some of the practical aspects of \texttt{RF-Veil}{}.
{\bf To share or not to share?}
For the secure CSI-denoising when using \texttt{RF-Veil}{}, we use a symmetric shared key as it provides the easiest way of synchronizing the random number generators at the transmitter and receiver.
Furthermore, the synchronization index can be easily encrypted by XOR-ing the index with the shared key.
An alternative to the key exchange we use in \sref{ss_assoc} is a key extraction mechanism based on physical layer properties, such as~\cite{liu:2013}.
This key extraction method leverages channel response information at the transmitter and receiver to generate symmetric keys.
{\it Note that \texttt{RF-Veil}{} is compatible with both methods.} Regardless of the method, the key should be renewed at certain intervals, which brings us to the next point in our discussion.
{\bf How often should we renew the key?}
The monotonically increasing 32-bit synchronization index ensures that, even if the transmitter keeps the symmetric key static for a certain time, they do not repeat the pattern of phase rotations.
If the synchronization index wraps around at its maximum of $2^{32}=4\,294\,967\,296$, the pattern of random phase rotations is repeated, and an adversary can potentially launch a replay attack.
In order to thwart such an attack, the key has to be renewed before the transmitter starts to re-use their synchronization indices for this key.
Furthermore, it is important to point out that the transmitter initializes the synchronization index with a number between $0$ and $2\,147\,483\,648$, which ensures that a part of the key cannot be guessed from the encrypted synchronization index in the frame.
We plot the minimum time for key refreshment under different transmission rates in \fref{fig_key_renewal_rates} (for the worst case in which the transmitter chose to start at $2\,147\,483\,648$).
We observe that the key has to be refreshed every $596$ hours ($24.8$ days), assuming an average of $1000$ packets per second.
Even if we assume that the transmitter sends on average $25\,000$ packets per second, which would imply a rate of $462.4$ Mbps, it will exhaust the number of available synchronization indices in $23.8$ hours. Thus, even at very high rates ($5$ TByte of traffic per day), the key exchange is not too frequent.
Note that increasing the frequency of key exchange does not decrease the security level but increase the overhead since the keys are either transmitted encrypted by WPA2 or extracted by both transmitter and receiver using key extraction methods~\cite{liu:2013}. Subsequently, an exposure of this key would affect the privacy and security of the connection until a new key is exchanged.
\begin{figure*}[!t]
\centering
\input{./figs/key_renewal}
\vspace{-5mm}
\caption{Time to renew the key for different sending rates.}
\label{fig_key_renewal_rates}
\vspace{-6mm}
\end{figure*}
{\bf What if a frame is rejected?}
A frame can be rejected for two different events: \textit{$(i)$ the calculated \gls{FCS} of the frame does not match the actual \gls{FCS} in the frame}, and \textit{$(ii)$ the fingerprinting algorithm rejects the frame (e.g., the extracted fingerprint differs from the expected one)}.
In both cases, we let the MAC layer handle the re-transmission.
In the case of a rejected frame, an \texttt{RF-Veil}{} transmitter does not re-use the synchronization index of the frame that is to be re-transmitted; instead, it increases the count as if a new frame was transmitted.
This is crucial to guarantee the security of the system as the encryption of the same synchronization index would lead to the same cipher-text.
{\bf What if a device is not yet connected?}
If a device is not connected to an AP, it can still obfuscate its fingerprint by using \AlgSt{} mode in order to lead a potential privacy-intruding adversary astray.
Once the device is connected to an AP and the pre-shared key has been established, it can switch into \texttt{RF-Veil}{} mode, allowing the AP to securely extract the unrandomized fingerprint.
This same mechanism applies to the probe requests and acknowledgments in response to probe responses from APs during active scanning. Note that, when the device is not associated to an AP, it can simply use a random key.
{\bf How does an \texttt{RF-Veil}{} transmitter communicate with a non-\texttt{RF-Veil}{} receiver?}
Recalling \sref{s4}, the obfuscation of fingerprints does not degrade the channel quality as the channel estimation and equalization at the receiver can handle the arbitrary phase shifts introduced by the transmitter. Specifically, the additional phase rotations are absorbed by the \gls{CSI}, and as long as the same phase rotation pattern is used for all the subcarriers within the frame, the receiver will assume that such \gls{CSI} is legitimate. Hence, a receiver that is not aware of \texttt{RF-Veil}{} will simply revert the phase shifts together with the channel effects. In other words, a transmitter using the \AlgSt{} mode can still communicate with a legacy receiver. This receiver, however, will not be able to extract the correct fingerprint of the transmitter.
{\bf Can we implement \texttt{RF-Veil}{} on \gls{COTS} devices?} In recent years, a number of research groups have developed firmware modification/patching tools which allow manipulating MAC/PHY layer operations of the WiFi chipset. Although out of scope of this work, we believe that \texttt{RF-Veil}{} can be implemented on \gls{COTS} devices using such tools. In particular, Schulz \textit{et al.}~\cite{schulz:2018} demonstrate the feasibility of modifying IQ symbols in commercial APs equipped Broadcom chipsets using their firmware patching framework, i.e., nexmon\footnote{https://github.com/seemoo-lab/nexmon}.
\section{Evaluation} \label{s_eval}
In this section, we first evaluate the efficacy of the impersonation attack introduced in \sref{s_adversary_model}.
We then leverage \Tool{} to provide a broader assessment of the performance of naive randomization (i.e., obfuscation via zero-mean distributions) and \texttt{RF-Veil}{} against statistical attacks.
\subsection{Performance of naive randomization}
\begin{figure*}[!t]
\centering
\input{figs/error_distribution_80211ac}
\label{fig:zero_mean_mae}
\end{figure*}
In Section~\ref{Vulnerability_analysis}, we demonstrated the vulnerability of obfuscation, with zero-mean distributions, to statistical attacks experimentally and analytically. In particular, we showed that an adversary can easily restore the original fingerprint from 10000 frames. However, we have neither studied the impact of number of samples, nor considered the effect of the distributions variance on the accuracy of the restored fingerprint by the adversary. To this aim, in \fref{fig:zero_mean_mae}, we show the mean absolute error (MAE) of the adversary's estimate of the original fingerprint when using \Tool{} in 802.11ac.
The figure demonstrates the results under four distributions, namely, uniform, Gaussian, Laplacian, and triangular. For each distribution, we compute the MAE with four variances. Here we make two key observations: {\it (i) } the adversary can {\it restore the original fingerprint with very high accuracy by just processing the \gls{CSI} of $\sim$2000 frames} (a couple of seconds\footnote{In estimating the time for collecting a given number of frames, we assume that the user transmits at $\sim$ 8Mbps. This number is referential and intendeds to provide an estimate of how fast an adversary can mount an statistical attack.}), and {\it (ii)} the \gls{CSI}-recovery error increases with the variance of randomization {\it since larger variance leads to higher entropy of the obfuscated fingerprints}. This behavior is mainly observed when the number of samples is low. As more samples are processed, the estimation error converges to nearly the same value (this is also supported by equation (\ref{e-B7}) in Appendix \ref{s:crb}). Nonetheless, an adversary can still obtain accurate estimates of the original fingerprint with negligible error even when distributions with large variances are employed. For instance, with only 1000 \gls{CSI} samples, the MAE is below 3$^{\circ} $ for distributions with a variance of 60 deg$^2$. For small variances such as $ \xi^2 = $ 5$~\text{deg}^2$, with only 500 samples (roughly 0.5 seconds), the estimation error is consistently below 1$^{\circ} $ for all distributions. We observe a similar trend with 802.11a, whose results are available in Appendix \ref{appendix_experimental_results_80211a}.
\emph{Remarks: We have shown experimentally that the effect of naive randomization can be removed if an attacker is capable of collecting a few thousand samples to mount an statistical attack. Thus, naive randomization does not protect the fingerprint of devices.}
\subsection{\texttt{RF-Veil}{} performance}
\label{ss:algo_performance}
\begin{figure*}[!t]
\centering
\input{figs/gaussian_randomization}
\vspace{-9mm}
\end{figure*}
\begin{figure*}[!t]
\centering
\input{figs/performance_ideal_pdfs_80211ac}
\vspace{-2mm}
\end{figure*}
In this experiment, we evaluate the security and privacy enhancement achieved by \texttt{RF-Veil}{}. Following the conditions for randomization patterns that are robust to statistical attacks (see Section~\ref{ss_obfus_tx}), we obfuscate the original signature of the device using the same four distributions whose mean values are now shifted according to a random pattern, unlike the previous experiment.
The results of this experiment in legacy mode 802.11a are provided in Appendix \ref{appendix_experimental_results_80211a}.
As depicted in \fref{fig:non_zero_mean}, the recovered fingerprints using \Tool{} deviate from the original fingerprint substantially and follow the course of a random pattern.
Essentially, when an adversary uses statistical analysis to identify devices, the extracted fingerprint will not match with the original fingerprint. To shed light on this aspect, \fref{fig:non_zero_mean_mae} depicts the MAE of fingerprints restored by \Tool{} with increasing sample sizes and under different variances. As compared to the low MAE in \fref{fig:zero_mean_mae} (3$^{\circ}$) where zero-mean distributions are used, the MAE in \fref{fig:non_zero_mean_mae} increases approximately by 4-fold (13$^{\circ}$) regardless of the variances and sample sizes used. While all the variances lead to nearly the same error when $ N $ is large, we observe that a large variance produces more variability in the MAE, specially with a small number of samples $ N $. On the other hand, small variances produce a more condensed range of MAE values throughout all $ N $. {\it This result demonstrates two promising properties of \texttt{RF-Veil}{}: {\it (i)} the adversary's estimate does not improve even with large number of samples, and {\it (ii)} the impact of the variance on estimation is almost negligible as all the errors converge to a similar value (also supported by equation (\ref{e-B7}) in Appendix \ref{s:crb}).} Note that the random pattern in \fref{fig:non_zero_mean} is generated approximately within the same phase-error range as the original fingerprint (i.e., between $ -25^{\circ} $ and $ 40^{\circ} $). Therefore, the attained MAE is not excessively large. However, the MAE can be arbitrarily larger if we construct the pattern spanning a wider range.
\emph{Remarks: \texttt{RF-Veil}{} protects users' privacy by preventing adversaries from estimating the original fingerprint for tracking/locating the user. Furthermore, the security is also enhanced, since the adversary cannot successfully forge the original fingerprints of other devices.}
\textbf{Effect of \texttt{RF-Veil}{} on throughput. }
In Section~\ref{s4}, we analytically showed that \texttt{RF-Veil}{} does not impact the throughput of WiFi communication. Here, we confirm our analysis with experiments.
\input{figs/fig_throughput_distribution_qam}
We design an experiment in which we measure the throughput of two WiFi devices at different distances (up to 20m) and under distinct \gls{MCS} (up to 64 QAM) with/without \texttt{RF-Veil}{}. \fref{fig_throughput_measurement} demonstrates that \texttt{RF-Veil}{} does not impact the throughput of the system, thus confirming our analysis. This is because the fingerprint obfuscation of \texttt{RF-Veil}{} is based only on phase rotations of the I/Q symbols within a frame. In particular, such rotations do not affect the WiFi channel estimation since their effect is removed at the legitimate receivers. In the figure, we only show the result of obfuscation with uniform random distribution with $\xi^2 = 60^\circ$. However, we report that the other random distributions (Gaussian, Laplacian, and triangular) do neither impact the throughput. In this experiment, we also measured the computational overhead of \texttt{RF-Veil}{}. Our measurements show that \texttt{RF-Veil}{} has an average execution time of 49.495 microseconds, even though we implemented most parts of \texttt{RF-Veil}{} on the host (i.e., a windows machine). We expect the execution time to drop by at least an order of magnitude in real-time kernel or FPGA implementation.
\emph{Remark: \texttt{RF-Veil}{} has low computational overhead and does not impact the communication quality. }
\section{Fingerprinting Primer} \label{s_fingerprintin_primer}
Radio signal analysis to identify devices and distinguish between friends and foes dates back to the time of the Vietnam war. In the same line, \textit{radiometric fingerprinting} has gained momentum in recent years with the surge of attacks that leverage hardware impairments to breach privacy and security in wireless networks. Recently, \gls{CSI}-based radiometric fingerprinting gained popularity due to the availability of \gls{CSI} extraction tools~\cite{gringoli:2019, halperin2011tool, xie2018precise}. These tools allow per-frame \gls{CSI} collection from commercial WiFi chipsets (e.g., Intel, Qualcomm, Broadcom), making \gls{CSI}-based fingerprinting practical and feasible for all devices. In the following, a short overview of \gls{CSI} estimation and \gls{CSI}-based fingerprinting is provided
\subsection{Channel estimation in WiFi} \label{s3-1}
As a prelude to \gls{CSI}-based fingerprinting, we describe channel estimation in WiFi throughout this section. \fref{fig_phy-frame} shows the IEEE 802.11ac PHY frame structure, wherein we recognize four distinct fields: \gls{STF}, \gls{LTF}, SIG, and DATA (cf. 17.3 in \cite{80211}). The receiver uses the STF field for signal detection, automatic gain control, time synchronization, and coarse \gls{CFO}. The LTF field is employed for fine CFO estimation and channel estimation. Channel estimation is performed by sending BPSK pilots over the LTF subcarriers of two consecutive OFDM symbols. The SIG and DATA fields convey the MCS level and the payload, respectively. The OFDM symbols in the SIG and DATA fields are equalized using the channel estimated by the preceding LTF field. The prefix "L-" denotes the legacy fields, which are included for compatibility with IEEE 802.11a.
\begin{figure} [t!]
\vspace{-1mm}
\centering
\includegraphics[width=0.8\textwidth]{figs/phy_frame.pdf}
\vspace{-2mm}
\caption{IEEE 802.11ac PHY frame format.
}
\label{fig_phy-frame}
\vspace{-4mm}
\end{figure}
Let $ K $ denote the number of subcarriers and $ \mathbf{s} = \left[ s_1, \cdots, s_K \right]^T \in \mathbb{C}^{K \times 1} $ the BPSK pilot symbols (defined in Equation 19-23 of \cite{80211}). Also, let $ \mathbf{F} \in \mathbb{C}^{K \times K} $ and $ \mathbf{F}^H \in \mathbb{C}^{K \times K} $ denote the discrete Fourier transform (DFT) matrix and the inverse DFT (IDFT) matrix, respectively. Moreover, $ \mathbf{F} \mathbf{F}^H = \mathbf{I} $, with $ \left( \cdot \right)^H $ representing the Hermitian transpose. The discrete-time OFDM symbol is given by $ \mathbf{x} = \mathbf{F}^H \mathbf{s} $ \cite{abanto2020:swarm-based-low-complexity-papr-reduction}. In order to improve the signal robustness against multi-path interference, the periodic OFDM symbol $ \tilde{\mathbf{x}} $ is produced by appending the cyclic prefix (CP) to $ \mathbf{x} $. The CP consists of the last $ L $ samples of $ \mathbf{x} $, thus $ \tilde{\mathbf{x}} = \left[ \mathbf{x}^T_{\left[ K-L+1:K \right]}, \mathbf{x}^T \right]^T \in \mathbb{C}^{(K+L) \times 1} $. Appending the CP to $ \mathbf{x} $ transforms the linear convolution between $ \tilde{\mathbf{x}} $ and the channel $ \mathbf{c} = \left[ c_1, \cdots, c_J \right]^T \in \mathbb{C}^{J \times 1} $ (with $ J < L $ paths) into a circular convolution. This has the advantage of simplifying OFDM demodulation and equalization at the receiver. Upon transmitting $ \tilde{\mathbf{x}} $ over the channel $ \mathbf{c} $, the receiver obtains $ \tilde{\mathbf{r}} = \tilde{\mathbf{x}} \ast \mathbf{c} $, where $ \ast $ denotes the convolution operator. To remove the impact of inter-block interference between adjacent LTF frames (caused by multi-path propagation), we discard the first $ L $ elements of $ \tilde{\mathbf{r}} $, thus yielding $ \mathbf{r} = \tilde{\mathbf{r}}_{\left[ L+1:L+K \right] } \in \mathbb{C}^{K \times 1} $. The received signal $\mathbf{r} $ can be expressed as:
\begin{equation} \label{e3-1}
\underbrace{\begin{pmatrix}
r_1 \\
\vdots \\
r_K
\end{pmatrix}}_{\mathbf{r}}
=
\underbrace{\begin{pmatrix}\vspace{-2.5mm}
c_1 & 0 & \cdots & 0 & c_J & \cdots & c_2 \\ \vspace{-1mm}
\vdots & \vdots & & \vdots & \vdots & & \vdots \\ \vspace{-1mm}
c_J & c_{J-1} & & 0 & 0 & & 0 \\ \vspace{-2mm}
0 & c_J & & 0 & 0 & & 0 \\\vspace{-2mm}
\vdots & \vdots & & \vdots & \vdots & & \vdots \\ \vspace{-2mm}
0 & 0 & \cdots & c_J & c_{J-1} & \cdots & c_1 \\\vspace{-4mm}
\end{pmatrix}}_{\mathbf{C}}
\underbrace{\begin{pmatrix}
x_1 \\
\vdots \\
x_K
\end{pmatrix}}_{\mathbf{x}}
+
\underbrace{\begin{pmatrix}
w_1 \\
\vdots \\
w_K
\end{pmatrix},}_{\mathbf{w}}
\end{equation}
where $ \mathbf{w} \sim \mathcal{CN} \left( 0, \sigma^2 \mathbf{I} \right) $ denotes circularly-symmetric complex Gaussian noise. The receiver demodulates the received signal $ \mathbf{r} $ by multiplying it with $ \mathbf{F} $ to obtain $ \mathbf{y} = \mathbf{F} \mathbf{r} = \mathbf{F} \mathbf{C} \mathbf{x} + \mathbf{F} \mathbf{w} $. The convolution matrix $ \mathbf{C} \in \mathbb{C}^{K \times K} $ is circulant, which is a consequence of adding the CP to the transmitted signal. Circulant matrices can be expressed via eigen-decomposition as $ \mathbf{C} = \mathbf{F}^H \mathbf{H} \mathbf{F} $, where $ \mathbf{H} = \mathrm{diag} \left( \left[ h_1, \cdots, h_K \right] \right) $ represents a diagonal matrix containing the eigenvalues of $ \mathbf{C} $ \cite{gray2006:toeplitz-circulant-matrices-review}. As a result, the demodulated signal $ \mathbf{y} $ collapses to $ \mathbf{y} = \mathbf{F} \big( \mathbf{F}^H \mathbf{H} \mathbf{F} \big) \big( \mathbf{F}^H \mathbf{s} \big) + \mathbf{F}^H \mathbf{w} = \mathbf{H} \mathbf{s} + \mathbf{w} $. More specifically,
\begin{equation} \nonumber
\underbrace{\begin{pmatrix}
y_1 \\
\vdots \\
y_K
\end{pmatrix}}_{\mathbf{y}}
=
\underbrace{\begin{pmatrix}
h_1 & \cdots & 0 \\
\vdots & \ddots & \vdots \\
0 & \cdots & h_K
\end{pmatrix}}_{\mathbf{H}}
\underbrace{\begin{pmatrix}
s_1 \\
\vdots \\
s_K
\end{pmatrix}}_{\mathbf{s}}
+
\underbrace{\begin{pmatrix}
w_1 \\
\vdots \\
w_K
\end{pmatrix}.}_{\mathbf{w}}
\end{equation}
Thus, for any subcarrier $ k \in \mathcal{K} = \left\lbrace 1, \cdots, K \right\rbrace $, the received symbol is expressed as
\begin{equation} \label{e3-2}
y_k = h_k s_k + w_k = \left| h_k \right| e^{j \phi_k} s_k + w_k,
\end{equation}
which shows that the channel affects each pilot symbol $ s_k $ by a complex-valued factor $ h_k = \left| h_k \right| e^{j \phi_k} $ and additive noise $ w_k $. Since the pilot symbols $ \mathbf{s} $ are known by the receiver, the \gls{CSI} vector $ \mathbf{h} = \left[ h_1, \cdots, h_K \right]^T $ can be obtained upon equalizing each received symbol $ y_k $ with the compensation factor $ \frac{s^*_k}{\left| s_k \right|^2 } $. Thus, the estimated channel in subcarrier $ k $ is given by:
\begin{equation} \label{e3-3}
\tilde{h}_k = h_k s_k \frac{s^*_k}{\left| s_k \right|^2} + w_k \frac{s^*_k}{\left| s_k \right|^2} = \left| h_k \right| e^{j \phi_k} + w_k.
\end{equation}
\subsection{\gls{CSI}-based fingerprinting} \label{s3-2}
{\it \gls{CSI}-based radiometric fingerprinting techniques consist of analyzing the \gls{CSI} to extract features that are unique to the transmitting device.}
Specifically, Zhuo \textit{et al.} \cite{zhuo:2017} found that WiFi chipsets exhibit non-linear phase errors that change across subcarriers and are analogous to a sinusoidal function, as shown in \fref{fig_differentPhones}. These phase errors are caused by I/Q imbalance as a result of hardware imperfections. It was shown in \cite{zhuo:2017} that these errors are latent signatures that can be extracted upon removing the linear phase errors from the \gls{CSI}. Building on this finding, Liu \textit{et al.} \cite{liu:2019} harness these non-linear errors as \gls{CSI}-based \emph{radiometric fingerprints} for identification, thus preventing impersonation by unauthorized WiFi devices. Following the same notation in (\ref{e3-2}) and (\ref{e3-3}), we denote the \gls{CSI} phases by $ \boldsymbol{\Phi} = \left[ \phi_1, \cdots, \phi_K \right]^T $, which can be further decomposed into
\begin{equation} \label{e3-4}
\boldsymbol{\Phi} ~ = ~ \underbrace{\boldsymbol{\varphi} ~ + ~ \boldsymbol{\omega} ~ + ~ \boldsymbol{\theta} ~ + ~ \boldsymbol{\psi}}_\text{linear errors} ~~~ + \underbrace{\boldsymbol{\epsilon}}_{\substack{\text{non-linear error (fingerprint)}}},
\end{equation}
where $\boldsymbol{\varphi} \in \mathbb{R}^{K \times 1} $ represents the phase of the signal at the transmitter while $ \boldsymbol{\omega} \in \mathbb{R}^{K \times 1} $, $ \boldsymbol{\theta} \in \mathbb{R}^{K \times 1}$ and $\boldsymbol{\psi} \in \mathbb{R}^{K \times 1} $ denote the phase errors due to sampling frequency offset, frame detection delay and time of flight, respectively. By using the mirror subcarriers, the linear part of the phase errors can be canceled \cite{liu:2019}. Hence, the non-linear phase errors $ \boldsymbol{\epsilon} \in \mathbb{R}^{K \times 1} $ are obtained by the following equation
\begin{equation} \label{e3-5}
\boldsymbol{\epsilon} = \boldsymbol{\Phi} - \left( 2 \pi \lambda \cdot \mathbf{v} + \mathbf{1} Q^\star \right),
\end{equation}
where $ \mathbf{v} = \big[ -K/2, \cdots, -1, 1, \cdots, K/2 \big]^T $
and $ \lambda $ is a constant used for nullifying the linear phase rotation in a specific frame whereas $ Q^\star $ is used for phase error normalization \cite{liu:2019}.
The authors show that the non-linear phase errors exhibit both time and location invariance and change significantly even across devices of the same manufacturer. As a result, these non-linear phase errors can be used as highly distinctive radiometric fingerprints for device identification by leveraging the above described approach in \cite{liu:2019}. Even though the difference is very small, the phones are distinguishable from one another, as illustrated in \fref{fig_differentPhones_table}. As a result, the authors conclude that these fingerprints can be used as countermeasures against impersonation attacks. However, we show in the next section that impersonation is indeed possible.
\section{Introduction}
\label{s:intro}
\setlength{\abovedisplayshortskip}{2pt}
\setlength{\belowdisplayshortskip}{2pt}
\setlength{\abovedisplayskip}{2pt}
\setlength{\belowdisplayskip}{2pt}
\setlength{\jot}{1pt}
The omnipresence of WiFi devices in our daily lives demands {\it strong and quantifiable security and privacy} mechanisms to protect us from attackers. WiFi security mechanisms traditionally reside above the physical layer. This can be augmented by using physical layer characteristics (e.g., channel fading, interference, hardware impairments), which further enhance the security of WiFi. In fact, physical layer security gained momentum after a chain of acute vulnerabilities rendered these {\it high-layer} security mechanisms unsecure. This includes the disastrous RC4 vulnerability in WEP~\cite{fluhrer:2001} as well as the more recent attacks on WPA2 (e.g., KRACK~\cite{vanhoef:2017} and Kr00k~\cite{cermak:2020}). We have also witnessed a variety of masquerading attacks in which the adversary mounts a machine-in-the-middle (MitM) attack by creating a rogue access point (AP), mimicking the identity (i.e., SSID) of a legitimate AP. It has been shown that physical layer security, in particular, radiometric (radio frequency) fingerprinting can thwart such attacks~\cite{liu:2019, brik:2008, li2019location}.
\begin{figure*}[t!]
\begin{subfigure}{0.55\textwidth}
\vspace{-14mm}
\centering
\input{figs/fig_different_phones.tex}
\vspace{-9mm}
\caption{}
\label{fig_differentPhones}
\end{subfigure}
\hspace{2mm}
\begin{subfigure}{0.4\textwidth}
\centering
\newcommand\items{5}
\arrayrulecolor{gray}
\fontsize{6}{6}\selectfont
\begin{tabular}{m{0.75mm} m{5mm} *{\items}{E}}
\toprule
\multicolumn{1}{c}{} &\multicolumn{1}{c}{} &\multicolumn{\items}{c}{{\bf Predicted}} \\
\cmidrule(r){3-7}
\multicolumn{1}{c}{} &\multicolumn{1}{c}{} &
\multicolumn{1}{c}{Phone} &
\multicolumn{1}{c}{Phone} &
\multicolumn{1}{c}{Phone} &
\multicolumn{1}{c}{Phone} &
\multicolumn{1}{c}{Phone}
\\
\multicolumn{1}{c}{} & \multicolumn{1}{c}{} &
\multicolumn{1}{c}{1} &
\multicolumn{1}{c}{2} &
\multicolumn{1}{c}{3} &
\multicolumn{1}{c}{4} &
\multicolumn{1}{c}{5}
\\ \hline\hline \\[-0.5em]
\multirow{9}{*}{\rotatebox{90}{{\bf Actual}}}
& \centering{Phone 1} & 0.985 & 0.0 & 0.0 & 0.0 & 0.0 \\
& \centering{Phone 2} & 0.0 & 0.985 & 0.085 & 0.0 & 0.0 \\
& \centering{Phone 3} & 0.0 & 0.115 & 0.965 & 0.0 & 0.0 \\
& \centering{Phone 4} & 0.0 & 0.0 & 0.025 & 1.0 & 0.0 \\
& \centering{Phone 5} & 0.010 & 0.0 & 0.0 & 0.0 & 0.995 \\
\end{tabular}
\vspace{-2mm}
\caption{}
\label{fig_differentPhones_table}
\end{subfigure}
\vspace{-3mm}
\caption{WiFi radiometric fingerprints of 5 identical phone (Samsung Galaxy S6). \fref{fig_differentPhones} shows that the \textit{fingerprints differ from one another even though the chipsets belong to the same series and manufacturer}, thus allowing to distinguish among multifarious devices. \fref{fig_differentPhones_table} shows that \textit{the devices can be distinguished with $ 96.5\% $ accuracy using a simple mean absolute error (MAE)-based classifier} (MAE threshold $= 4.5^{\circ} $).}
\vspace{-3mm}
\end{figure*}
{\it Radiometric fingerprinting techniques rely on measuring and extracting device-specific imperfections of the transmitter RF circuitry embedded in the emitted signal, which manifest in form of negligible but distinguishable errors, e.g., in phase (e.g., \cite{liu:2019}) or frequency (e.g., \cite{hua:2018}).} These imperfections are so individualized that even chipsets from the same manufacturer have different fingerprints~\cite{liu:2019, brik:2008}.
In \fref{fig_differentPhones}, we demonstrate that the radiometric fingerprint\footnote{These fingerprints are extracted from non-linear phase errors derived from device-specific hardware imperfections~\cite{liu:2019}} of five identical phones with the same WiFi chipset are visually distinguishable. Thus, it is not surprising that these devices can be easily differentiated from one another with high success ratio (i.e., $ 96.5 \% $).
Such degree of accuracy, on the one hand, reveals the {\it potential of radiometric fingerprinting for achieving accurate authentication, thus enhancing security}. On the other hand, it raises {\it major privacy concerns since adversaries can locate/track devices} using these unique fingerprints. Our work is motivated by the potential of radiometric fingerprinting in coping with security and privacy challenges.
{\bf Challenge I: Privacy.}
Any unique identifier which can be easily measured/accessed by an adversary poses a significant privacy threat. Indeed, this is the motivation behind MAC address randomization in WiFi or temporary identifiers in cellular networks to prevent potential adversaries from tracking users. Radiometric fingerprints expose users to the same privacy vulnerability, and as of today, users do not have any means to prevent such privacy attacks other than turning off the device. While randomizing the physical layer characteristics of the signal is a plausible solution to enhance privacy, such procedure may degrade the communication link and disrupt or prevent legitimate radiometric fingerprinting, which brings us to the next challenges.
{\bf Challenge II: Security.}
Radiometric fingerprints are typically considered a secure anchor for device authentication. Still, they are {\it collectible by anyone in the vicinity} of the transmitter who is capable of "overhearing" the packets, e.g., 50-100 meters for WiFi. This {\it exposes the fingerprinting methods to impersonation attacks.} Initial proposals argued that the cost of mimicking the fingerprints is too high~\cite{robyns2017noncooperative}. To date, a wide range of software-defined radios (SDRs) costing from a few hundred (up to a few thousand) euros can collect and forge the fingerprints of other devices, e.g., through modifying the phases of emitted signals, as shown in Section \ref{s3-2}. This issue is further exacerbated by the emergence of WiFi firmware patching tools~\cite{nexmon:project}, which enables commercial WiFi chipsets to shape their signals and impersonate other devices.
{\bf Challenge III: Allowing for legitimate radiometric fingerprinting.}
There are several solutions to hide ones' fingerprint: {\it (i)} {\it Jamming}, which defeats the primary purpose of WiFi, i.e., communication; {\it (ii) } {\it Constructive interference}. The seminal work of Oh {\it et al.} on location privacy~\cite{oh2012phantom} and recent literature on privacy against WiFi sensing~\cite{yao2018aegis, qiao2016phycloak} use coordinated transmissions or a secondary signal repeater to obfuscate the physical layer information, which are not scalable and can be costly due to reliance on secondary devices; {\it (iii)}~{\it Fingerprint randomization at the transmitter} has the advantage of scalability, but it can disrupt the communication link by distorting the channel estimation at the receiver. In \cite{cominelli2020:experimental-study-csi-location-privacy}, the authors randomize the transmitted signal to obfuscate device-free localization but their approach introduces marginal impact on the quality of the communication. Furthermore, we must ensure that the randomization is reversible to allow legitimate fingerprinting.
\subsection{Our approach}
In this paper, we propose \texttt{RF-Veil}{}, a scalable approach that enhances the user privacy by obfuscating the radiometric fingerprints of the device from adversaries while allowing the use of \gls{CSI}-based fingerprinting at legitimate receivers to strengthen the security of the network.
In essence, {\it\texttt{RF-Veil}{} adds a crafted randomized phase noise to the signal at the transmitter such that the radiometric fingerprints are obfuscated, but the quality of communication remains intact. Furthermore, we facilitate fingerprint extraction through a low-overhead synchronized random noise generation process between legitimate transmitters and receivers.}
The properties of \texttt{RF-Veil}{} are:
{\bf Privacy-preserving}.
The latest radiometric fingerprinting solutions extract device-specific phase errors from the \gls{CSI} \cite{liu:2019, hua:2018}.
\texttt{RF-Veil}{} introduces {\it deliberate phase noise to the subcarriers in the OFDM symbols} on a per-frame basis such that the adversary can no longer estimate the actual radiometric fingerprint by analyzing the \gls{CSI}, thus preventing the device identification/tracking via radiometric fingerprint
{\bf Secure against impersonation.}
We strive to maintain the possibility of legitimate fingerprinting without exposing the user to impersonation attacks. To this aim, we first devise a technique (synchronized phase noise generation), which enables only the legitimate receivers to denoise the transmitted signals and extract the original fingerprint. Secondly, we apply the obfuscation on a per-frame basis to eliminate the possibility of impersonation or reply attack via over-the-air packet sniffing. The effectiveness of this method is proven both theoretically and experimentally, even in presence of sophisticated adversaries with the capability of realizing statistical attacks.
{\bf Dual mode.}
\texttt{RF-Veil}{} is designed to allow the legitimate use of wireless fingerprinting techniques (e.g., for authentication as in~\cite{liu:2019}) in presence of our obfuscation method.
Furthermore, a reduced form of \texttt{RF-Veil}{} can be used to obfuscate the fingerprint of the device in order to only protect the device's privacy when fingerprinting is not used as an additional security feature, i.e., reversing the phase noise is not required. {\it We refer to this second operational mode as \AlgSt{}}. In this mode, we can hide the fingerprint of the transmitter by executing the obfuscation blocks without any handshake or coordination with other receivers. As a result, we can ensure privacy protection in a much broader scenario, e.g., communicating with non-\texttt{RF-Veil}{}-enabled devices, in absence of any active connections, or in connection establishment phase.
{\bf Low-overhead and scalable.}
\texttt{RF-Veil}{} has low overhead from both computational and signaling/control message perspective.
Our simple yet effective obfuscation technique enabled extraction of \gls{CSI}-based radiometric fingerprints at the legitimate receiver without any additional complex signal processing. Furthermore, \texttt{RF-Veil}{} is highly scalable since it is implemented directly at the transmitter and does not rely on any secondary device~\cite{yao2018aegis, qiao2016phycloak}. Therefore, any WiFi device can obfuscate its fingerprint easily and independently.
\vspace{-2mm}
\subsection{Our contributions}
To the best of our knowledge, {\it this is the first work exposing privacy and security vulnerabilities of radiometric fingerprints as well as devising practical methods to resolve them.} Note that prior works such as~\cite{rahbari2015secrecy, rahbari2014friendly} propose techniques for preventing the exposure of unencrypted fields (e.g., headers and payload information) to counter, for instance, reactive jamming attacks that can adapt to the rate of transmission. While the approach prevents data analysis and acquisition of transmission cues, it does not protect the radiometric fingerprint of the device. The following summarizes our main contributions:
{\it (i)} Showing vulnerabilities of recent \gls{CSI}-based radiometric fingerprinting solutions~\cite{liu:2019, xie2018precise,brik:2008} to impersonation attacks (\sref{s_adversary_model});
{\it (ii)} Proposing a method for injecting artificial noise to the fingerprint without impacting communication quality (\sref{s4}).
{\it (iii)} Designing \Tool{}, a benchmarking tool to assess the effectiveness of radiometric fingerprint obfuscation against statistical attacks (\sref{Vulnerability_analysis}). Specifically, \Tool{} is a maximum-likelihood-based estimator of the \gls{CSI}, which we prove to be near-optimal through derivation of Cramer-Rao bounds (Appendix~\ref{s:crb});
{\it (iv)} Devising \texttt{RF-Veil}{}, a fingerprint obfuscation framework that circumvents the privacy issues without impacting the communication quality (\sref{s_algorithm}).
{\it (v)} We prove the efficacy of our proposals, both analytically and experimentally.
\section{Related Work}
\label{s_related}
To date, we have not found any prior work on radiometric fingerprint obfuscation.
Prior works only focused on thwarting identification techniques that used packet metadata (frame size, data rate, inter-packet time, etc.) and friendly jamming \cite{rahbari:2015}, upper-layer characteristics such as jitter of beacon timestamps~\cite{arackaparambil:2010}, rate switching mechanisms~\cite{corbett2008passive}, and under-specification of the MAC layer protocols and procedures~\cite{cache:2006, bratus:2008}.
The proposed countermeasures for these upper-layer fingerprinting techniques consist of pattern randomization~\cite{vanhoef2016mac,rahbari2015secrecy, gruteser2005enhancing, jafarian2016multi}, similar to ours. {\it However, unlike \texttt{RF-Veil}{}, their approach eliminates the possibility of legitimate fingerprinting. Furthermore, the solutions therein are not tested against statistical attacks}.
In the following, we provide a broader overview of the radiometric fingerprinting solutions, which can be categorized into \textit{transient-based} and \textit{modulation-based} approaches.
\subsection{Transient-based approaches}
The transient refers to the part of the signal in which the amplitude rises from background noise to full power~\cite{rasmussen:2007}. Given its dependence on the hardware characteristics, a transient is a reliable feature for device identification by tracking the small but measurable differences in the turn-on transients.
This can, for example, include the duration of turn-on transient~\cite{rasmussen:2007} or standard deviation of normalized amplitude, phase, and frequency~\cite{hall:2004}.
These approaches are cumbersome since they rely on the exact extraction of the transient portion of signals, which further depends on the channel noise. To ensure accurate and timely detection of the transient despite the channel noise, a very high sampling rate is required, which is typically achievable by high-end oscilloscopes (e.g., 4 Giga samples per second in~\cite{danev:2009})
\subsection{Modulation-based approaches}
Modulation- or steady-state approaches, as the name suggests, make use of errors in the modulated signal.
The seminal work of Brik \textit{et al.}~\cite{brik:2008} proposes to collect the fingerprints from five features of the modulated signal, that is, magnitude, phase and frequency error, I/Q origin offset, and SYNC correlation. They show experimentally that their solutions, called PARADIS, can differentiate among 130 identical IEEE 802.11b devices with an accuracy above 99\% even under mobility and varying noise conditions. Similar to the transient-based approaches, their approach requires additional equipment since they rely on high-end vector analyzers for channel sampling. Motivated by their work, recent approaches~\cite{liu:2019, hua:2018} propose to use the \gls{CSI} obtained from the pilot symbols which are readily available on WiFi chipsets, such as the Intel 5300 or Atheros AR9380. Specifically, Hua \textit{et al.}~\cite{hua:2018} propose to compute the fingerprint using a combination of CFO extracted from the \gls{CSI} and \gls{TDoA} computed from capturing 5000 adjacent frames. Furthermore, they require the device to remain stationary for at least 10 seconds for authenticating a device based on the previously collected fingerprint. The most recent work on radiometric fingerprinting~\cite{liu:2019} makes use of the non-linear phase errors extracted from \gls{CSI}. Their work takes advantage of non-linear phase error extraction methods proposed by Zhuo \textit{et al.} in \cite{zhuo:2017}. In this paper, we work toward obfuscating the radiometric fingerprints caused by non-linear phase errors~\cite{liu:2019, zhuo:2017} since it neither relies on RF equipment with very high sampling rates nor requires large number of frames or stationary user behavior for fingerprinting. Nonetheless, \texttt{RF-Veil}{}'s approach can be extended to other features of the signal, which is controllable at the chipset, such as CFO and amplitude.
\subsection{SDR Implementation}
\label{s:setup}
\begin{figure}
\centering
\includegraphics[width=0.48\textwidth]{figs/setup.pdf}
\caption{Schematic overview of the hardware setup.}
\label{fig_setup}
\end{figure}
A simplified overview of the hardware used in our setup is depicted in Figure \ref{fig_setup}.
Each of the \gls{NI} USRPs (2954 R) is connected via PCI-E to a host machine running NI-Linux RT.
We use the 802.11 implementation by NI, which provides a PHY as well as a lower- and mid-MAC layer implementation\footnote{\blue{Link to AFW?}}.
The NI 802.11 \gls{AFW} is separated into a host and an FPGA part, which communicate through FIFO data buffers.
Figure \ref{fig_setup} also shows where the different layers of the protocols are implemented.
Due to strict timing constraints, the MAC layer has been separated into lower MAC layer implemented on the FPGA while the middle and higher MAC layer are both implemented on the host.
\textbf{Fingerprint Extraction. }
We chose to implement the fingerprint extraction solely on the host, as the CSI was already available through the \gls{T2H} FIFO \textit{Channel Estimation}.
The FIFO contains a 64 bit complex value for each of the measured 256 sub-carrier in a 80 MHz wide band.
We implemented the fingerprinting algorithm proposed by Liu \textit{et al.} \cite{liu:2019} on a per-frame basis as a new module of the AFW.
\textbf{Fingerprint Modification. }
In order to modify the fingerprint we added a new FIFO, facilitating the exchange of an array of complex values from the host to the FPGA.
We made use of the \gls{ICP} by NI to send packets containing the additional phase rotation to the FPGA.
We then modified the TX-chain on the PHY in order to read the packets and to multiply each outgoing I/Q symbols with the corresponding phase rotation.
\textbf{Secure Fingerprinting Algorithm. }
We implemented the PoC of \texttt{RF-Veil}{} on top of the \textit{Fingerprint Extraction} and \textit{Fingerprint Modification} modules on the host.
Once a packet is generated at the transmitter and passed down to the PHY, the MAC-address is used to obtain the corresponding information from the \gls{LUT} and to create the randomization sequence as well as the sequence number.
Those two elements are then multiplied and serve as input for the \textit{Fingerprint Modification} module, which takes care of pushing the values to the PHY.
On the receiver side, the CSI is written into the \textit{T2H Channel Estimation} FIFO at the PHY.
The reception of the frame continues on the FPGA while the implementation of \texttt{RF-Veil}{} runs on the output of the FIFO on the host.
After the information for the random sequence generation is obtained and the randomization reverted, the fingerprint is calculated by \textit{Fingerprint Extraction} module.
The fingerprint is then passed to the \textit{Matcher}, which calculates the euclidean distance between the fingerprint of the frame and the known fingerprint for the MAC address.
It is worth emphasizing here that implementing a more sophisticated matching-algorithm is possible but considered out of scope in this work.
\section{Vulnerability of Randomization to Statistical Attacks} \label{s4}
\section{How to Inject Artificial Noise to Fingerprints without Impacting Communication}\label{s4}
Here we discuss our method for injecting artificial noise (i.e., randomized phase rotation) to the radiometric fingerprints.
We further {\it prove why it does not impact the quality of communication}.
\begin{figure*}[t!]
\centering
\includegraphics[width=0.9\columnwidth]{figs/randomization.pdf}
\caption{Diagram illustrating the phase randomization method at the transmitter. \textit{Additional random phase rotation at every subcarrier protects the fingerprint of the transmitter and therefore prevents impersonation.}}
\label{fig_rand_overview}
\vspace*{-4mm}
\end{figure*}
\begin{figure*}[t!]
\begin{minipage}{0.48\textwidth}
\centering
\vspace{-8mm}
\input{./figs/Rand_fingerprint}
\vspace{-13mm}
\caption{Fingerprints before and after obfuscation. \textit{Upon including random phase rotations in the subcarriers, the recovered fingerprint differs from the original.}}
\label{fig_Rand_fingerprint}
\end{minipage}
\hspace{2mm}
\begin{minipage}{0.48\textwidth}
\centering
\vspace{-8mm}
\input{./figs/Rand_fingerprint_throughput}
\vspace{-13mm}
\caption{Throughput before and after obfuscation. \textit{The throughput is not affected by the phase rotations, as these can be reverted at the receiver.} }
\label{fig_Rand_fingerprint_throughput}
\end{minipage}
\vspace{-3mm}
\end{figure*}
Randomizing the radiometric fingerprints is the first logical step towards maintaining user privacy. However, if not carefully designed, the randomization can potentially break/degrade the communication link. As described in Section~\ref{s3-1}, the WiFi receiver relies on the LTF field for channel estimation. To ensure that {\it obfuscation via randomization does not disrupt communication, we maintain the introduced phase rotations on each subcarrier constant for the duration of the whole frame}. As a result, the estimated \gls{CSI} from the preambles remains valid for the succeeding VHT-DATA frame, as shown in \fref{fig_phy-frame}, thus allowing successful decoding of information. In the following, we describe the process. \fref{fig_rand_overview} shows the transmitter chain of our proposed fingerprint obfuscation method, in which we include deliberate phase randomization across all OFDM subcarriers. Having the \textit{pre-shared key} and \textit{randomization index}, the receiver can decode the message and extract the fingerprint without impacting the communication.
Let $ z_k $ denote the phase rotation in subcarrier $ k $ intentionally included by the transmitter. From~\eqref{e3-2}, the signal received in the $ k $-th subcarrier is given by $ y_k = h_k s_k e^{j z_k} + w_k $. Using \eqref{e3-3}, the \gls{CSI} at the receiver is expressed as
\begin{equation} \label{e4-3}
\tilde{h}_k = h_k e^{j z_k} + w_k = \left| h_k \right| e^{j (\phi_k + z_k)} + w_k.
\end{equation}
Compared to (\ref{e3-3}), the factor $ e^{j z_k} $ in (\ref{e4-3}) obfuscates the legitimate \gls{CSI} by shifting its phase information. As a result, the phase $ z_k $ will appear in the radiometric fingerprint extracted by an adversary, thus safeguarding the device original fingerprint. The effects of this phase randomization mechanism can only be reverted by a trusted receiver that is aware of $ z_k $.
In particular, we assume that the phase $ z_k $ is a realization of a random variable $ Z_k $, that can be generated locally at the receiver since the pre-shared key to the random generator is known.
As a result, the receiver generates $ z_k $ and multiplies the perturbed $ \tilde{h}_k $ in (\ref{e4-3}) by $ e^{-j z_k} $ yielding $ e^{-j z_k} \left( \left| h_k \right| e^{j (\phi_k + z_k)} + w_k \right) = \left| h_k \right| e^{j \phi_k} + w_k $, which is equivalent to (\ref{e3-3}), and therefore showing that the \gls{CSI} remains unaffected as the phase randomization can be removed. In addition, we denote the capacity of the channel in (\ref{e3-3}) by $ C' = \log_2 \left( 1 + \left| \left| h_k \right| e^{j \phi_k} \right|^2 / \sigma^2 \right) = \log_2 \left( 1 + \left| h_k \right|^2 / \sigma^2 \right) $. Similarly, the channel capacity of (\ref{e4-3}) is denoted by $ C'' = \log_2 \left( 1 + \left| \left| h_k \right| e^{j (\phi_k + z_k)} \right|^2 / \sigma^2 \right) = \log_2 \left( 1 + \left| h_k \right|^2 / \sigma^2 \right) $, thus revealing the equivalence $ C' \equiv C'' $. This shows that the channel capacity before and after randomization does not change. Therefore, for a given MCS level, the throughput is not altered by phase randomization as long as the phase $ z_k $ is generated correctly at each receiver. We generalize this idea for every subcarrier $ k \in \mathcal{K} $.
In \fref{fig_Rand_fingerprint}, we illustrate the original fingerprint of a device as well as the obfuscated versions, in which the random phase rotations are obtained from uniform and Gaussian distributions, i.e., $ Z_k \sim \mathcal{U} \big( \mu_k, \xi^2_k \big) $ and $ Z_k \sim \mathcal{N} \big( \mu_k, \xi^2_k \big) $ with $ \mu_k = 0 $ deg and $ \xi^2_k = 60 $ deg\textsuperscript{2} (deg $ \equiv ~ ^\circ $). Since the additional randomized phase $ z_k $ differs for each subcarrier, the adversary cannot leverage the linear phase error difference among subcarriers to identify the users.
\emph{In particular, if the same phase rotation $ z_k $ is used for all $ K $ subcarriers, the original fingerprint can be easily extracted via the method proposed in \cite{liu:2019} as such method exploits the phase difference among adjacent subcarriers, which in this case would be constant and easy to remove.} Moreover, we corroborate experimentally that the throughput is not affected by our proposed obfuscation method. In particular, for the obfuscated signals depicted in \fref{fig_Rand_fingerprint}, we show the throughput in \fref{fig_Rand_fingerprint_throughput}.
In the next section, we discuss the robustness of this approach against statistical attacks.
\section{\Tool{}: A Benchmarking Tool for Assessing Vulnerability to Statistical Attacks}\label{Vulnerability_analysis}
Statistical attacks are common in cryptography where the adversary exploits statistical weaknesses of the underlying random number generators or hashing algorithms to discover the secrets, e.g., birthday attacks \cite{bellare2004hash}. In the course of our experiments, we discovered that an adversary can mount similar attacks on phase randomization to restore the original fingerprint. {\it Viewing this as an estimation problem, we devise \Tool{}, which is a maximum likelihood-based approach design to restore the legitimate (unimpaired) \gls{CSI} from a set of captured \gls{CSI} measurements with obfuscated fingerprints}. Thus, if the legitimate \gls{CSI} is restored accurately, the radiometric fingerprint can be extracted by the method described in Section \ref{s3-2} and used for malicious purposes. {\it In essence, we designed \Tool{} as a tool to evaluate the efficiency of RF-fingerprint obfuscation against statistical attacks.} Specifically, we designed an experiment in which the adversary captures 10000 \gls{CSI} samples (within $\sim$ 10 seconds) and uses \Tool{} to estimate the legitimate \gls{CSI}. This experiment showed that {\it an adversary can denoise the fingerprint even without the knowledge of the probability density function used for phase randomization}. We will elaborate on \Tool{} and the experimental results in Section~\ref{ss_bison}. We prove that this vulnerability stems from the zero-mean nature of the selected distributions, see Section~\ref{ss_bison_analysis}
\fref{fig_rand_phase_mag} shows the magnitude and phases of \gls{CSI} measurements. We assume that the channel impulse response is invariant for a short interval $ \tau $ compliant with the channel coherence time $ T_c $. Thus, small-scale oscillations in the \gls{CSI} magnitude are attributed to noise. On the other hand, the \gls{CSI} phase changes abruptly between contiguous measurements due to phase randomization.
\begin{figure*}[!t]
\centering
\input{./figs/rand_phase_mag}
\vspace{-5mm}
\caption{Collected \gls{CSI} measurements with additional synchronization phase rotations obtained from a zero-mean unit-variance Gaussian probability density function.}
\label{fig_rand_phase_mag}
\vspace*{-6mm}
\end{figure*}
\subsection{A maximum-likelihood-based estimator for evaluating statistical attacks}
\label{ss_bison}
\Tool{} minimizes the overall approximation error between the unknown \gls{CSI} and the collected measurements. The premise is that adversaries do not have information on the probability density function used for \gls{CSI} phase randomization. Let $ \mathbf{M} = \left[ \mathbf{m}_1, \cdots, \mathbf{m}_N \right] \in \mathbb{C}^{K \times N}$ denote a matrix that collects $ N $ measurements in all $ K $ subcarriers, where vector $ \mathbf{m}_n \in \mathbb{C}^{K \times 1} $ represents the \gls{CSI} (contaminated with phase randomization and noise) in the $ n $-th captured LTF frame. Also, let $ \mathbf{u} = \left[ \left| h_1 \right| e^{j \phi_1}, \cdots, \left| h_K \right| e^{j \phi_K} \right]^T \in \mathbb{C}^{K \times 1} $ denote the unknown unrandomized \gls{CSI} vector. Further, $ \boldsymbol{\Delta} = \left[ \mathbf{m}_1 - \mathbf{u}, \cdots, \mathbf{m}_N - \mathbf{u} \right] = \mathbf{M} - \left( \mathbf{1}^T \otimes \mathbf{u} \right) $ represents the error matrix between the unknown \gls{CSI} $ \mathbf{u} $ and the measurements $ \mathbf{M} $, where $ \otimes $ is the Kronecker product. We define the following problem:
\begin{equation} \label{e4-4}
\setlength{\abovedisplayskip}{1.0pt}
\setlength{\belowdisplayskip}{1.0pt}
\mathcal{B}: \mathbf{u}^\star = \argmin_{ \mathbf{u} \in \mathbb{C}^{K \times 1} }
\underbrace{\left\| \mathbf{M} - \mathbf{1}^T \otimes \mathbf{u} \right\|^2_\mathrm{F},}_J
\end{equation}
where $ \left\| \cdot \right\|^2_\mathrm{F} $ denotes the Frobenius norm. To solve problem $ \mathcal{B} $, we have used several Kronecker product properties specified in \emph{Appendix~A}. Recalling that $ \left\| \boldsymbol{\Delta} \right\|^2_\mathrm{F} = \mathrm{Tr} \left( \boldsymbol{\Delta}^T \boldsymbol{\Delta} \right) $, the objective function can be recast as $ J = \mathrm{Tr} \Big( \big( \mathbf{M} - \mathbf{1}^T \otimes \mathbf{u} \big)^T \big( \mathbf{M} - \mathbf{1}^T \otimes \mathbf{u} \big) \Big) $. By employing \emph{Property 1} and \emph{Property 2}, the objective collapses to $ J = \mathrm{Tr} \big( \mathbf{M}^T \mathbf{M} - \left( \mathbf{1} \otimes \mathbf{u}^T \right) \mathbf{M} - \mathbf{M}^T \left( \mathbf{1}^T \otimes \mathbf{u} \right) + \mathbf{L} \otimes \left( \mathbf{u}^T \mathbf{u} \right) \big) $, where $ \mathbf{L} = \mathbf{1} \mathbf{1}^T $. To find a critical point $ \mathbf{u}^\star $ that minimizes $ J $, we compute the gradient of $ J $ with respect to $ \mathbf{u} $ and equate it to zero, i.e., $ \nabla_\mathbf{u} J = 0 $. To this purpose, we resort to the use of differentials. Thus, $ d J = \mathrm{Tr} \Big( - \big( \mathbf{1} \otimes d \mathbf{u}^T \big) \mathbf{M} - \mathbf{M}^T \big( \mathbf{1}^T \otimes d \mathbf{u} \big) \nonumber + \mathbf{L} \otimes \big( d \mathbf{u}^T \mathbf{u} \big) + \mathbf{L} \otimes \big( \mathbf{u}^T d \mathbf{u} \big) \Big) $, where $ d $ denotes the differential operator and $ d \mathbf{M} = 0 $, $ d \mathbf{L} = 0 $. Using \emph{Property 2}, \emph{Property 3} and \emph{Property 4}, the differential of $ J $ is expressed as $ dJ = \mathrm{Tr} \Big( - \big( \mathbf{M} \mathbf{1} \big) \otimes d \mathbf{u}^T - \mathbf{1}^T \otimes \big( \mathbf{M}^T d \mathbf{u} \big) + \mathbf{L} \otimes \big( \big( d \mathbf{u}^T \big) \mathbf{u} \big) + \mathbf{L} \otimes \big( \mathbf{u}^T d \mathbf{u} \big) \Big) $. Now, by means of \emph{Property 4} and \emph{Property 5} we obtain $ dJ = 2 \mathrm{Tr} \Big( \big( - \big( \mathbf{M} \mathbf{1} \big)^T + N \mathbf{u}^T \big) d \mathbf{u} \Big) $. The Frobenius inner product of two matrices $ \mathbf{A} $ and $ \mathbf{B} $ is defined as $ \left\langle \mathbf{A}, \mathbf{B} \right\rangle_\mathrm{F} \equiv \mathrm{Tr} \big( \mathbf{A}^T \mathbf{B} \big) $. Therefore, $ dJ = 2 \left\langle - \mathbf{M} \mathbf{1} + N \mathbf{u}, d \mathbf{u} \right\rangle_\mathrm{F} $, from where we obtain $ \nabla_\mathbf{u} J = 2 \big( - \mathbf{M} \mathbf{1} + N \mathbf{u} \big) $. Upon equating $ \nabla_\mathbf{u} J $ to zero, we obtain $ \mathbf{u}^\star = \frac{1}{N} \mathbf{M} \mathbf{1} = \frac{1}{N} \sum^N_{n = 1} \mathbf{m}_n $. The denoised \gls{CSI} phase $ \boldsymbol{\Phi} $ for all subcarriers is computed as
\begin{equation} \label{e4-5}
\boldsymbol{\Phi}^\star = \arctan \left( \mathfrak{Im} \left\{ \frac{1}{N} \sum^N_{n = 1} \mathbf{m}_n \right\} \oslash \mathfrak{Re} \left\{ \frac{1}{N} \sum^N_{n = 1} \mathbf{m}_n \right\} \right).
\end{equation}
\begin{figure*}[!t]
\vspace*{-10mm}
\input{./figs/fingerprint_perturb_csi}
\vspace*{-10mm}
\caption{Restored fingerprint upon \gls{CSI} denoising. {\it We observe that an adversary capable of mounting a statistical attack can obtain the original fingerprint even after randomization.}}
\vspace*{-5mm}
\label{fig_recovered_bison}
\end{figure*}
Since denoised \gls{CSI} is available through (\ref{e4-5}), the radiometric fingerprint $ \boldsymbol{\epsilon}^\star $ can be extracted using (\ref{e3-5}). \cite{liu:2019} \fref{fig_recovered_bison} shows the restored fingerprints for uniform and Gaussian distributions with mean $ \mu_k = 0^{\circ} $ and variance $ \xi^2_k = 60 $ deg\textsuperscript{2}, for all subcarriers $ k \in \mathcal{K} $. In both cases, we have collected $ N = 10000 $ measurements. We observe that the obtained fingerprints exhibit a small deviation with respect to the original one. When uniform distribution is used, the mean absolute error (MAE) is $ 0.7489^{\circ} $, whereas that of Gaussian distribution is $ 1.2252^{\circ}$. Although both distributions have a variance of $ \xi^2_k = 60 $ deg\textsuperscript{2}, for the uniform case, this signifies that the range of phase rotations is bounded to $ \left[ -99.2^{\circ}; 99.2^{\circ} \right] $. However, for the Gaussian case, the range of rotation phases spans $ \left[ -180^{\circ}; 180^{\circ} \right] $.
In \emph{Appendix B}, we analyze the \Tool{} estimator under the Cramer-Rao bound (CRB) framework. We show that \Tool{} attains near-optimality in estimating the \gls{CSI}.
\subsection{Statistical rationale for \gls{CSI} denoising feasibility via \Tool{}} \label{ss_bison_analysis}
If an efficient estimator does not exist for an unknown variable, the maximum-likelihood estimation often yields an asymptotically efficient estimator for sufficiently large number of samples. Based on this premise, we expect the effect of randomization to be averaged out. Thus, {\it motivated by the outcome of \Tool{}, we justify why the effect of randomization, introduced in Section \ref{s4}, can be removed}. By assuming that an adversary is capable of collecting an infinite number of measurements, we \Tool{} within the law of large numbers; which states that the average of outcomes obtained from a large number of experiments approximates the expected value.
\noindent{\textbf{\textit{Assumption:}} \textit{Let $ f_{Z_k} \big( z_k \big) $ be a symmetric zero-mean probability density function governing the random phase rotation $ Z_k $, spanning an interval with upper and lower bounds $ z^U_k = R_k $ and $ z^L_k = -R_k $, respectively.}}
Invoking the assumption above, the expected value of the corrupted \gls{CSI} information in subcarrier $ k $ according to (\ref{e4-3}) is defined as $ \mathbb{E} \left[ \tilde{h}_k \right] = \mathbb{E} \left[ h_k e^{j Z_k} \right] + \mathbb{E} \left[ w_k \right] $, where $ \mathbb{E} \left[ h_k e^{j Z_k} \right] = h_k \mathbb{E} \left[ e^{j Z_k} \right] = h_k \int_{-R_k}^{R_k} e^{j z_k} f_{Z_k} \big( z_k \big) d z_k $. Using integration by parts, $ \mathbb{E} \left[ e^{j Z_k} \right] $ can be recast as,
\begin{equation} \label{e4-6}
\mathbb{E} \left[ e^{j Z_k} \right] = 2 \sin \big( R_k \big) f_{Z_k} \big( R_k \big) - \int_{-R_k}^{R_k} \sin \big( z_k \big) f'_{Z_k} \big( z_k \big) d z_k
+ j \int_{-R_k}^{R_k} \cos \big( z_k \big) f'_{Z_k} \big( z_k \big) d z_k = {\beta^{\mathrm{real}}_k} + j {\beta^{\mathrm{imag}}_k},
\end{equation}
where the equivalence $ \int u dv = uv -\int v du $ is used assuming that $ u = f_{Z_k} \big( z_k \big) $, $ dv = e^{j z_k} d z_k $ and $ f_{Z_k} \big( -R_k \big) = f_{Z_k} \big( R_k \big) $ due to symmetry. In the following, we instantiate three fundamental corollaries that allow us to gain insights on the characteristics of (\ref{e4-6}).
\noindent{\textbf{\textit{Corollary 1:}} \textit{If $ g(x) $ is an even function, then its derivative $ g'(x) $ is an odd function.}}
\noindent{\textbf{\textit{Corollary 2:}} \textit{If $ g(x) $ is even and $ h(x) $ is odd, then $ q(x) = g(x) h(x) $ is odd.}}
\noindent{\textbf{\textit{Corollary 3:}} \textit{If $ g(x) $ is odd, then $ \int^a_{-a} g(x) dx = 0 $ for $ a > 0 $.}}
By means of \textit{Corollary 1}, we assert that $ f'_{Z_k} \big( z_k \big) $ is an odd function. Also, via \textit{Corollary 2}, the function $ \cos(z_k) f'_{Z_k} \big( z_k \big) $ is odd. Finally, by means of \textit{Corollary 3} the value of $ \beta^{\mathrm{imag}}_k = \int_{-R_k}^{R_k} \cos \big( z_k \big) f'_{Z_k} \big( z_k \big) = 0 $. As a result, $ \mathbb{E} \left[ h_k e^{j Z_k} \right] = \beta^{\mathrm{real}}_k h_k $, which shows that (on average) the \gls{CSI} in every subcarrier $ k $ is affected only by a real-value attenuation factor $ \beta^{\mathrm{real}}_k $ without altering the phase.
\noindent{\textbf{\textit{Claim:}} \textit{When we obfuscate the fingerprints through phase randomization using symmetric zero-mean distributions, \Tool{} produces an unbiased estimator for the \gls{CSI} phase.}}
Harnessing this outcome, we compute the expected value of the proposed \Tool{} estimator, i.e., $ \mathbb{E} \left[ \mathbf{u}^\star \right] = \frac{1}{N} \sum^N_{n = 1} \mathbb{E} \left[ \mathbf{m}_n \right] = \frac{1}{N} \sum^N_{n = 1} \mathbb{E} \left[ \mathrm{diag} \left( e^{ j \mathbf{z}_n } \right) \mathbf{h} + \mathbf{w}_n \right] $, where $ \mathbf{z}_n = \left[ Z_{n,1}, \cdots, Z_{n,K} \right]^T $ and $ \mathbf{w}_n = \left[ w_{n,1}, \cdots, w_{n,K} \right]^T $. Thus, $ \mathbb{E} \left[ \mathbf{u}^\star \right] $ reduces to
\begin{align} \label{e4-9}
\mathbb{E} \left\lbrace \mathbf{u}^\star \right\rbrace
=
\begin{pmatrix}
\beta^\mathrm{real}_1 & \cdots & 0 \\
\vdots & \ddots & \vdots \\
0 & \cdots & \beta^\mathrm{real}_K \\
\end{pmatrix}
\begin{pmatrix}
\left| h_1 \right| e^{j \phi_1} \\
\vdots \\
\left| h_K \right| e^{j \phi_K}
\end{pmatrix}.
\end{align}
From (\ref{e4-9}), we note that when the randomization scheme in Section \ref{s4} is used for \gls{CSI} obfuscation, its effect can be removed via \Tool{}. Essentially, the restored \gls{CSI} magnitudes $ \left| h_k \right| $ are scaled by $ \beta^{\mathrm{real}}_k $ but the phases $ \phi_k $ remain unaffected. As a result, an adversary can extract the radiometric fingerprint $ \boldsymbol{\epsilon} $ (defined in (\ref{e3-4})) from the restored \gls{CSI} phase $ \boldsymbol{\Phi} $. In order to prevent this outcome that infringes secrecy, a specific type of probability density function is required that prevents \gls{CSI} denoising from collected measurements. This aspect is elaborated thoroughly in Section~\ref{ss_obfus_tx}.
\subsection{Takeaway}
Any system relying on randomization for improving security/privacy should prove robust against statistical attacks. Here we propose \Tool{} to {\it assess the vulnerability of fingerprint randomization against these attacks}. This tool will be later used to demonstrate the robustness of our proposed fingerprint obfuscation method (i.e., \texttt{RF-Veil}{}) against statistical attacks. Furthermore, we analyze the statistical rationale behind the aforementioned vulnerability. {\it This analysis is then leveraged to devise suitable countermeasures in the next section}.
|
\section{Introduction}
Re-identifying a person in CCTV surveillance systems, also known as Person Re-ID, is a critical but also labor-intensive task. In recent years, the computer vision community has proposed various methods to automatically identify re-appearing people in multi-camera surveillance systems. Most of these proposed approaches are modeled, trained, and tested on the same dataset collected from a very small camera network \cite{GOG,SpindleNet,TriNet,AlignedReID,MGN,BFE,Wu2018What-and-whereRe-identification,Wu2020DeepRe-Identification}. However, a real-world CCTV system usually consists of tens to hundreds of cameras. Detecting, extracting and annotating thousands of people across hundreds of cameras is an extremely challenging task. Hence, using the actual annotated data collected from every target surveillance camera to train a fully-supervised Person Re-ID model is not a practical approach. Besides, most conventional supervised single-dataset models often over-fit to specific datasets (camera networks). Once these supervised models are trained on a given dataset, they usually suffer from considerable performance degradation when applied to a different camera network. Table \ref{tab:performance_degradation} illustrates the performance of a simple supervised model tested on the same dataset and a different dataset. This model uses the ResNet50 network \cite{ResNet} as the feature extraction backbone. In Table \ref{tab:performance_degradation}, the model trained on the Market-1501 dataset \cite{Market-1501} can achieve 91.6 \% Rank 1 accuracy with 78.7\% mAP score when tested on the same dataset. However, it can only achieve 37.6\% Rank 1 and 22.6\% mAP when tested on the DukeMTMC-reID dataset \cite{DukeMTMC-reID}. The performance of the model trained on the DukeMTMC-reID dataset also drops from 83.4\% Rank-1 with 66.6\% mAP to only 48.2\% Rank 1 with 21.6\% mAP when tested on the Market-1501 dataset. This suggests that models trained on a single dataset are prone to over-fitting and have poor generalization performance.
\begin{table}[h]
\centering
\caption{The performance degradation of the single-dataset-trained baseline model (ResNet50) when tested on a different dataset.}
\resizebox{0.48\textwidth}{!}{%
\begin{tabular}{l|c|c|c|c}
\hline
\multirow{3}{*}{\textbf{Training Dataset}} & \multicolumn{4}{c|}{\textbf{Testing Dataset}} \\ \cline{2-5}
& \multicolumn{2}{c|}{Market1501} & \multicolumn{2}{c|}{DukeMTMC-reID} \\ \cline{2-5}
& Rank 1 & mAP & Rank 1 & mAP \\ \hline
\multicolumn{1}{c|}{Market-1501} & 91.6\% & 78.7\% & 37.6\% & 22.6\% \\ \hline
\multicolumn{1}{c|}{DukeMTMC-reID} & 48.2 \% & 21.6\% & 83.4\% & 66.6\% \\ \hline
\end{tabular}}
\label{tab:performance_degradation}
\end{table}
The weak generalization capacity and poor scalability in most single-dataset-trained models severely hinder the real-world deployment of Person Re-ID systems. Different datasets are often collected in very different environments (e.g., indoors/outdoors, summer/winter, daytime/nighttime). If we consider each dataset (camera system) as a domain, there are often large domain gaps between datasets. Hence, recent researches focus on unsupervised cross-dataset \textit{domain adaptation} (DA) for Person Re-ID \cite{SPGAN,TJ-AIDL,MMFA,HHL} to obviate the need for annotating the images from new camera systems. These cross-dataset DA methods aim to adapt a model trained on an annotated source dataset to an unlabeled target dataset by image translation, feature alignment, or multi-task learning. By transferring the domain-specific knowledge, the cross-dataset domain adaptation methods do not require labeled (i.e., annotated) data of the target domain. However, for the DA approaches to be effective, the following two issues are yet to be resolved.
\begin{enumerate}
\item \textit{Generalization Issue}: Cross-dataset domain adaptation methods require a large amount of unlabeled data from the target network prior to model adaptation training. However, it may not be known in advance where the model would be deployed. The unlabeled data collection also takes time even if the target site is known, especially when images/videos of all four seasons are required. The additional data collection process will delay the system deployment.
\item \textit{Scalability Issue}: Cross-dataset domain adaptation methods require the training and fine-tuning of a bespoke model for every new camera network. The training or fine-tuning for a new model may take from hours to days, depending on the system scale. Besides, the scales and configurations of CCTV systems may not always be constant. More new cameras may be added to the system to meet the ever-changing demands. Such changes require the model to be re-trained in order to accommodate the new cameras.
\end{enumerate}
In this paper, we address the generalization and scalability issues of Person Re-ID from a different perspective. Since no single dataset can cover all possible backgrounds and imaging conditions, we decide to learn a universal feature representation from multiple datasets. In recent years, many large-scale Person Re-ID datasets such as CUHK02 \cite{CUHK02}, CUHK03 \cite{CUHK03}, Market-1501 \cite{Market-1501}, DukeMTMC-reID \cite{DukeMTMC-reID}, MSMT17 \cite{MSMT17}, RAP \cite{RAP}, and CUHK-SYSU \cite{CUHK-SYSU} have been collected. They cover a wide variety of visual scenes with various camera settings. Each dataset can be considered as a different surveillance system representing a different domain. Therefore, we reformulate Person Re-ID as a \textit{domain generalization} (DG) problem, in which we train a model from multiple existing datasets without any prior knowledge of the target system (i.e., no domain adaptation). We aim to develop a domain generalization model that can leverage the labeled images from multiple datasets to learn a domain-invariant feature representation. Domain generalization applied to the feature learning on these datasets helps learn a representation that can be relatively well generalized to any unseen surveillance system. This setting simulates the real-world scenario, in which a strong feature learner only needs to be trained on multiple datasets once and can be deployed to new camera networks without further data collection or adaptation training.
However, due to its challenging nature, few methods have attempted the domain generalization setting \cite{DGD,DIMN,DualNorm}. The recent DIMN \cite{DIMN} sets a standard training and evaluation procedure for the multi-dataset domain generalization for Person Re-ID. The DIMM method is based on a complicated meta-learning procedure. However, the dynamic model synthesis during the testing process makes the DIMN model relatively slow and cumbersome. The DualNorm method \cite{DualNorm} uses a domain style normalization by performing instance normalization (IN) in the early layers of the feature extractor networks such as MobileNet and ResNet. The DualNorm method is efficient and can be integrated into most of the existing Person Re-ID methods. However, it does not fully utilize the domain label for training.
In this paper, we proposed a novel framework for domain generalization, which aims to learn a universal representation via domain-based adversarial learning while aligning the distribution of mid-level features between them. Our proposed framework can be considered as an extension of our \textbf{M}ulti-task \textbf{M}id-level \textbf{F}eature \textbf{A}lignment (MMFA) network \cite{MMFA} in a multiple domain learning setting. We called it MMFA with \textbf{A}dversarial \textbf{A}uto-\textbf{E}ncoder (MMFA-AAE). Our MMFA-AAE can simultaneously minimize the losses of data reconstruction, identity, and triplet loss. It alleviates the domain difference via adversarial training and also matches the distribution of mid-level features across multiple datasets. Our contributions can be summarized as follows.
\begin{enumerate}
\item We propose an effective feature generalization mechanism utilizing domain-based adversarial learning. We introduce an additional feature distribution alignment (i.e., Maximum Mean Discrepancy \cite{MMD}) to regularize the feature learning process. By integrating the adversarial auto-encoder \cite{AAE} and Maximum Mean Discrepancy (MMD) alignment, our MMFA-AAE architecture is capable of extracting domain-invariant features from multiple source datasets and generalize the features to unseen target domains (datasets).
\item The proposed MMFA-AAE method not only demonstrates the state-of-the-art performance on the multi-dataset domain generalization setting but also surpasses many domain adaptation Person Re-ID methods.
\item Unlike the DIMN \cite{DIMN} and DualNorm methods \cite{DualNorm}, our MMFA-AAE reduces the dimension of the feature vectors to only 512 without affecting the overall performance. It can significantly shorten the subject retrieval time and reduce the storage requirement for saving the processed features.
\item Our domain-based adversarial learning sub-network can be easily integrated into most existing Person Re-ID methods. It can help to boost the generalization capacity of the existing Person Re-ID models.
\end{enumerate}
\section{Related Work}
\subsection{Single-dataset Person Re-ID}
In recent years, Person Re-ID methods are often based on deep convolutional neural networks. Early deep learning based approaches are developed based the Siamese architecture \cite{CUHK03,Huang2019Multi-PseudoRe-Identification,Wu2018What-and-whereRe-identification, Lin2017End-to-EndRe-Identification} to learn the the corresponding regions matching between two input images. The recent methods \cite{Ensemble,MGN,StrongBaseline} are usually consisted of both softmax classification loss and triplet verification loss. The latest approaches, such as DCC \cite{Wu2020DeepRe-Identification} and DuATM \cite{Si2018DualRe-identification}, utilize the attention mechanism to further boost the Person Re-ID performance. Most of these methods are trained and tested on a single dataset to evaluate their performance. However, different datasets are collected from different cameras under different imaging conditions. It has been noted that these supervised single-dataset methods often over-fit to the training dataset and generalize poorly when tested on other unseen datasets. Collecting a labeled dataset for a new camera system is an expensive and time-consuming task. Hence, many recent methods are focusing on cross-dataset domain adaptation (DA) learning \cite{DTR,AdaRSVM,UMDL,SPGAN,TJ-AIDL,MMFA,HHL}.
\subsection{Cross-dataset Domain Adaption Person Re-ID}
DA approaches assume that there exists a massive amount of unlabeled data obtained from the target camera system (also known as the \textit{target domain}). These approaches utilize the information extracted from the unlabeled target domain data to help the models trained on the source domain to adapt to the target domain. Early proposed cross-dataset DA approaches rely on weak label information in the target dataset \cite{DTR,AdaRSVM}. Therefore, these methods can only be considered as semi-supervised or weakly-supervised learning. Recent cross-dataset works, such as UMDL \cite{UMDL}, SPGAN \cite{SPGAN}, TJ-AIDL \cite{TJ-AIDL}, MMFA \cite{MMFA}, do not require any labeled information from the target dataset and can be considered as fully unsupervised cross-dataset domain adaptation learning. The UMDL method tries to transfer the view-invariant feature representation via multi-task dictionary learning on both the source dataset and the target dataset. The SPGAN approach uses the generative adversarial network (GAN) to generate a new training dataset by transferring the image style from the target dataset to the source dataset while preserving the source identity information. Hence, the supervised training on the transferred dataset can automatically adapt to the target domain. The TJ-AIDL approach individually trains two models: an identity classification model and an attribute recognition model. Domain adaptation in TJ-AIDL is achieved by minimizing the distance between the inferred attributes from the identity classification model and the predicted attributes from the attribute recognition model. Similar to TJ-AIDL, the MMFA network is jointly optimized through people identity classification and attribute learning with cross-dataset mid-level feature alignment regularization. In this way, the learned feature representation can be better generalized from one dataset to another. In \cite{HHL}, the Hetero-Homogeneous Learning (HHL) method improves the capability of generalization to target datasets by achieving camera invariance and domain connectedness simultaneously. The BUC \cite{BUC} and the PurifyNet \cite{PurifyNet}, on the other hand, try to estimate labels for the target domain dataset. Compared to previous unsupervised single dataset approaches, recent unsupervised cross-dataset domain adaptation methods yield much better performance. Although DA approaches do not require labeled data from the target domain, they do require a large amount of unlabeled data from the target domain to facilitate the adaptation. They require additional time for data collection and model adaptation, which will delay the system deployment. Compared to DA methods, domain generalization (DG) approaches are relatively more practical in real-world applications.
\subsection{Multi-dataset Domain Generalization Person Re-ID}
Multi-dataset domain generalization (DG) methods aim to learn a universal domain-invariant feature representation that is robust to various domain-shift across different datasets (camera systems). As a result, a domain generalization model can be incorporated into a new surveillance system without fine-tuning and adaptation. In the Person Re-ID research community, only a few works focus on multi-domain generalization \cite{DGD,DIMN,DualNorm}. The Domain Guided Dropout (DGD) method \cite{DGD} is the first multi-dataset domain generalization work. By removing the domain-specific neurons, the DGD method achieves multi-domain generalization by only utilizing the neurons that are effective across all domains. The DGD method is only trained on several small Person Re-ID datasets such as CUHK01 \cite{CUHK01} and CUHK03 \cite{CUHK03}. It only performs the evaluation on the same dataset without considering the cross-dataset situation. DIMN \cite{DIMN} proposed recently is trained on 5 large datasets (CUHK02 \cite{CUHK02}, CUHK03 \cite{CUHK03}, Market-1501 \cite{Market-1501}, DukeMTMC-reID \cite{DukeMTMC-reID}, and CUHK-SYSU \cite{CUHK-SYSU}) and tested on 4 small benchmarks (VIPeR \cite{VIPeR}, PRID \cite{PRID}, GRID \cite{GRID},and i-LIDS \cite{i-LIDS}). The DIMN method \cite{DIMN} follows the meta-learning approach \cite{PPA}. Different from the common way of using feature distances for matching scores, DIMN generates classifier weights from gallery images and then takes the inner product of the classifier weights and probe image features to calculate matching scores. This meta-learning pipeline makes the model domain-invariant, but the complicated meta-learning procedure makes optimization difficult. In addition, classifier weight generation during testing slows down the speed of model inference. Considering these drawbacks, a simpler approach, DualNorm \cite{DualNorm}, that utilizes normalization was proposed. Unlike DIMN, the DualNorm method focuses on learning domain-invariant features. It regards the style and content variations as the cause of domain bias and suppresses them by inserting instance normalization (IN) \cite{IN} in the early layers and a batch normalization (BN) \cite{BN} to a feature extraction layer. Both DIMN and DualNorm only use the person identity labels during the model training. They do not fully utilize domain labels (dataset labels). In our proposed MMFA-AAE method, we use the MMD-based \cite{MMD} adversarial domain learning to suppress the domain-specific information.
\section{The Proposed Methodology}
\noindent\textbf{Domain Aggregation Baseline}\\
To evaluate the effectiveness of the proposed MMFA-AAE model, we first build a Person Re-ID model to serve as the baseline reference. This baseline model uses MobileNetV2 \cite{MobilenetV2} and ResNet50 \cite{ResNet} as the backbone. We keep the default structure of the backbone and only change the dimension of the last classification layer (fully connected layer) to the total number of identities. Similar to \cite{DIMN,DualNorm}, the baseline model is trained on labeled images aggregated from multiple source domains. Let $\mathbf{X} = \left [ \mathbf{x}_{1},...,\mathbf{x}_{n} \right ]$ be the extracted feature vectors (feature embeddings) from the backbone network with batch size $n$ and $\mathbf{Y} = \left [ \mathbf{y}_{1},...,\mathbf{y}_{n} \right ]$ the corresponding person identity label set of $\mathbf{X}$. The mini-batch contains samples randomly selected from all source domains. The baseline model is pre-trained on ImageNet \cite{ImageNet} and jointly optimized with the cross-entropy loss $\mathcal{L}_{id}$ for identity classification and the triplet loss $\mathcal{L}_{tri}$ for people verification. $p_{id}(\mathbf{x}_{i},\mathbf{y}_{i})$ denotes the predicted probability that feature vector $\mathbf{x}_{i}$ belongs to person identity $\mathbf{y}_{i}$. The identity loss $\mathcal{L}_{id}$ can be expressed as
\begin{align}
\mathcal{L}_{id} = \frac{1}{n}\sum^{n}_{i=1}log(p_{id}(\mathbf{x}_{i},\mathbf{y}_{i})).
\end{align}
In every mini-batch, the images can be divided into three groups, anchor images, positive pairs to the anchor and negative pairs to the anchor. The feature embeddings $\mathbf{X}_{a}$ of the images of a person are used as the \textit{anchor} of the triplet. $\mathbf{X}_{p}$ denotes the different feature embeddings of the same person of the anchor image (positive pairs to the anchor image). $\mathbf{X}_n$ denotes the feature embeddings of different people (negative pairs to the anchor image). The training process encourages the model to make the $l_2$ distance between the positive pair $d_{ap}=d(\mathbf{X}_a,\mathbf{X}_p)$ smaller than the negative pair $d_{an}=d(\mathbf{X}_a,\mathbf{X}_n)$ by a margin $\alpha_1$. The triplet loss function $\mathcal{L}_{tri}$ of one triplet can be defined as
\begin{equation}
\begin{aligned}
\mathcal{L}_{tri}&=\max \left\{0,d_{ap}-d_{an}+\alpha_1\right\}\\
&=\max \left\{0,d(\mathbf{X}_a,\mathbf{X}_p)-d(\mathbf{X}_a,\mathbf{X}_n)+\alpha_1\right\}.
\end{aligned}
\end{equation}
Our baseline model follows the same settings of most triplet-based models with the distance margin $\alpha$ set to 0.3. The overall loss for the baseline $\mathcal{L}_{baseline}$ will be the summation of the cross-entropy loss and the triplet loss:
\begin{align}
\mathcal{L}_{baseline} = \mathcal{L}_{id} + \mathcal{L}_{tri}
\end{align}
We use the Euclidean distance of the extracted feature vectors from the baseline network to perform person retrieval evaluation. The performance of the baseline model (ResNet50) on a single dataset setting is shown in Table \ref{tab:performance_degradation}. \\
\noindent\textbf{MMFA-AAE Network}\\
Most domain generalization methods assume that there exists a common feature space that is able to span both seen source domains and unseen target domains. If a model can extract features from this common feature space, it is able to generalize well to other unseen domains. In order to find this feature space, we extend our previous work \textbf{M}ulti-task \textbf{M}id-level \textbf{F}eature \textbf{A}lignment network (MMFA) with an additional \textbf{A}dversarial \textbf{A}uto-\textbf{E}ncoder (AAE) \cite{AAE} to the multi-domain setting. We call it \textbf{MMFA} with \textbf{A}dversarial \textbf{A}uto-\textbf{E}ncoder (MMFA-AAE). The proposed method aims to learn a model from multiple labeled datasets and removes the domain-specific information via domain-based adversarial learning. The proposed network also minimizes the mid-level feature distribution variance based on the MMD distance \cite{MMD}. In this section, we describe how the proposed MMFA-AAE network is designed for domain generalization.
\subsection{Architecture}
\begin{figure*}[ht]
\centering
\includegraphics[width=1\textwidth]{images/MMFA-AAE.png}
\caption{An overview of MMFA-AAE framework for Person Re-ID multi-domain generalization. Best view in color.}
\label{fig_c6:architecture}
\end{figure*}
The architecture of the proposed MMFA-AAE network is shown in Figure \ref{fig_c6:architecture}. In this model, we add several components to the baseline proposed at the beginning of this section. The images from multiple domains will be the inputs for the same backbone networks (MobileNetV2 \cite{MobilenetV2} or ResNet50 \cite{ResNet}) with shared weights. The feature vectors extracted from the backbone network will then be passed on to an adversarial auto-encoder \cite{AAE}. The auto-encoder \cite{AE} aims to map the feature vectors $\mathbf{X}$ from different datasets to a common latent space (hidden codes $\mathbf{H}$). The hidden codes from the auto-encoder serve as new compressed feature vectors, which are used for supervised feature training and domain discrimination. The domain discriminator determines the dataset from which the feature vector is drawn. By using the strong domain discriminator to train the feature extractor in an adversarial manner, the MMFA-AAE network aims to produce a domain-invariant latent space among multiple domains (multiple datasets). In order to further generalize the feature representation across multiple domains, we follow our previous MMFA method \cite{MMFA}, which uses Maximum Mean Discrepancy (MMD) \cite{MMD} regularization to align the distribution of the extracted deep features between different domains. In the following section, we will describe how the proposed MMFA-AAE network generalizes the feature representation from multiple domains.
\subsection{Instant Normalization}
From recent studies on the generative adversarial network (GAN), especially in the style transformation area \cite{BIN,IBN-Net}, it is observed that some image style information can be encoded in the mean and variance of the convolutional feature maps inside the network \cite{BIN}. Hence, the instance normalization (IN) \cite{IN}, which performs the normalization on a single image across all channels, can potentially eliminate the appearance divergence caused by style variation \cite{IBN-Net}. Therefore, the IBN-Net was proposed to enhance the generalization capability of the network for various computer vision tasks \cite{IBN-Net}. The DualNorm method \cite{DualNorm} applied this technique to the Person Re-ID problem and boosted the identification performance in the multi-dataset domain generalization setting. Hence, our MMFA-AAE network adopts the same setting as in \cite{DualNorm} and applies the IN in the first 6 blocks in MobileNetV2 and the first 4 blocks in ResNet50.
\subsection{MMD-Regularized Adversarial Auto-Encoder}
\subsubsection{Reconstruction Loss}
In the domain adversarial auto-encoder of our MMFA-AAE network, we use an encoder $Q(\mathbf{X})$ to map the feature embeddings $\mathbf{X}$ to the hidden codes $\mathbf{H}$ (i.e., $\mathbf{H}=Q\left(\mathbf{X}\right)$ ) and a decoder $P(\mathbf{H})$ to reconstruct the feature embeddings $\mathbf{X}$ from the hidden codes $\mathbf{H}$. The encoder-decoder pair is shared across all the domains. The reconstructed feature embedding is denoted as $P\left(Q\left(\mathbf{X}\right)\right)$ and the reconstruction loss of the auto-encoder is defined as
\begin{equation} \label{eqt:rec}
\mathcal{L}_{\mathrm{rec}}=\|\mathbf{X}-P(Q(\mathbf{X}))\|_{2}^{2}
\end{equation}
\subsubsection{Identity Loss}
In our MMFA-AAE network, $\mathbf{H} = \left [ \mathbf{h}_{1},...,\mathbf{h}_{n} \right ]$ is a set of corresponding hidden codes of $\mathbf{X}$. , serves as new compressed feature vectors for supervised feature training. Hence, the identity loss $\mathcal{L}_{id}$ for the network (cf. Eq. 1) can be expressed as:
\begin{equation} \label{eqt:id}
\begin{aligned}
\mathcal{L}_{id} &= \frac{1}{n}\sum^{n}_{i=1}log(p_{id}(\mathbf{h}_{i},\mathbf{y}_{i}))\\
&= \frac{1}{n}\sum^{n}_{i=1}log(p_{id}(Q(\mathbf{x}_{i}),\mathbf{y}_{i})).
\end{aligned}
\end{equation}
\subsubsection{Triplet Loss}
Let $\mathbf{H}_{a}$, $\mathbf{H}_{p}$, and $\mathbf{H}_{n}$ denote the hidden codes of $\mathbf{X}_{a}$, $\mathbf{X}_{p}$, and $\mathbf{X}_{n}$, respectively. The triplet verification loss $\mathcal{L}_{tri}$ for our MMFA-AAE network (cf. Eq. 2) can be expressed as
\begin{equation}\label{eqt:tri}
\begin{aligned}
\mathcal{L}_{tri}&=\max \left\{0,d(\mathbf{H}_a,\mathbf{H}_p)-d(\mathbf{H}_a,\mathbf{H}_n)+\alpha_1\right\}\\
&=\max \left\{0,d(Q(\mathbf{X}_a),Q(\mathbf{X}_p))-d(Q(\mathbf{X}_a),Q(\mathbf{X}_n))+\alpha_1\right\}
\end{aligned}
\end{equation}
\subsubsection{Adversarial Loss}
The hidden codes can create a common latent feature space for multiple domains. Although the IN helps remove the domain style information, the extracted feature vectors may still contain other kinds of domain-specific information. Hence, there is a risk that certain hidden codes could be over-fitted to the training datasets. Therefore, we impose a domain discriminator $D$ to determine the dataset from which the feature vector is to be drawn. Suppose we have $K$ different datasets in total (i.e., $K$ domains). Let $\mathbf{Z} = \left [ \mathbf{z}_{1},...,\mathbf{z}_{n}\right ], \mathbf{z}_{i}\in\{1,2,...,K\}$ denote the corresponding domain labels of $\mathbf{X}$. Thus, the domain discriminator $D$ can be optimized by minimizing the domain classification loss defined as
\begin{equation} \label{eqt:D_loss}
\mathcal{L}_{\mathrm{D}}(D,Q)=\sum_{i=l}^{n}log(D(Q(\mathbf{x}_i),\mathbf{z}_i))
\end{equation}
\noindent where $D(\cdot)$ denotes the predicted probability that the hidden code $Q(\mathbf{x}_i)$ belongs to domain $\mathbf{z}_i$. After the training, the domain discriminator can capture the hidden domain-specific information, which is useful for determining the source domain of the feature vector. We can then eliminate the domain information from the network via adversarial learning using the domain discriminator. The overall adversarial learning process is a mini-max optimization problem:
\begin{equation}
arg \min _{Q} \max _{D} \mathcal{L}_{\mathrm{D}}(D,Q)
\end{equation}
$Q$ can be minimized using Eq. \ref{eqt:id} and Eq. \ref{eqt:tri}. The network can learn the feature vector by mapping it to the corresponding person identity via the identity loss $\mathcal{L}_{id}$ and the triplet verification loss $\mathcal{L}_{tri}$. $D$, on the other hand, needs to be maximized in order to suppress the domain-related information. To simplify the training process, we convert the mini-max optimization problem to a full minimization process by negating the domain classification loss $\mathcal{L}_{\mathrm{D}}$. The domain adversarial loss $\mathcal{L}_{\mathrm{adv}}$ is defined as
\begin{equation}
\mathcal{L}_{\mathrm{adv}}=-\mathcal{L}_{\mathrm{D}}(D,Q).
\end{equation}
Minimizing the domain adversarial loss $\mathcal{L}_{\mathrm{adv}}$ is equivalent to maximizing the domain classification loss $\mathcal{L}_{\mathrm{D}}$. By minimizing the domain adversarial loss $\mathcal{L}_{\mathrm{adv}}$ in the feature training process, it can guide the feature extractor to produce features that are difficult for the domain discriminator to predict the corresponding domain labels. This mechanism encourages the network to focus less on the domain-specific visual information, but more on the domain-invariant features.
\subsubsection{MMD-based Regularization}
To further enhance the domain invariance of the hidden codes, we adopt our previous MMFA architecture and incorporate the Maximum Mean Discrepancy (MMD) \cite{MMD} regularization to align the distributions among different training datasets. Let $\mathbf{H}_l = [\mathbf{h}_{l,1},\mathbf{h}_{l,2},...,\mathbf{h}_{l_{n_l}}]$ and $\mathbf{H}_t= [\mathbf{h}_{t,1},\mathbf{h}_{t,2},...,\mathbf{h}_{t,{n_t}}]$ with batch sizes $n_l$ and $n_t$ be the hidden codes extracted from the encoder of two domains, $l$ and $t$. Also let $\phi(\cdot)$ denote a mapping operation that projects the distributions onto a reproducing kernel Hilbert space (RKHS) $\mathcal{H}$ \cite{Gretton2008AProblem}. The MMD distance between domains $l$ and $t$ can be measured according to the following equation:
\begin{equation}\label{eqt:mmd}
MMD(\mathbf{H}_l,\mathbf{H}_t)^2= \left \| \frac{1}{n_l}\sum^{n_l}_{i=1}\phi(\mathbf{h}_{l,i}) - \frac{1}{n_t}\sum^{n_t}_{j=1}\phi(\mathbf{h}_{t,j}) \right \|_{\mathcal{H}}^2
\end{equation}
\noindent The arbitrary distribution of the hidden codes of different domains can be represented by using the kernel embedding technique \cite{Smola2007ADistributions,Hu2016DeepLearning}. If the kernel $k(\cdot,\cdot)$ is characteristic, the mapping to the RKHS $\mathcal{H}$ is injective \cite{Sriperumbudur2009KernelDistributions}. The injectivity indicates that the arbitrary distribution is uniquely represented by an element in RKHS. Therefore, we have a kernel function $k(\mathbf{h}_{l,i},\mathbf{h}_{t,j})=\phi(\mathbf{h}_{l,i})\phi(\mathbf{h}_{t,j})^\intercal$ induced by $\phi(\cdot)$. The MMD distance formulated in Eq. \ref{eqt:mmd} can therefore be expressed as
\begin{equation}
\begin{aligned}
MMD(\mathbf{H}_l,\mathbf{H}_t)^2=&\frac{1}{({n_l})^2}\sum^{n_l}_{i=1}\sum^{n_l}_{i'=1}k(\mathbf{h}_{l,i},\mathbf{h}_{l,{i'}})\\
&+\frac{1}{({n_t})^2}\sum^{n_t}_{j=1}\sum^{n_t}_{j'=1}k(\mathbf{h}_{t,j},\mathbf{h}_{t,{j'}})\\
&-\frac{2}{n_l\cdot n_t}\sum^{n_l}_{i=1}\sum^{n_t}_{j=1}k(\mathbf{h}_{l,i},\mathbf{h}_{t,j})
\end{aligned}
\end{equation}
\noindent We follow the same setting as that of our previous domain adaptation MMFA model \cite{MMFA}, which uses the RBF characteristic kernel with bandwidth $\alpha_2 = 1;5;10$ to compute the MMD distance:
\begin{align}
k(\mathbf{h}_{l,i},\mathbf{h}_{t,j})=exp(-\frac{1}{2\alpha_2}\left \| \mathbf{h}_{l,i} - \mathbf{h}_{t,j} \right \|^2)
\end{align}
\noindent Since the MMFA-AAE network focuses on the feature generalization of multiple domains ($K$ domains), the overall MMD regularization term $\mathcal{L}_{MMD}$ on the hidden codes is expressed as
\begin{equation}
\mathcal{L}_{\mathrm{MMD}}\left(\mathbf{H}_{1}, \ldots, \mathbf{H}_{K}\right)=\frac{1}{K^{2}} \sum_{1 \leq i, j \leq K} \mathrm{MMD}\left(\mathbf{H}_{i}, \mathbf{H}_{j}\right)
\end{equation}
\subsection{Training Procedure}
The learning procedure of MMFA-AAE is similar to training an AAE network \cite{AAE}. Unlike AAE, which only aims to minimize the reconstruction loss, our MMFA-AAE aims to jointly minimize the losses of identification, verification (triplet), reconstruction as well as MMD regularization on hidden codes. In our MMFA-AAE, the MMD-based adversarial auto-encoder with the early layer instance normalization enhances the feature generalization among different dataset domains. However, in order to learn a robust feature representation, the network also needs to incorporate the person identity loss and triplet loss. Our MMFA-AAE network uses the same network structure as our domain aggregation baseline proposed at the beginning of Section III. We use the same equations to compute the identity loss $\mathcal{L}_{\mathrm{id}}$ and the triplet loss $\mathcal{L}_{\mathrm{tri}}$ as formulated in Eq. \ref{eqt:id} and Eq. \ref{eqt:tri}, respectively. Unlike our baseline method, the MMFA-AAE model makes use of three additional loss functions. The reconstruction loss $\mathcal{L}_{\mathrm{rec}}$ is used to preserve the content information of the feature vectors while performing latent space projection during the dimension reduction. The MMD regularization loss $\mathcal{L}_{\mathrm{MMD}}$ helps align the distribution between different domains. The adversarial loss $\mathcal{L}_{\mathrm{adv}}$ is computed according to Eq. 9. By maximizing the domain classification loss $\mathcal{L}_{\mathrm{D}}$ as defined in Eq. 7 (i.e., minimizing $\mathcal{L}_{\mathrm{adv}}$ as defined in Eq. 9), the network is guided to suppress the domain-specific information encoded in the extracted feature vectors. Similar to training other adversarial learning models, the training procedures for the MMFA-AAE model can be divided into two phases:
\begin{enumerate}
\item Freezing the feature extractor while using the feature vectors extracted from the network to train and update the domain discriminator $D$ by minimizing $\mathcal{L}_{\mathrm{D}}$. The domain discriminator $D$ aims to predict the dataset from which a feature map is extracted. The domain classification loss can be computed with Eq. \ref{eqt:D_loss}. We repeat the same process five times in a single iteration to minimize the domain classification loss for a relatively accurate domain prediction.
\item Freezing the domain discriminator $D$ while training the feature extractor using the identity loss $\mathcal{L}_{\mathrm{id}}$ and triplet loss $\mathcal{L}_{\mathrm{tri}}$ to predict the identity labels and minimize the triplet distance, respectively. Meanwhile, the reconstruction loss $\mathcal{L}_{\mathrm{rec}}$, the MMD domain distance loss $\mathcal{L}_{\mathrm{MMD}}$ and adversarial loss $\mathcal{L}_{\mathrm{adv}}$ help to remove the domain-specific information. The feature extractor training loss $\mathcal{L}$ can thus be formulated as a weighted sum of all these losses:
\begin{equation} \label{eqt:final}
\mathcal{L} = \mathcal{L}_{\mathrm{id}}+\lambda_{1}\mathcal{L}_{\mathrm{tri}}+\lambda_{2} \mathcal{L}_{\mathrm{rec}}+\lambda_{3} \mathcal{L}_{\mathrm{MMD}}+\lambda_{4} \mathcal{L}_{\mathrm{adv}}
\end{equation}
\end{enumerate}
\noindent Let $E^{*}$, $Q^{*}$, $P^{*}$ and $D^{*}$ denotes the parameters for feature extractor, encoder, decoder and domain discriminator, respectively. The overall algorithm of MMFA-AAE is illustrated in Algorithm \ref{alg_c6:MMFA-AAE}.
\begin{algorithm}[h]
\caption{MMFA-AAE Network Training}
\label{alg_c6:MMFA-AAE}
\renewcommand{\algorithmicrequire}{\textbf{Input:}}
\renewcommand{\algorithmicensure}{\textbf{Output:}}
\begin{algorithmic}[1]
\REQUIRE Multiple Dataset Domains $\mathbf{z}_1,\mathbf{z}_2,\dots,\mathbf{z}_K$
\ENSURE Learned parameters $E^{*}$, $Q^{*}$, $P^{*}$ and $D^{*}$.
\FOR{$t=1$ to max iteration}
\STATE Sample a mini-batch of images with the corresponding person identity labels $\mathbf{Y}$ and dataset labels (domain labels) $\mathbf{Z}$
\FOR{$i=1$ to 5}
\STATE Freezing $E^{*}$, $Q^{*}$, $P^{*}$ parameters and sample hidden codes $\mathbf{H}$ from the feature extractor and the encoder.
\STATE Compute the gradient of Eq. \ref{eqt:D_loss} with respect to $D$ on hidden codes $\mathbf{H}$ and the corresponding domain labels $\mathbf{Z}$.
\STATE Use the gradient to update $D^{*}$ by minimizing the objective of Eq. \ref{eqt:D_loss}.
\ENDFOR
\STATE Freezing $D^{*}$ parameters and sample hidden codes $\mathbf{H}$ from the feature extractor and the encoder.
\STATE Compute the gradient of Eq. \ref{eqt:final} with respect to $E^{*}$, $Q^{*}$, $P^{*}$ on $\mathbf{H}$ and the corresponding person identity labels $\mathbf{Y}$.
\STATE Use the gradient to update $E^{*}$, $Q^{*}$, $P^{*}$ by minimizing the objective of Eq. \ref{eqt:final}.
\ENDFOR
\end{algorithmic}
\end{algorithm}
\section{Experiments}
\subsection{Datasets and Settings}
To evaluate our method, we follow the experiment settings in the DIMN method \cite{DIMN}, which were also adopted by DualNorm \cite{DualNorm}. In these settings, multiple large-scale benchmark datasets are combined to train a model. Small-scale datasets are individually used to evaluate the domain generalization ability of the model. In the experiments, the CUHK02 \cite{CUHK02}, CUHK03 \cite{CUHK03}, Market-1501 \cite{Market-1501}, DukeMTMC-reID \cite{DukeMTMC-reID} and CUHK-SYSU \cite{CUHK-SYSU} datasets are selected for training. All these datasets have more than one thousand identities and thousands of images. We use all the images in this combined dataset to train our model, regardless of their original training/testing splits. All Person Re-ID models involved in the comparisons are trained with $121,765$ images from $18,530$ identities. The statistics of the training dataset are shown in Table \ref{tab:training_dataset}. We test the models on the VIPeR \cite{VIPeR}, PRID \cite{PRID}, GRID \cite{GRID} and i-LIDS \cite{i-LIDS} datasets. However, these datasets are relatively small and have no more than one thousand identities. To evaluate the models in a more realistic manner, we also include the currently largest dataset, MSMT17 \cite{MSMT17}, in the experiments. The overall statistics of the testing datasets are shown in Table \ref{tab:testing_dataset}. The evaluation of the performance of our domain generalization method follows the same settings as in \cite{DIMN,DualNorm}.
\begin{table}[h]
\centering
\caption{The statistics of the training datasets}
\resizebox{0.48\textwidth}{!}{%
\begin{tabular}{l|c|c}
\hline
Dataset & Total IDs & Total Images \\ \hline
CUHK02 \cite{CUHK02} & 1,816 & 7.264 \\
CUHK03 \cite{CUHK03} & 1,467 & 14,097 \\
Market-1501 \cite{Market-1501} & 1,501 & 29,419 \\
DukeMTMC-reID \cite{DukeMTMC-reID} & 1,812 & 36,411 \\
CUHK-SYSU \cite{CUHK-SYSU} & 11,934 & 34,574 \\ \hline
Total & 18,530 & 121,765 \\ \hline
\end{tabular}}
\label{tab:training_dataset}
\end{table}
\begin{table}[]
\centering
\caption{The statistics of testing datasets}
\resizebox{0.48\textwidth}{!}{%
\begin{tabular}{l|c|c|c|c}
\hline
\multirow{2}{*}{Dataset} & \multicolumn{2}{c|}{\#Test IDs} & \multicolumn{2}{c}{\# Test Images} \\ \cline{2-5}
& Probe & Gallery & Probe & Gallery \\ \hline
VIPeR \cite{VIPeR} & 316 & 316 & 316 & 316 \\
PRID \cite{PRID} & 100 & 649 & 100 & 649 \\
GRID \cite{GRID} & 125 & 900 & 125 & 1025 \\
i-LIDS \cite{i-LIDS} & 60 & 60 & 60 & 60 \\
MSMT17 \cite{MSMT17} & 3,060 & 3,060 & 9,716 & 82,161 \\ \hline
\end{tabular}}
\label{tab:testing_dataset}
\end{table}
\subsubsection{Evaluation Protocols}
We follow the evaluation protocols used in \cite{VIPeR} for VIPeR, \cite{PRID} for PRID, \cite{GRID} for GRID, and \cite{i-LIDS} for i-LIDS. Because we have to use the same testing in order to compare to other methods, we randomly select half of the VIPeR dataset for testing. For the PRID dataset, we follow the same single-shot experiments as in \cite{DNS}. Since the VIPeR and PRID datasets contain only two images per person, the mean average precision (mAP) metric cannot be used. On GRID, we follow the standard testing split recommended in \cite{GRID}. On i-LIDS, two images per identity are randomly selected as the probe image and the gallery image, respectively. For all the testing datasets mentioned above, the average results over 10 random selection of the testing sets are reported. The MSMT17 dataset has already been split into training, query, and gallery set. We follow the single-query retrieval setting for the MSMT17 dataset evaluation.
The cumulative matching characteristics (CMC) curve is used for our performance evaluation, as it is the most common metric used for evaluating Person Re-ID performance. This metric is adopted since Person Re-ID is intuitively posed as a ranking problem, where each image in the gallery is ranked based on its comparison to the probe. The probability that the correct match in the ranking equal to or less than a particular value is plotted against the size of the gallery set \cite{VIPeR}. To make the comparison concise, we simplify the CMC curve by only comparing Rank 1, Rank 5, and Rank 10 successful retrieval rates. The CMC curve evaluation is valid when only one ground truth matches each given query image. The MSMT17 dataset contains multiple ground-truth images for the same person. Therefore, we use the mean average precision (mAP) proposed in \cite{Market-1501} as an additional new evaluation metric. For each query image, the average precision (AP) is calculated as the area under its precision-recall curve. The mean value of the average precision (mAP) will reflect the overall recall of the person Re-ID algorithms.
\subsubsection{Implementation Details}
For the auto-encoder sub-network, we follow the same setting as that reported in \cite{Ghifary2015DomainAutoencoders}, which uses a single hidden layer with a size of 512 neurons. The value of the hidden layer is used as an input for both the adversarial and classification sub-networks. Both sub-networks are composed of two fully-connected (FC) layers. The size of one FC layer is set to the same size as the hidden layer and while the size of the other is made the same as the identity labels. The weights for the identity and triplet losses are made equal, \textit{i.e}, $\lambda_{1}=1$. Through various testings, it is observed that the parameters $\lambda_{2}=10,\lambda_{3}=0.2,\lambda_{4}=0.5$ yield the best performance. The Adam optimizer \cite{Kingma2015Adam:Optimization} is used for all experiments. The initial learning rate is set to 0.00035 with the warm-up training technique \cite{Goyal2017AccurateHour} and is decreased by 10\% at the 40th epoch and 70th epoch, respectively. Totally, there are 120 training epochs with a batch size of 64. We implement our model in PyTorch and train it on a single Titan X GPU. The extracted features are $l_2$ normalized before matching scores are calculated.
\begin{table*}[t]
\centering
\caption{Comparison against state-of-the-art methods. (R: Rank, S: Supervised training with a target dataset, DA: Domain Adaptation, DG: Domain Generalization, -: No report)}
\resizebox{1\textwidth}{!}{%
\begin{tabular}{c|l|ccc|ccc|ccc|ccc}
\hline
\multirow{2}{*}{Type} & \multirow{2}{*}{Method} & \multicolumn{3}{c|}{VIPeR} & \multicolumn{3}{c|}{PRID} & \multicolumn{3}{c|}{GRID} & \multicolumn{3}{c|}{i-LIDS} \\ \cline{3-14}
& & R 1 & R 5 & R 10 & R 1 & R 5 & R 10 & R 1 & R 5 & R 10 & R 1 & R 5 & R 10 \\ \hline
S & Ensemble \cite{Ensemble} & 45.9 & 77.5 & 88.9 & 17.9 & 40.0 & 50.0 & - & - & - & 50.3 & 72.0 & 82.5 \\
S & DNS \cite{DNS} & 42.3 & 71.5 & 82.9 & 29.8 & 52.9 & 66.0 & - & - & - & - & - & - \\
S & ImpTrpLoss \cite{ImpTripet} & 47.8 & 74.4 & 84.8 & 22.0 & - & 47.0 & - & - & - & 60.4 & 82.7 & 90.7 \\
S & GOG \cite{GOG} & 49.7 & 79.7 & 88.7 & - & - & - & 24.7 & 47.0 & 58.4 & - & - & - \\
S & MTDnet \cite{MTDnet} & 47.5 & 73.1 & 82.6 & 32.0 & 51.0 & 62.0 & - & - & - & 58.4 & 80.4 & 87.3 \\
S & OneShot \cite{OneShot} & 34.3 & - & - & 41.4 & - & - & - & - & - & 51.2 & - & - \\
S & SpindleNet \cite{SpindleNet} & 53.8 & 74.1 & 83.2 & 67.0 & 89.0 & 89.0 & - & - & - & 66.3 & 86.6 & 91.8 \\
S & SSM \cite{SSM} & 53.7 & - & 91.5 & - & - & - & 27.2 & - & 61.2 & - & - & - \\
S & JLML \cite{JLML} & 50.2 & 74.2 & 84.3 & - & - & - & 37.5 & 61.4 & 69.4 & - & - & - \\ \hline
DA & MMFA(Market-1501) \cite{MMFA} & 39.1 & - & - & 35.1 & - & - & - & - & - & - & - & - \\
DA & MMFA(DukeMTMC-reID) \cite{MMFA} & 36.3 & - & - & 34.5 & - & - & - & - & - & - & - & - \\
DA & TJ-AIDL(Market-1501) \cite{TJ-AIDL} & 38.5 & - & - & 26.8 & - & - & - & - & - & - & - & - \\
DA & TJ-AIDL(DukeMTMC-reID) \cite{TJ-AIDL} & 35.1 & - & - & 34.8 & - & - & - & - & - & - & - & - \\
DA & SyRI \cite{SyRI} & 43.0 & - & - & 43.0 & - & - & - & - & - & 56.5 & - & - \\ \hline
DG & AGG(DIMN) & 42.9 & 61.3 & 68.9 & 38.9 & 63.5 & 75.0 & 29.7 & 51.1 & 60.2 & 69.2 & 84.2 & 88.8 \\
DG & AGG(DualNorm) & 42.1 & - & - & 27.2 & - & - & 28.6 & - & - & 66.3 & - & - \\
DG & AGG(MMFA-AAE) & 48.1 & - & - & 27.7 & - & - & 32.6 & - & - & 67.3 & - & - \\
DG & DIMN \cite{DIMN} & 51.2 & 70.2 & 76.0 & 39.2 & 67.0 & 76.7 & 29.3 & 53.3 & 65.8 & 70.2 & 89.7 & 94.5 \\
DG & DualNorm \cite{DualNorm} & \underline{53.9} & - & - & \textbf{60.4} & - & - & \underline{41.4} & - & - & \underline{74.8} & - & - \\
DG & \textbf{MMFA-AAE} & \textbf{58.4} & - & - & \underline{57.2} & - & - & \textbf{47.4} & - & - & \textbf{84.8} & - & - \\ \hline
\end{tabular}}
\label{tab:result}
\end{table*}
\subsection{Comparison against state-of-the-art methods}
To demonstrate the superiority of our method, we compare it with various state-of-the-art methods under three different experimental conditions: fully supervised, unsupervised domain adaptation, and domain generalization. In Table \ref{tab:result}, the \textit{DG} methods are the multi-dataset domain generalization approaches. The AGG methods in the \textit{DG} category are the domain aggregation baselines trained without any domain generalization layer or sub-network. \textit{S} denotes a fully supervised method trained using images and labels from the corresponding target dataset. The \textit{DA} methods utilize unsupervised domain adaptation techniques. It is important to note that the \textit{DA} and \textit{S} methods are advantaged in the comparison in the sense that they have information about the target domain while our MMFA-AAE does not. We include them not as direct competitors, but to contextualize our results.
\subsubsection{Comparison with Domain Generalization Methods}
As discussed earlier, domain generalization (DG) is the most practical approach to the Person Re-ID problem. It assumes that a target dataset cannot be seen during training. Because of this challenge, domain generalization methods have to learn a domain-invariant feature representation from other datasets. However, there are only few prior studies \cite{DIMN,DualNorm} on domain generalization for the Person Re-ID task. To make a fair comparison with these methods, we use the same MobileNetV2 \cite{MobilenetV2} feature extractor backbone and follow the same evaluation protocol and experiment settings as those adopted in \cite{DIMN} and \cite{DualNorm}. The lower part of Table \ref{tab:result} shows the benchmark results of the methods. Our AGG baseline is slightly higher because of the additional triplet loss used during the supervised training. The MMFA-AAE network attains a 10\% to 30\% increase in terms of Rank 1 retrieval accuracy for all four datasets. Our MMFA-AAE method outperforms the DIMN and DualNorm on VIPeR, GRID and i-LIDS by a large margin. MMFA-AAE only falls behind DualNorm by 3\% in Rank 1 accuracy when tested on the PRID dataset but still performs nearly 20\% higher than the DIMN method.
\begin{table}[h]
\centering
\caption{Comparison between DualNorm and MMFA-AAE with ResNet50 backbone on the MSMT17 dataset}
\resizebox{0.48\textwidth}{!}{%
\begin{tabular}{l|c|c|c|c}
\hline
\multicolumn{1}{c|}{\multirow{2}{*}{Model}} & \multicolumn{4}{c}{MSMT17} \\ \cline{2-5}
\multicolumn{1}{c|}{} & Rank 1 & Rank 5 & Rank 10 & mAP \\ \hline
AGG(MMFA-AAE) & 14.8 & 27.8 & 37.6 & 5.9 \\
DualNorm & 42.6 & 55.9 & 61.8 & 19.6 \\
\textbf{MMFA-AAE} & \textbf{46.0} & \textbf{59.5} & \textbf{64.2} & \textbf{20.7} \\ \hline
\end{tabular}}
\label{tab:result_MSMT17}
\end{table}
To further demonstrate the proposed MMFA-AAE's superiority to other methods, we also conduct the experiments on the largest Person Re-ID benchmark: MSMT17. Table \ref{tab:result_MSMT17} provides a performance comparison of our domain aggregation baseline, the DualNorm method and our MMFA-AAE network. All three methods use the same ResNet50 backbone to allow a fair comparison. The domain aggregation baseline without any domain generalization capability can only achieve 14.8\% Rank 1 accuracy and 5.9\% mAP score. Both DualNorm and our MMFA-AAE outperform the baseline method by a large margin in both Rank 1 and mAP scores. Our MMFA-AAE consistently surpasses the DualNorm by 3 to 4\% in terms of Rank 1, Rank 5, and Rank 10 accuracy. Overall, our MMFA-AAE yields a much better performance most of the time without any additional data collection and domain adaptation process.
\subsubsection{Comparison with Domain Adaptation Methods}
We also compare our MMFA-AAE with other unsupervised domain adaptation methods. Multi-dataset domain generalization approaches focus on learning the universal feature representation from multiple datasets and assume the model can learn well-generalized features for any unseen camera network. Domain adaptation (DA) approaches focus on analyzing the characteristics between the images from labeled datasets and unlabeled images obtained from the new camera systems. Note, as discussed earlier, the DA methods' requirement for the unlabeled images from the new camera systems makes them impractical. Although the training and experimentation setting is different for DA and DG models, our MMFA-AAE model without using any target domain image surpasses the latest unsupervised domain adaptation approaches such as TJ-AIDL \cite{TJ-AIDL}, MMFA \cite{MMFA}, and SyRI \cite{SyRI}. The performance of the DA methods is shown in the middle section of Table \ref{tab:result}. MMFA-AAE outperforms all of these DA methods on all the benchmark datasets without using any image from the target dataset and does not use additional adaptation. This means that our method can effectively use the domain-invariant feature learned from multiple large-scale datasets.
\subsubsection{Comparison with Supervised Methods}
Although many fully supervised methods are reported to have high performance on large-scale datasets such as Market-1501 and DukeMTMC-reID, their performance is still low when trained on small-scale datasets. Many methods have been proposed to address this issue \cite{Ensemble,DNS,ImpTripet,GOG,MTDnet,OneShot,SpindleNet,SSM,JLML}. We have selected several supervised methods (labeled as \textit{S} in Table \ref{tab:result}) with reports on at least one of the four benchmark datasets. These methods are Ensemble \cite{Ensemble}, DNS \cite{DNS}, ImpTriplet\cite{ImpTripet}, GOG \cite{GOG}, MTDnet \cite{MTDnet}, OneShot \cite{OneShot}, SpindleNet \cite{SpindleNet}, SSM \cite{SSM}, and JLML \cite{JLML}. They follow conventional single-dataset training and testing procedures. It is not a fair comparison for MMFA-AAE method, which operates under the more challenging cross-dataset generalization setting. However, we use their results as references to illustrate the generalization capability of our MMFA-AAE model. Our MMFA-AAE method shows competitive or even better results on all four benchmarks.
Overall, our proposed MMFA-AAE network demonstrates state-of-the-art performance. It can effectively reduce the influence of domain-specific features by using the adversarial training method and learn a more general feature representation.
\subsection{Ablation study}
\begin{table*}[h]
\centering
\caption{Ablation study on the impact of different components for MMFA-AAE networks}
\resizebox{1\textwidth}{!}{%
\begin{tabular}{l|l|l|l|l}
\hline
\multirow{2}{*}{Method} & \multicolumn{1}{c|}{VIPeR} & \multicolumn{1}{c|}{PRID} & GRID & i-LIDS \\ \cline{2-5}
& \multicolumn{1}{c|}{R-1} & \multicolumn{1}{c|}{R-1} & R-1 & R-1 \\ \hline
Baseline (ResNet50) & 42.9 & 38.9 & 29.7 & 69.2 \\
Baseline + IN (DualNorm) & 54.4 & 68.6 & 43.7 & 72.2 \\
Baseline + IN + Triplet & 55.9 & 61.6 & 43.0 & 74.8 \\
Baseline + IN + Triplet + AAE & 57 & \textbf{67.6} & 46.3 & 82.3 \\
Baseline + IN + Triplet + AAE + MMD (MMFA-AAE) & \textbf{58.4} & \underline{65.7} & \textbf{47.4} & \textbf{84.8} \\ \hline
\end{tabular}}
\label{tab:ablation}
\end{table*}
\begin{figure}[h]
\centering
\begin{minipage}[t]{0.38\textwidth}
\includegraphics[clip,width=0.23\textwidth]{images/VIPeR/VIPER.jpg}
\includegraphics[trim=6.38cm 1.3cm 6.38cm 1.3cm,clip,width=0.23\textwidth]{images/VIPeR/VIPER_Baseline.png}
\includegraphics[trim=6.38cm 1.3cm 6.38cm 1.3cm,clip,width=0.23\textwidth]{images/VIPeR/VIPER_DualNorm.png}
\includegraphics[trim=6.38cm 1.3cm 6.38cm 1.3cm,clip,width=0.23\textwidth]{images/VIPeR/VIPER_MMFA.png}
\small \centering (a) VIPeR (Raw, Baseline, DualNorm, MMFA-AAE)
\end{minipage}
\hspace{1em}
\begin{minipage}[t]{0.38\textwidth}
\includegraphics[clip,width=0.23\textwidth]{images/PRID/PRID.png}
\includegraphics[trim=5.80cm 1.3cm 5.80cm 1.3cm,clip,width=0.23\textwidth]{images/PRID/PRID_Baseline.png}
\includegraphics[trim=5.8cm 1.3cm 5.8cm 1.3cm,clip,width=0.23\textwidth]{images/PRID/PRID_DualNorm.png}
\includegraphics[trim=5.8cm 1.3cm 5.8cm 1.3cm,clip,width=0.23\textwidth]{images/PRID/PRID_MMFA.png}
\small \centering (b) PRID (Raw, Baseline, DualNorm, MMFA-AAE)
\end{minipage}
\hspace{1em}
\begin{minipage}[t]{0.38\textwidth}
\includegraphics[clip,width=0.23\textwidth]{images/GRID/GRID.jpeg}
\includegraphics[trim=6.05cm 1.3cm 6.05cm 1.3cm,clip,width=0.23\textwidth]{images/GRID/GRID_Baseline.png}
\includegraphics[trim=6.05cm 1.3cm 6.05cm 1.3cm,clip,width=0.23\textwidth]{images/GRID/GRID_DualNorm.png}
\includegraphics[trim=6.05cm 1.3cm 6.05cm 1.3cm,clip,width=0.23\textwidth]{images/GRID/GRID_MMFA.png}
\small \centering (c) GRID (Raw, Baseline, DualNorm, MMFA-AAE)
\end{minipage}
\hspace{1em}
\begin{minipage}[t]{0.38\textwidth}
\includegraphics[clip,width=0.23\textwidth]{images/i-LIDS/ILIDS.jpg}
\includegraphics[trim=6.05cm 1.3cm 6.05cm 1.3cm,clip,width=0.23\textwidth]{images/i-LIDS/ILIDS_Baseline.png}
\includegraphics[trim=6.05cm 1.3cm 6.05cm 1.3cm,clip,width=0.23\textwidth]{images/i-LIDS/ILIDS_DualNorm.png}
\includegraphics[trim=6.05cm 1.3cm 6.05cm 1.3cm,clip,width=0.23\textwidth]{images/i-LIDS/ILIDS_MMFA.png}
\small \centering (c) i-LIDS (Raw, Baseline, DualNorm, MMFA-AAE)
\end{minipage}
\caption{Most activated feature maps produced by three different models on the same raw image. The images on the left-most column are the raw images while the other one shows the attention regions from the most activated feature maps of the last residual block. These feature maps highlight distinctive semantic features obtained from each model (Baseline, DualNorm and MMFA-AAE from left to right). Best view in color.}
\label{fig:feature-map}
\end{figure}
\subsubsection{Feature Heat-map Visualization}
To evaluate the effectiveness of the feature generated from our MMFA-AAE model, we randomly select images from each testing dataset and plot the most activated feature-maps obtained from the backbone network, as shown in Figure \ref{fig:feature-map}. We observed that the feature maps obtained from the domain aggregate baseline model could only focus on a vague global region. The domain generalization models such as DualNorm and MMFA-AAE can focus more on the local region with semantic meaning. In comparison with the DualNorm approach, the proposed MMFA-AAE can concentrate on the more meaningful areas like laptop or handbag, as shown in Figure \ref{fig:feature-map} (a) and (c). For images from the PRID and the i-LIDS dataset, the MMFA-AAE and DualNorm also focus on similar regions. However, the MMFA-AAE still shows superior semantic region coverage. For example, the i-LIDS image, MMFA-AAE are focusing on the entire upper torso while the DualNorm can only focus on the shoulder region.
\subsubsection{Components Analysis}
There are four important components in the MMFA-AAE framework: Instance Normalization (IN), Triplet Loss, Adversarial Auto-Encoder (AAE), and Maximum Mean Discrepancy (MMD). To evaluate the contribution of each component, we incrementally adding one component into our baseline method and compare the performance in Table \ref{tab:ablation}. The baseline we use in the experiment uses batch normalization after global average pooling. The baseline is trained with identity loss only first. We then introduce the instance normalization into the lower convolutional layer like DualNorm. The triplet loss will further enhance the performance by 1\% to 2\% on VIPeR, GRID, and i-LIDS. The domain-based adversarial auto-encoder gives a significant 3\% to 8\% boost for all the datasets. The final MMD alignment helps further boost the overall performance by 1\% to 2\%.
MMFA-AAE has four hyper-parameters that affect the re-ID accuracy: $\lambda_{1}$, $\lambda_{2}$, $\lambda_{3}$ and $\lambda_{4}$. We conduct experiments to analyze the impact of these hyper-parameters. For easier comparison, we only select the largest and the most complex MSMT17 dataset for evaluation and use Rank 1 accuracy. The results are shown in Figure \ref{fig:parameters}. As shown Figure \ref{fig:parameters}, each loss function can contribute 1\% to 2\% increase to the overall performance. However, adversarial loss $\lambda_{2}$ and re-construction loss $\lambda_{3}$ need to be carefully tuned, otherwise it may even degrading the performance of the Re-ID model.
\begin{figure}[h]
\centering
\begin{minipage}[t]{0.24\textwidth}
\includegraphics[clip,width=1\textwidth]{images/Triplet.png}
\small \centering (a) Triplet Loss: $\lambda_{1}$
\end{minipage}
\begin{minipage}[t]{0.24\textwidth}
\includegraphics[clip,width=1\textwidth]{images/Reconstruction.png}
\small \centering (b) Reconstruction Loss: $\lambda_{2}$
\end{minipage}
\hspace{1em}
\begin{minipage}[t]{0.24\textwidth}
\includegraphics[clip,width=1\textwidth]{images/Adversarial_Loss.png}
\small \centering (c) Adversarial Loss: $\lambda_{3}$
\end{minipage}
\begin{minipage}[t]{0.24\textwidth}
\includegraphics[clip,width=1\textwidth]{images/MMD.png}
\small \centering (d) MMD Loss: $\lambda_{4}$
\end{minipage}
\caption{The impact of the hyper-parameters of MMFA on the Re-ID Rank 1 accuracy of the MSMT17 dataset. }
\label{fig:parameters}
\end{figure}
\subsubsection{t-SNE Visualization}
We also visualize the 2D point cloud of the feature vectors extracted from the DualNorm network and our MMFA-AAE method using t-SNE \cite{t-SNE}, as shown in Figure \ref{fig:tsne-a} and \ref{fig:tsne-b}. We used a random sample of 6000 images from all five training datasets with a perplexity of 5000 for this visualization. As shown in Figure \ref{fig:tsne-a}, the DualNorm network can merge 5 different datasets well with low domain gaps between different datasets. However, the datasets are still clustered into several groups based on the property of the extracted feature vectors. On the other hand, our MMFA-AAE introduced the additional Adversarial-Auto-encoder (AAE) to mix up the feature vectors of different domains and alleviate the domain information. Figure \ref{fig:tsne-b} depicts our feature-point clouds extracted from the MMFA-AAE network. We can easily see that the overlap between different feature domains is more prominent in the case of the MMFA-AAE network.
\begin{figure}[t]
\centering
\begin{subfigure}[t]{\linewidth}
\centering
\includegraphics[width=0.75\linewidth]{images/t-SNE_DualNorm.png}
\caption{DualNorm}\label{fig:tsne-a}
\end{subfigure}
\newline
\begin{subfigure}[t]{\linewidth}
\centering
\includegraphics[width=0.75\linewidth]{images/t-SNE_MMFA-AAE.png}
\caption{MMFA-AAE}\label{fig:tsne-b}
\end{subfigure}
\caption{The t-SNE visualization of the feature vectors from the DualNorm network and our MMFA-AAE network. Different color points indicate the training dataset domains. Best view in color.}
\end{figure}
\section{Conclusion}
In this paper, we propose a novel framework, MMFA-AAE, for multi-dataset feature generalization. Our MMFA-AAE network enables a Person Re-ID model to be deployed out-of-the-box for new camera networks. The main objective of our MMFA architecture is to learn a domain-invariant feature representation by jointly optimizing an adversarial auto-encoder with an MMD distance regularization. The adversarial auto-encoder is designed to learn a latent feature space among different Person Re-ID datasets via domain-based adversarial learning. The MMD-based regularization further enhances the domain-invariant features by aligning the distributions among different domains. In this way, the learned feature embedding is supposed to be universal to the seen training datasets and is expected to generalize well to unseen datasets. Extensive experiments demonstrate that our proposed MMFA-AAE is able to learn domain-invariant features, which lead to state-of-the-art performance on many datasets that it has never seen before. The proposed MMFA-AAE also out-performs most of the cross-dataset domain adaptation approaches and many fully-supervised methods. In conclusion, our MMFA-AAE approach addresses the scalability and generalization issues facing many existing Person Re-ID methods by providing a practical multi-dataset feature generalization strategy. With promising results, our MMFA-AAE approach paves the way for further research into the use of domain generalization within Person Re-ID and beyond.
\ifCLASSOPTIONcaptionsoff
\newpage
\fi
\bibliographystyle{IEEEtran}
|
\section{Introduction}
Population protocols, introduced by Angluin et al.~\cite{AADF2004}, have been extensively studied in recent years~\cite{AAE2008,AAEGR2017,AAG18,AG2015,AGV2015,AR2009,BCER2017,BEFKKR2018,DV2010,KU2018,MNRS2014,DBLP:conf/dna/AlistarhDKSU17,DBLP:conf/spaa/GasieniecSU19,DBLP:conf/icalp/CzyzowiczGKKSU15}. In these protocols, the underlying distributed network consists of $n$ nodes (or agents), denoted by $V $, and a \emph{scheduler} that continuously selects pairs of nodes to \emph{interact}.
Each node $u$ stores its own local state $s_u\in S$, and when two nodes $u,v\in V$ interact, the states of $u$ and $v$ after the interaction are determined solely by the states of $u$ and $v$ prior to the interaction.
Following previous work, we assume that any two nodes are allowed to interact, and that each selection of a pair of nodes for interaction is uniformly random from the pairs of nodes in $V$.
The objective of population protocols for a given problem is to extract an output from $s_u$ for each $u\in V$ so that the collective configuration of outputs defines a \emph{valid} solution to the problem, and the valid solution will never change, regardless of future interactions. When the system reaches a valid output configuration that never changes, the system is said to be \emph{stable}.
The number of interactions until the system is stable is called the \emph{stabilization} time of the protocol.
By convention, we consider the parallel stabilization time, which is the stabilization time divided by $n$.
The efficiency of a population protocol is measured in terms of both the parallel stabilization time, either with high probability or in expectation, and $|S|$, which directly affects the number of bits that each node must invest in the protocol.
Thus, if a protocol runs for $f(n)$ parallel time and has $|S|= g(n)$, then we define the efficiency of the protocol by \textless $f(n),g(n)$\textgreater.
Typically, one is interested in protocols where $|S| = O(\text{poly-}\log(n))$, in which case each node stores only $O(\log \log n)$ bits.
\paragraph{Majority.}
In this paper we consider the \emph{majority} problem in population protocols, where each node $u$ receives an input color from $\{b,w\}$, where $b$ should be interpreted as the color \emph{black} and $w$ should be interpreted as the color \emph{white}.
The output of a node is also a color from $\{b,w\}$.
An output configuration is valid if all of the nodes output the same color, and more than half of the nodes have this color as their input (the input is assumed to have a well defined majority).
\paragraph{Previous work.}
Mertzios et al.~\cite{MNRS2014} and Draief and Vojnović~\cite{DV2010} designed \textless$O(n\log n), O(1)$\textgreater\space protocols for majority. Mertzios et al.~\cite{MNRS2014} named their protocol the \emph{ambassador} protocol, and proved that the parallel stabilization time is $O(n\log n)$.
Alistarh et al.~\cite{AAEGR2017} recently refined ideas from Alistrah et al.~\cite{AGV2015}, in order to design an \textless$O(\log^3 n), O(\log^2 n)$\textgreater\space majority protocol.
Angluin et al.~\cite{AAE2008} designed a monte carlo majority protocol that relies on the existence of a unique leader in $V$, but has a low probability of failing. The complexity of their protocol is, w.h.p.\footnote{In this paper, w.h.p. stands for \emph{with high probability}. An event $\mathcal E$ is said to happen w.h.p. if $\Pr[\mathcal E] \ge 1-n^{-\Omega(1)}$.}, \textless$O(\log^2 n), O(1)$\textgreater.
Their protocol introduces the idea of \emph{cancellations} and \emph{duplications} or \emph{splitting}. The idea behind cancellations is to introduce an empty color $e$ so that when two nodes with different non-empty colors interact, the nodes change their colors to $e$, which does not affect the majority, but the ratio between the number of majority colored nodes and the number of minority colored nodes increases.
The intuitive idea behind splitting is that when two nodes interact where one has a non-empty color and the other has an empty color, then the color from the colored node is duplicated to also be the color of the non-empty node. Since interactions are chosen uniformly at random, intuitively, the duplications do not change the ratio between the number of majority colored nodes and the number of minority colored nodes, but the difference between these numbers increase over time.
Bilke et al.~\cite{BCER2017} showed how to implement the protocol of Angluin et al.~\cite{AAE2008} to work without the existence of a unique leader. The complexity of their protocol is \textless$O(\log^2 n), O(\log^2 n)$\textgreater.
Since our protocol uses ideas from the protocol of Bilke et al.~\cite{BCER2017}, we provide details of the protocol in Section~\ref{section:theclassicprotocol}.
Alistarh et al.~\cite{AAG18} improved the complexity to \textless$O(\log^2 n), O(\log n)$\textgreater.
The state-of-the-art population protocol for the majority problem is the \textless$O(\log^{5/3} n), O(\log n)$\textgreater\space protocol of Berenbrink et al.~\cite{BEFKKR2018}, which builds upon the protocol of Bilke et al.~\cite{BCER2017}; see Section~\ref{section:five-thirds}.
For lower bounds, Alistarh et al.~\cite{AAG18} proved that under the conditions of monotonicity and output dominance, any majority protocol that stabilizes in expected $n^{1-\Omega(1)}$ parallel time must use at least $\Omega(\log n)$ states.
\paragraph{Our results and techniques.}
In this paper, we describe a new \textless$O(\log^{3/2} n), O(\log n)$\textgreater\space protocol for majority, thereby improving the parallel stabilization time of the state-of-the-art protocol of Berenbrink et al.~\cite{BEFKKR2018}.
Notice that, by the lower bound of Alistarh et al.~\cite{AAG18}, for our runtime, the number of states is optimal.
Our protocol is based on the protocols of Berenbrink et al.~\cite{BEFKKR2018} and Bilke et al.~\cite{BCER2017}. In particular, the time cost of the protocol of Berenbrink et al.~\cite{BEFKKR2018} is $O(\log^{2-a}n + \log^{1+a}n)$, which is minimized when $a=1/2$.
However, in order to guarantee the high probability bounds, Berenbrink et al.~\cite{BEFKKR2018} require $a\le 1/3$, and so the runtime becomes $O(\log^{2-a}n + \log^{1+a}n) = O(\log^{5/3} n)$.
In order to describe our protocol, we first describe in Section~\ref{section:theclassicprotocol} the protocol of Bilke et al~\cite{BCER2017}, which is the basis of the protocol of Berenbrink et al.~\cite{BEFKKR2018}.
Then, in Section~\ref{section:five-thirds} we describe the protocol of Berenbrink et al.~\cite{BEFKKR2018}, and in particular we detail the reason for why Berenbrink et al.~\cite{BEFKKR2018} require $a\le 1/3$.
Intuitively, the main challenge is due to maintaining counters in nodes that are incremented based on their interactions, and since the interactions are random, it is likely that values of counters deviate significantly from the average counter value.
Our protocol is designed with the goal of removing the requirement that $a\le 1/3$.
In particular, we employ a power-of-two choices strategy (\cite{ABK1999}) to reduce the deviation from the average counter value.
The main challenge in implementing a power-of-two choices strategy is that we assume that interactions are symmetric, so if two nodes with the same state interact, their states after the interactions are necessarily the same.
However, existing power-of-two choices strategies assume that ties can somehow be broken.
In order to overcome this challenge, we partition the nodes that are responsible for counters to two equal sized sets, called $L$ and $R$, and use the $\texttt{Left}$ power-of-two choices strategy, which was inspired by V{\"{o}}cking~\cite{V1999} and analyzed by Berenbrink et al~\cite{BCSV2006}, to control the deviation. We remark that the proof of correctness of the protocol of Berenbrink et al~\cite{BEFKKR2018} becomes significantly simpler when implementing the $\texttt{Left}$ power-of-two choices strategy, as we describe in Section~\ref{sec:ourprotcol}.
Moreover, in order to guarantee that there are enough nodes that are responsible for the counters (which the algorithm requires in order to progress fast enough), we show in Section~\ref{section:lognstates} that if our strategy for assigning nodes to $L$ and $R$ fails, then running a short version of the protocol of Bilke et al~\cite{BCER2017} suffices for solving majority.
\subsection{Preliminaries}
In order to differentiate between the protocol of Bilke et al.~\cite{BCER2017}, the protocol of Berenbrink et al.~\cite{BEFKKR2018}, and our new protocol, while avoiding clutter and redundancy, we use the following names for the three protocols, respectively: the $2$-protocol, the $5/3$-protocol, and the $3/2$-protocol.
Our protocols often uses the \emph{broadcast} protocol, in which a node $u$ broadcasts some information to all of the other nodes in $V$. The complexity of a broadcast is \textless$O(\log n), O(1)$\textgreater, both w.h.p. and in expectation; see \cite{AG2015,AAE2008,BCER2017}.
\section{An \texorpdfstring{\textless$O(\log^2 n),O(\log^2 n)$\textgreater}{} Protocol}\label{section:theclassicprotocol}
Bilke et al. in~\cite{BCER2017} introduced an \textless$O(\log^2 n),O(\log^2 n)$\textgreater\space majority protocol.
For our purposes, we provide an overview of the $2$-protocol in~\cite{BCER2017} while
focusing only on the parallel time cost, and ignoring the number of states.
Their protocol uses a notion of an \emph{empty} color, which we denote by $e$, together with a method of \emph{cancellation} and \emph{splitting}.
An execution of the protocol has a sequence of at most $\log n + 2$ \emph{phases}, and each phase is composed of four stages: a cancellation stage, a first buffer stage, a splitting stage and second buffer stage.
In the $2$-protocol, a node $u\in V$ stays in the first three stages of a phase for $\Theta(\log n)$ interactions and in the last stage for $O(\log n)$ (some nodes may be \emph{pulled out} of the last stage to the next phase).
\paragraph{States.} Each node $u$ stores the following information:
\begin{itemize}
\item The color of $u$, $c_u \in \{b,w,e\}$.
\item A counter $\alpha_u$, storing the phase number.
\item A counter $\beta_u$, storing the interaction number in the current phase.
\item A flag $\texttt{Done}_u$, indicating that $u$ is broadcasting $c_u$ as the majority color.
\item A flag $\split_u$, indicating whether or not $u$ has already participated in a split during this phase (the split operation is defined below).
\item A flag $\texttt{Fail}_u$, indicating whether or not $u$ has failed.
\end{itemize}
At the initialization, all of the flags and counters are set to $0$.
Notice that it is straightforward to derive the stage of $u$ from $\beta_u$.
\paragraph{The state transition function.} A node $u$ with $\texttt{Fail}_u=1$ broadcasts $\texttt{Fail}_u$. Otherwise, if $\texttt{Done}_u=1$ then $u$ broadcasts $\texttt{Done}_u$ and $c_u$.
However, if during the broadcasting of $\texttt{Done}_u$ and $c_u$, $u$ interacts with a node $v$ where $c_v\ne c_u$, then $u$ sets $\texttt{Fail}_u\leftarrow 1$.
Whenever a node $u$ interacts with node $v$, if $\texttt{Done}_u= \texttt{Done}_v=0$, and $\texttt{Fail}_u=\texttt{Fail}_v=0$, then the following rules define the state transition function (the rules all happen in parallel):
\begin{itemize}
\item The counters $\alpha_u,\beta_u$ are updated as follows: If $u$ and $v$ are not in the same stage and are also not in consecutive stages, then set $\texttt{Fail}_u \leftarrow 1$. Thus, for the rest, assume that $u$ and $v$ are either in the same stage or in consecutive stages.
Increment $\beta_u$, and if $u$ reached the end of a second buffer stage then set $\beta_u\leftarrow0$ and increment $\alpha_u$. If $\alpha_u = \log n+2$ then set $\texttt{Fail}_u\leftarrow1$. If $u$ is in a second buffer stage and $v$ is in a cancellation stage, then set $\alpha_u \leftarrow \alpha_v$ (thereby pulling $u$ into the next phase), and $\beta_u \leftarrow 0$.
If $u$ enters the second buffer stage:
\begin{itemize}
\item If $\split_u=0$, then set $\texttt{Done}_u \leftarrow 1$.
\item If $\split_u=1$, then set $\split_u \leftarrow 0$.
\end{itemize}
\item If $u$ and $v$ are both in the canceling stage, if either $c_u = w$ and $c_v = b$, or $c_u = b$ and $c_v = w$, then set $c_u\leftarrow e$.
\item If $u$ and $v$ are both in the splitting stage, $c_u= e$, $c_v \ne e$, and $\split_v = 0$, then perform a \emph{split} operation on $v$ and therefore set $c_u \leftarrow c_v$ and $\split_u \leftarrow 1$.
\item If $u$ and $v$ are both in the splitting stage, $c_u\ne e$, $c_v =e$ , and $\split_u = 0$, then perform a \emph{split} operation on $u$ by setting $\split_u \leftarrow 1$.
\end{itemize}
Notice that the protocol uses the $\split$ flags in order to guarantee that each node does not participate in more than 1 split operation per phase.
\paragraph{Analysis.} Let $w_i, b_i$ be the number of white nodes and black nodes, respectively, entering phase $i$ and let $d_i = |w_i-b_i|$.
Notice that $d_i$ does not change during a cancellation stage.
Inspired by Bilke et al.~\cite{BCER2017}, Berenbrink et al.~\cite{BEFKKR2018} proved the following.
\begin{lemma}\label{lem:classic-cancel}
Consider the $i$th phase of the $2$-protocol. Then, w.h.p., if $|w_i-b_i|<n/3$, then after the cancellation stage of the phase, at least $6n/10$ of the nodes have an empty color, and in the splitting stage of the phase, for every node $u$ that enters the splitting stage with a non-empty color, $u$ participates in a split.
\end{lemma}
An immediate conclusion from Lemma~\ref{lem:classic-cancel} is that if $|w_i-b_i|<n/3$, then, w.h.p., $d_{i+1} = 2d_i$.
Moreover, if for all $i\le j$, $|w_i-b_i|<n/3$, then, w.h.p., $d_j = 2^j\cdot d_0$, and so after at most $\log (n/d_0) \leq \log n$ phases, the algorithm reaches a phase $k$ where $|w_k-b_k|\geq n/3$.
The first such phase is called a \emph{critical} phase.
Bilke et al.~\cite{BCER2017} proved the following lemma regarding critical phases.
\begin{lemma}\label{lem:critical-phase}
Once the $2$-protocol reaches a critical phase, then, w.h.p., the protocol undergoes at most two more phases until there exists a node $u$ with $c_u \ne e$ that does not split in the splitting stage. Moreover, w.h.p., $c_u$ is the only color left in the system.
\end{lemma}
Notice that when there exists a node $u$ with $c_u \ne e$ that does not split in the splitting stage, then $\texttt{Done}_u$ is set to $1$ and $u$ broadcasts $c_u$, which costs another $O(\log n)$ parallel time.
Finally, Bilke et al.~\cite{BCER2017} show that throughout the algorithm, w.h.p., there is never an interaction between two nodes that are at least two stages apart.
Thus, the probability that a flag $\texttt{Fail}_u$ for some node $u$ is set to $1$ throughout the execution of the protocol is polynomially small in $n$.
In order to guarantee that the protocol is always correct, the protocol executes the ambassador protocol~\cite{MNRS2014} in the background, which uses $O(1)$ states and $O(n\log n)$ parallel time (or $O(n^2\log n)$ interactions), both w.h.p. and in expectation. In order to determine the output of a node $u$, if $\texttt{Fail}_u$ is set to $1$, then the output is taken from the output of the ambassador protocol, and otherwise, the output is $c_u$.
\paragraph{Complexity.} Each node participates in $O(\log n)$ interactions per phase, and the number of phases is $O(\log (n/d_0)) = O(\log n)$. Thus, if the algorithm does not set a $\texttt{Fail}$ flag to $1$, which happens w.h.p., then the time cost of the algorithm is $O(\log ^2n)$. Moreover, due to the ambassador algorithm running in the background, the algorithm always reaches a valid output configuration, even when some node $u$ sets $\texttt{Fail}_u\leftarrow 1$, and the expected time cost is also $O(\log^2 n)$.
\section{An \texorpdfstring{\textless$O(\log ^{5/3}n),O(\log n)$\textgreater}{} Protocol}\label{section:five-thirds}
In the $2$-protocol, the $O(\log^2n)$ time bound is due to each node participating in $O(\log n)$ phases, and having $O(\log n)$ interactions in each phase.
Berenbrink et al.~\cite{BEFKKR2018} designed a protocol that builds upon the $2$-protocol, and runs in $O(\log ^{5/3} n)$ time.
To do so, they reduce the number of interactions in each phase to be $O(\log ^{1-a}n)$ for a specific constant $0<a<1$, to be chosen later.
However, reducing the number of interactions in a phase affects the probability guarantee of Lemma~\ref{lem:classic-cancel}.
In particular, it is no longer guaranteed that, w.h.p., after a non-critical phase is done, then all of the colored nodes that enter a splitting stage manage to participate in a split.
Thus, Berenbrink et al.~\cite{BEFKKR2018} designed a mechanism that addresses the missing splits: the sequence of phases is partitioned into $\log^{1-a}n$ \emph{epochs} where each epoch is a sequence of $\log^an$ phases, and at the end of each epoch the protocol enters a special \emph{catch-up phase}. Intuitively, the role of the catch-up phase is to allow for colored nodes that did not split in some phase of the epoch to catch up on their missing splits.
Finally, phases no longer have buffers,
and the mechanism of \emph{pulling} nodes from one phase to a next is no longer used, and instead, Berenbrink et al.~\cite{BEFKKR2018} use the same mechanism for pulling nodes from a catch-up phase of one epoch to the next epoch.
A node $u$ is said to be \emph{successful} in a splitting stage if either $u$ enters the stage without a color, or $u$ participates in a split during the splitting stage.
Throughout an epoch, a node $u$ is said to be \emph{synchronized} after a splitting stage if so far $u$ was successful in all of the splitting stages of the epoch.
If $u$ is not synchronized (that is, $u$ entered some splitting stage with a color and did not participate in a split), then $u$ is said to be \emph{out-of-sync}.
Each node $u$ stores a flag $\texttt{Sync}_u$, initially set to $1$, indicating whether a node is synchronized or not.
Throughout the execution of the protocol, if $\texttt{Sync}_u=0$, which means that $u$ is out-of-sync, then the protocol ignores the parts of the transition function defined in the $2$-protocol during interactions of $u$ with other nodes, except for updating the counters $\alpha_u$ and $\beta_u$, and participating in the broadcasts.
Each node $u$ also stores a value $\phi_u$ so that if $u$ is out-of-sync, then $\phi_u$ is the phase number within the current epoch in which $u$ went out-of-sync.
Thus, an out-of-sync node $u$ did not split in $\log^an-\phi_u$ splitting stages within the current epoch, and so, intuitively, unless this situation is directly addressed, at the end of the epoch there are $val(u) = 2^{\log^an-\phi_u}$ uncolored nodes that would have been colored with $c_u$ in the $2$-protocol.
Notice, however, that if the epoch contains a phase that in the $2$-protocol would have been a critical phase, then this intuition is not necessarily true, since the $2$-protocol in this case may not even reach the end of the epoch.
In order to catch up on coloring the $2^{\log^an-\phi_u}$ nodes with potentially missing colors,
whenever an out-of-sync node $u$ interacts with an uncolored node $v$ and $\phi_u <\log^a n$, then $u$ and $v$ participate in a special split: Let $x$ be $\phi_u$ prior to the interaction. Then $u$ sets $\phi_u \leftarrow x +1$, while $v$ sets $c_v\leftarrow c_u$, $\phi_v \leftarrow x+1$, and $\texttt{Sync}_v \leftarrow 0$. Notice that, after the split, $val(u)+val(v) = 2\cdot 2^{\log^a n - (x+1)} = 2^{\log^a n - x}$ which is exactly $val(u)$ prior to the interaction. Thus, intuitively, a split operation splits the value of u evenly between u and v.
Once $u$ reaches the end of a catch-up phase, if $\phi_u = \log^a n$, then $u$ sets $\texttt{Sync}_u \leftarrow 1$, and is now synchronized again.
The role of the catch-up phase is to guarantee that at the end of the epoch, w.h.p., all of the out-of-sync nodes become synchronized again since they have enough interactions to continue splitting.
Finally, when an out-of-sync node $u$ leaves a catch-up phase of the $j$th epoch while still being out-of-sync, then the following lemma relates $j$ to the critical phase.
\begin{lemma}\label{lem:critical-epoch}[Rephrased from \cite{BEFKKR2018}]
Suppose that the first time that there exists some node $u$ that finishes an epoch while being out-of-sync happens for epoch $j$. If $a\le \frac 13$, then, w.h.p., there exists a positive integer $k$ where $(j-2)\log^{a}n< k\leq j\log^{a}n$ such that the $k$th phase is a critical phase.
\end{lemma}
Thus, once an out-of-sync node $u$ leaves the $j$th epoch, node $u$ begins a special broadcast which initiates the $2$-protocol, but starting with the colors that were stored at nodes at the beginning of the $(j-1)$th epoch, which is the beginning of phase number $(j-2)\log^{a}n+1$.
In order for this protocol to run, the nodes store their colors from the beginning of the last two epochs.
Since $k-(j-2)\log^{a}n \le 2\log^an$, $d_k > n/3$ and, w.h.p., for all $i\le k$ we have $d_{i+1} = 2d_i$, then, w.h.p., $$n/3 < d_k = 2^{k-(j-2)\log^{a}n} d_{(j-2)\log^{a}n } \le 2^{2\log^an}d_{(j-2)\log^{a}n },$$
and so $d_{(j-2)\log^an} > \frac{n}{3\cdot 2^{2\log^an}}$.
Thus, the $2$-protocol starting at phase $(j-2)\log^an$, runs for an additional $O(\log \frac{n}{d_{(j-2)\log^an}})= O(\log^an)$ phases, with a parallel time of $O(\log^{1+a}n)$. Notice that in order to reduce the number of states, when a node $u$ moves to the $2$-protocol, the protocol reuses the bits that were used for the epoch based protocol.
For the total time complexity, there are at most $O(\log n)$ phases until a node $u$ ends an epoch while being out-of-sync, and in each such phase every node has $O(\log^{1-a} n)$ interactions, for a total of $O(\log^{2-a}n)$ time.
In addition, there are $\log^{1-a}n$ epochs, and each epoch has a catch-up phase that runs for another $O(\log n)$ interactions, for a total of $O(\log^{2-a}n)$ time.
Finally, executing the $2$-protocol after some node finishes an epoch while being out-of-sync costs another $O(\log^{1+a}n)$ time.
Thus, the total time is $O(\log^{2-a}n + \log^{1+a}n)$.
This runtime, is minimized when $a=\frac 12$.
Unfortunately, due to Lemma~\ref{lem:critical-epoch}, the protocol requires $a\le \frac 13$, and so the runtime is minimized when $a=\frac 13$ and becomes $O(\log ^{5/3} n)$.
\subsection{Barrier for Increasing \texorpdfstring{$a$}{}}
Our new protocol, described in Section~\ref{sec:ourprotcol}, focuses on adapting the algorithm of Berenbrink et al.~\cite{BEFKKR2018} in a way that allows to increase $a$ to $\frac 12$.
In order to explain the design choices behind our new protocol, we first provide an intuitive explanation as to what are the challenges in making Lemma~\ref{lem:critical-epoch} work for $a>\frac 13$.
In general, there are two reasons for why there may exist a node that is supposed to participate in a split during a particular phase but that node does not manage to do so.
The first reason is that every node has only $O(\log^{1-a} n)$ interactions in a phase (compared to the $O(\log n)$ interactions per phase in the $2$-protocol). We call this reason the \emph{short-phase} reason.
Berenbrink et al.~\cite{BEFKKR2018} proved that, w.h.p., although the phases are shorter, a colored node $u$ during a splitting stage has a constant probability of interacting with a non-colored node.
Thus, the probability that in a given phase a particular colored node $u$ does not split is at most $\frac 1 {2^{c\log^{1-a} n}}$ for some constant $c>1$.
The second reason is that some nodes may have participated in a number of interactions that is far from the average number of interactions.
In particular, nodes in a splitting stage whose counters are not concentrated near the average counter are likely to have a \emph{small} number of interactions with other nodes that are also in the splitting stage.
We call this reason the \emph{deviation} reason.
Berenbrink et al.~\cite{BEFKKR2018} prove that the probability of a counter being at distance at least $\Omega(\log^{1-a} n)$ from the average counter value is at most $\frac{1}{2^{c'\log^{1-2a}n}}$, for some constant $c'>1$.
Since in the worst-case a node can become out-of-sync during the first phase of an epoch, and there are $\log^an$ phases in an epoch, an out-of-sync node $u$ in the beginning of the catch-up phase necessitates at most $2^{\log^a n}$ splits in order to guarantee that there are no out-of-sync nodes that originated from $u$ at the end of the catch-up phase.
Moreover, since the probability of a node becoming out-of-sync during an epoch is at most $\frac{\log^an}{2^{c\log^{1-a}n}}+\frac{\log^an}{2^{c'\log^{1-2a}n}}$, then, w.h.p., by applying a Chernoff bound, the number of out-of-sync nodes at the beginning of a catch-up phase is $\frac{n\log^an}{2^{\hat c\log^{1-a}n}}+\frac{n\log^an}{2^{\hat c'\log^{1-2a}n}}$, for some constants $\hat c, \hat c ' >1$.
For the $j$th epoch, let $U_j$ denote the total number of splits needed to guarantee that there are no out-of-sync nodes at the end of the catch-up phase of epoch $j$. Notice that $U_j =\sum_{\text{out-of-sync }u} val(u)$.
Thus, w.h.p., $U_j \le \frac{2^{\log^an}n\log^an}{2^{\hat c\log^{1-a}n}}+\frac{2^{\log^an}n\log^an}{2^{\hat c'\log^{1-2a}n}}$.
Berenbrink et al.~\cite{BEFKKR2018} proved that, w.h.p., the number of uncolored nodes at the beginning of a catch-up phase is $\Omega(n)$, and so if $U_j = o(n)$ then, w.h.p., the number of splits that take place in order to complete the missing splits until the end of the catch-up phase is $U_j$.
In order for the first term in the upper bound of $U_j$ to be $o(n)$, we set $a\le \frac 12$. However, In order for the second term in the upper bound of $U_j$ to be $o(n)$, we set $a\le \frac 13$. Thus, the second term in the upper bound on $U_j$, which is due to the second reason for having out-of-sync nodes, is the barrier for making the $5/3$-protocol to run in $O(\log^{3/2} n)$ time.
\section{A \texorpdfstring{\textless$O(\log^{3/2}n),O(\log^2n)$\textgreater\space}{} Protocol}\label{sec:ourprotcol}
\paragraph{Power of two choices.}
In order to reduce the number of missing splits due to deviations, we change the $5/3$-protocol as follows: when two nodes interact, instead of both nodes incrementing their counters, the nodes implement a variation of the \emph{power-of-two choices} strategy which increments the counter only for the node with the smaller counter.
However, since we assume that the interactions are symmetric, it is not clear what to do in case of a tie.
For now, we assume that the interactions are asymmetric, and so in the case of a tie, the protocol is able to choose just one of the nodes to increment its counter.
In Section~\ref{section:lognstates} we explain how to remove the requirement of asymmetric interactions.
The motivation for using a power-of-two choices strategy is that this strategy has the property that counters do not deviate too much from the average counter. This property is summarized in the following invariant and theorem, from Berenbrink et al.~\cite{BCSV2006}, which we rephrase here to be expressed in our terms.
\begin{invariant}\label{inv:concentration}
Let $\alpha_i$ be the fraction of counters whose value is at least $i$ less than the average counter value.
If $m$ interactions that increment counters have taken place so far, then, there is a constant $c_1$ such that for $1\leq i\leq c_1\log n$,
$\alpha_i \leq 1.3 \cdot 2.8^{-i}$, w.h.p. Moreover, there is a constant $c_2$ such that for $i\geq c_2\log n$, $\alpha_i = 0$, w.h.p.
\end{invariant}
\begin{theorem}\label{theorem:powerof2}
If $m$ interactions that increment counters have taken place so far, then, w.h.p., the value of the maximum counter is $\frac{m}{n} + O(\log \log n)$.
\end{theorem}
By~Invariant~\ref{inv:concentration}, for $i=\hat c\log^{1-a}n$ the number of nodes whose counters are at least $i$ away from the average counter is, w.h.p., at most $\frac n {2^i} = \frac n {2^{\hat c\log^{1-a}n}}$.
Thus, the probability of a node becoming out-of-sync during an epoch is at most $\frac{\log^an}{2^{c\log^{1-a}n}} + \frac{\log^an}{2^{\hat c\log^{1-a}n}}$, and so, w.h.p., the number of out-of-sync nodes at the beginning of a catch-up phase is $\frac{n\log^an}{2^{c''\log^{1-a}n}} + \frac{n\log^an}{2^{c'''\log^{1-a}n}}$, for some constants $c'',c''' > 1$.
Moreover, w.h.p., now $U_j \le \frac{2^{\log^{a}n}n\log^an}{2^{c''\log^{1-a}n}} + \frac{2^{\log^{a}n}n\log^an}{2^{c'''\log^{1-a}n}}$, and in order for $U_j=o(n)$ we can choose $a \le 1/2$.
Finally, the runtime of the algorithm is still $O(\log^{2-a}n + \log^{1+a}n)$, however, now we can choose $a=1/2$ to get a total runtime of $O(\log^{3/2} n)$.
\subsection{Simpler Proofs}
As a side effect of using the power-of-two choices strategy, we are able to provide simpler proofs for correctness. The simplifications are a byproduct of the maximum value of a counter being close to the average value.
We define the \emph{beginning} of a stage to be the interaction at which $ n - n/2^{\Theta(\log^{1-a} n)}$ nodes have already entered the stage, and the \emph{end} of the stage is when the first node leaves the stage. Similar definitions are made for beginning and end of a phase.
Recall that every node has $O(\log^{1-a}n)$ interactions in each stage.
\begin{lemma}\label{lemma:oursync}
At the end of a stage, w.h.p., at least $n-n/2^{\Omega(\log^{1-a} n)}$ of the nodes have had $\Omega(\log^{1-a} n)$ interactions between the beginning and the end of the stage.
\end{lemma}
\begin{proof}
When the first node exits the stage, by Theorem~\ref{theorem:powerof2}, w.h.p., the maximum counter value is at most $O(\log \log n)$ away from the average counter value, and, by Invariant~\ref{inv:concentration}, w.h.p., there are at most $1.3 \cdot 2.8^{-\Theta(\log^{1-a} n)}n \leq n/2^{\Omega(\log^{1-a} n)}$ nodes whose counter values are at least $\Omega(\log^{1-a} n)$ away from the average counter value.
The lemma follows.
\end{proof}
at most $i\cdot\frac{ n}{2^{C\sqrt{\log n}}}$ out-of-sync nodes), w.h.p.
The following two lemmas are the basis for the inductive structure of the correctness. Lemma~\ref{lemma:ourcancel} states that, as long as the behaviour so far is as expected, then at the end of a cancellation stage there are many nodes with an empty color. Lemma~\ref{lemma:oursplit} states that, as long as the behaviour so far is as expected, then the number of nodes that become out-of-sync due to the splitting phase is small. We then conclude, in Corollary~\ref{cor:ourinductivephase} and Corollary~\ref{conclusion:catch-upphasebound}, that, as long as the behaviour so far is as expected, after each phase, the number of out-of-sync nodes is $o(n)$.
Thus, the number of out-of-sync nodes entering a catch-up phase is $o(n)$, and in Lemma~\ref{lemma:suffdouble}, we use this assumption to show that, unless an epoch has a critical phase, there are no more out-of-sync nodes at the end of the epoch.
\begin{lemma}\label{lemma:ourcancel}
For a phase $i$, suppose that just before the phase begins, there are at most $o(n)$ out-of-sync nodes. If $i$ happens before the critical phase, then, w.h.p., after the end of the cancellation stage in phase $i$ at least $6n/10$ nodes have an empty color.
\end{lemma}
\begin{proof}
By Lemma~\ref{lemma:oursync}, w.h.p. there are $\Theta(n\log^{1-a} n)$ interactions between the beginning of the cancelling stage and its end. Moreover, there are at least $n - o(n)$ nodes in the cancelling stage. Let $W$ be the set of synchronized nodes that are in the cancelling stage. Thus, $|W|=\Omega(n)$.
Partition the $\Theta(n\log^{1-a} n)$ interactions of the canceling stage into $\Theta(\log^{1-a} n)$ periods, each period consists of $n$ interactions. Let $z_i$ be the number of nodes in $W$ at the beginning of the $i$'th period that have the minority color with respect to \emph{only} $W$; notice that it could be that the global minority color is different from the minority color with respect to $W$.
Let $i^*$ denote the index of the last period of the stage.
We will prove that $z_{i^*} < n/40$.
We say that an interaction has been successful if either there was a cancellation or the number of nodes in $W$ before the interaction that have the minority color with respect to \emph{only} $W$ is (already) at most $41z_i/42$.
Suppose the number of nodes in $W$ before an interaction that have the minority color with respect to \emph{only} $W$ is more than $41z_i/42$. Then the probability that the interaction is a cancellation is at least $2\cdot(41z_i/42)^2/n^2$, and so if the number of nodes in $W$ at the end of a period that have the minority color with respect to \emph{only} $W$ is more than $n/40$, then the expected number of cancellations within the period is $2\cdot (41z_i/42)^2/n \geq 2z_i/42$. Let $X$ be the random variable counting the number of cancellations in such a period.
By a Chernoff bound,
\[Pr[|X -2z_i/42| > \frac{1}{2} \cdot 2z_i/42] < \exp{(\frac{(1/2)^2\cdot 2z_i/42}{4})} =\]
\[\exp{(-z_i/336)}<\exp{(-n/13440)}.\]
Therefore, in each such period, w.h.p., at least $z_i/42$ nodes from the minority colors are being canceled, and so $z_{i+1}\leq 41z_i/42$. After a sufficiently large constant number of periods, there are at most $n/40$ nodes from $W$ of the minority color. By the assumption of the lemma, the number of nodes with the majority color is at most $n/3+n/40$. The difference between the number of nodes with the majority color and the number of nodes with the minority color
might be higher because of the out-of-sync nodes, but by no more than $o(n)$ by assumption.
Thus, the number of nodes that are still colored after the last period is at most $n/40 +n/3+n/40 + o(n) < 4n/10$.
\end{proof}
\begin{lemma}\label{lemma:oursplit}
Suppose that at the beginning of a phase, there are at least $\frac{6n}{10}$ uncolored nodes, and assume that the phase is before the critical phase. Then, w.h.p., at most $\frac{ n}{2^{\Omega(\log^{1-a} n)}}$ nodes become out-of-sync during this phase.
\end{lemma}
\begin{proof}
Recall that the two reasons for a synchronized colored node $u$ not participating in a split during the splitting stage are the short-phase reason and the deviation reason.
Lemma~\ref{lemma:oursync} states that at most $n/2^{\Omega(\log^{1-a} n)}$ nodes did not split due to the deviation reason. Here we focus on the short-phase reason.
By the definition of a beginning of a stage, there are at most $o(n)$ nodes that did not enter the stage when the stage begins. Moreover, by assumption, there are at least $\frac{6n}{10}$ nodes with an empty color when the stage begins.
Thus, during a stage, the probability for a colored node $u$ to participate in a split during any interaction of $u$ in the stage is at least $2/10 - o(1) \ge 2/11$.
For a node $u$ that had at least $\Omega(\log^{1-a} n)$ interactions in the splitting stage, the probability that $u$ does not participate in a split in any of the interactions is at most $2/11^{\Omega(\log^{1-a} n)} = 1/2^{\Omega(\log^{1-a} n)}$. So, the expected number of nodes that did not split is at most $n/2^{\Omega(\log^{1-a} n)}$. By a Chernoff bound, w.h.p., the number of nodes that did not split is at most $n/2^{\Omega(\log^{1-a} n)}$.
\end{proof}
\begin{corollary}\label{cor:ourinductivephase}
Suppose that before a phase that appears before a critical phase, there are at most $(i-1)\frac{ n}{2^{\Omega(\log^{1-a} n)}}$ nodes that are out-of-sync.
Then, w.h.p., after the phase, at most $i\frac{ n}{2^{\Omega(\log^{1-a} n)}}$ nodes are out-of-sync.
\end{corollary}
\begin{corollary}\label{conclusion:catch-upphasebound}
Suppose that epoch $j$ happens before the critical phase. Then $U_j = o(n)$.
\end{corollary}
\begin{lemma}\label{lemma:suffdouble}
Consider an epoch $j$ that appears before a critical phase.
If $U_j = o(n)$, then, w.h.p., at the end of the catch-up phase of epoch $j$ all of the nodes are synchronized.
\end{lemma}
\begin{proof}
Recall that $U_j =\sum_{\text{out-of-sync }u} val(u)$.
We partition the missing splits that are counted by $U_j$ to singleton splits.
When an interaction takes place between an out-of-sync node $u$ and an non-colored node $v$, $u$ passes $val(u)/2$ of its singletons to $v$. Thus, each singleton in $u$ needs to interact with $\log val(u) \le \log^a n$ non-colored nodes before the end of the catch-up phase in order to guarantee that after the catch-up phase there are no more out-of-sync nodes.
By Lemma~\ref{lemma:ourcancel}, there are at most $\frac{4n}{10}$ synchronized colored nodes after the last cancellation stage in the epoch, and each one of these nodes could be split at most once during the last splitting stage. Thus, there are at most $\frac{8n}{10}$ synchronized colored nodes at the beginning of the catch-up phase. In addition, there are at most $o(n)$ out-of-sync nodes at the beginning of the catch-up phase, and so the number of synchronized nodes with an empty color at the beginning of the catch-up phase is more than $\frac{n}{10}$.
By Invariant~\ref{inv:concentration} and Theorem~\ref{theorem:powerof2}, and similar to the proof of Lemma~\ref{lemma:oursync}, w.h.p., there are $\Omega(n\log n)$ interactions during a catch-up phase, and so, w.h.p., every singleton interacts with at least $\Omega(\log^a n)$ uncolored nodes. Thus, w.h.p., there are no out-of-sync nodes by the end of the catch-up phase.
\end{proof}
\begin{lemma}
If an epoch contains a critical phase, then after either this epoch or the next epoch, there is at least one out-of-sync node.
\end{lemma}
\begin{proof}
Assume by contradiction that the lemma is false. This means that in both epochs all of the colored nodes managed to split. Since there are at least $n/3$ more nodes with the majority color than nodes with the minority color at the beginning of the last phase of the first epoch, then right before the second epoch, the difference is at least $2n/3$. However, this means that after the second epoch there are at least $4n/3$ colored nodes, which is a contradiction.
\end{proof}
\section{Improvement to an \texorpdfstring{\textless$O(\log^{3/2}n),O(\log n)$\textgreater\space}{} Protocol}\label{section:lognstates}
In this section, we describe how to reduce the number of states to $O(\log n)$.
The main idea, inspired by Alistarh et al.~\cite{AAG18} and Berenbrink et al~\cite{BEFKKR2018}, is to partition the nodes to two types of nodes: \emph{workers} and \emph{clocks}.
Moreover, the protocols no longer use the counters $\alpha_u$ and $\beta_u$ from the $2$-protocol. Instead, we introduce a new counter $\gamma_u$ that counts until $O(\log n)$.
The counter $\gamma_u$ is used differently, depending on whether $u$ is a clock or a worker.
Intuitively, a worker node $u$ runs the protocol from Section~\ref{sec:ourprotcol}, while counting the phase number using $\gamma_u$.
We also add another $O(1)$ bits per node to indicate the current stage.
Notice that the number of the current epoch can be derived from the phase counters.
Clock nodes do not participate in the protocol from Section~\ref{sec:ourprotcol}.
Instead, they are responsible for the information needed to move a worker node from one phase to the next, and from one stage to the next.
Intuitively, clock nodes keep track of progress within an epoch.
Each clock node $u$ uses $\gamma_u$ as a counter that is incremented with applying a variant of the power-of-two choices strategy whenever two clock nodes interact; the details of this strategy are given below.
When a clock increments its counter and the counter reaches $\Theta(\log n)$, the clock sets the counter back to 0, indicating that a new epoch has begun.
A worker node $u$ moves from one stage to the next stage when $u$ interacts with a clock whose counter indicates that the phase has progressed to the next stage.
Similarly, $u$ moves from one phase to the next phase when $u$ interacts with a clock whose counter indicates that the phase has progressed to the next phase.
Notice that the same ideas allow for moving into and out of a catch-up phase.
\paragraph{Left-bias power-of-two choices.} The power-of-two choices strategy that we apply is the $\texttt{Left}$ variation: the clock nodes are partitioned into two equal-sized sets, the \emph{Left} set and the \emph{Right} set, and counters are incremented only during interactions of two clock nodes from different sets.
In such a case, when the counters of the two clock nodes are equal, the clock from the Left set increments its counter. Otherwise, the clock with the smaller counter increments its counter. We show in Lemma~\ref{lemma:invl12} that Invariant~\ref{inv:concentration} holds for $\texttt{Left}$. Notice that \cite{BCSV2006} proved that Theorem~\ref{theorem:powerof2} holds for $\texttt{Left}$.
\paragraph{Creating workers and clocks.}
We now describe the procedure for creating workers and clocks.
The very first interaction of a node $u$ is called the \emph{initial interaction of $u$}.
When two nodes $u$ and $v$ have an interaction that is an initial interaction for both nodes, where $u$ is a black node and $v$ is a white node, then $u$ becomes a Right-clock and $v$ becomes a Left-clock. such an interaction is called a \emph{first cancellation}.
Any other type of initial interaction makes the node a worker node.
After the initial interactions take place, it is straightforward to see that the number of Right-clocks is exactly the number of Left-clocks.
Moreover, the majority color within the working nodes is the same as the majority color for all of the nodes.
In order to show that our protocol works, w.h.p., we show that the number of clocks and the number of workers is $\Omega(n)$. However, if the number of nodes with the minority color is $o(n)$, and so $d_0$ (which is the difference between the number of nodes with the majority color and the number of nodes with the minority color) is very large, then it is impossible to guarantee that there are $\Omega(n)$ clocks.
However, in such a case, if the workers execute the $2$-protocol (Section~\ref{section:theclassicprotocol}) then by Lemma~\ref{lem:critical-phase}, w.h.p., the workers find the majority color within two phases of the $2$-protocol.
Thus, a worker node $u$ right after the initial interaction simulates two phases of the $2$-protocol, while using the bits of $\gamma_u$ to implement $\alpha_u$ and $\beta_u$; notice that the bits in $\gamma_u$ suffice, since there are only $O(\log n)$ interactions during the first two phases of the $2$-protocol.
During these two phases, interactions between $u$ and clock nodes are ignored.
If $u$ does not split during one of the phases, then $u$ initiates a broadcast protocol with the color $c_u$ as the majority.
Otherwise, $u$ reverts to the $3/2$-protocol, but now using the clock nodes in order to keep track of phases.
Notice that when $u$ moves from the two phases of the $2$-protocol to the new protocol, the information that was in $\alpha_u$ is overwritten, since now $\gamma_u$ is used for the new protocol.
At the same time, a clock node $v$ counts until some value $t = \Theta(\log n)$, using the power-of-two choices strategy, where $t$ is chosen to be large enough so that, w.h.p., all of the worker nodes have completed their two phases of the $2$-protocol. After the value $t$ is reached, the next increment on the counter in $v$ resets the counter to $0$.
Notice that a worker node $u$ that finished the two phases of the $2$-protocol begins executing the protocol from Section~\ref{sec:ourprotcol} after interacting with a clock node $v$ whose counter has been reset to $0$ at least once.
\paragraph{Correctness.} If $d_0>n/3$, then there will be $\Omega(n)$ workers, and so, w.h.p., by Lemma~\ref{lem:critical-phase}, after at most two more phases of the $2$-protocol, there exists a node broadcasting the majority color.
Thus, for the following assume that $d_0 \le n/3$, and so there are more than $n/3$ nodes of the minority color. The following lemma shows that we have $\Theta(n)$ clocks and $\Theta(n)$ workers.
\begin{lemma}\label{lemma:clocksworkersthetan}
If $d_0 \le n/3$ then, w.h.p., the protocol produces $\Theta(n)$ clocks and $\Theta(n)$ workers.
\end{lemma}
\begin{proof}
Since $d_0 \le n/3$, there are at least $n/3$ nodes with the minority color.
In each of the first $n/12$ interactions, there is a constant probability of at least $1/24$ to have a first cancellation.
Thus, there are at least $n/24$ clocks in expectation after $n/12$ interactions, and by a Chernoff bound, w.h.p., at least $n/30$ clocks.
In each of the first $n/12$ interactions, there is a constant probability of at least $1/24$ to \emph{not} have a first cancellation. Similarly, w.h.p., there are at least $n/30$ worker nodes.
\end{proof}
Let $n_w$ be the number of worker nodes and $n_c$ be the number of clock nodes.
Next we show that most of the worker nodes are highly synchronized in their progress.
Notice that Lemma~\ref{lemma:oursync} still holds, as now there are less increments of counters, and so, w.h.p., almost all the nodes have at least $\Omega(\log ^{1-a}n)$ interactions between the beginning and the end of each phase.
In the following lemma we show that most of the workers have enough interactions \emph{in} every phase.
\begin{lemma}\label{lemma:workersync}
At the end of the $i$th phase, w.h.p., all but at most $i\cdot n_w/2^{\Theta(\log ^{1-a}n)}$ of the worker nodes have $\Theta(\log ^{1-a}n)$ interactions in phase $i$ since the beginning of the phase.
\end{lemma}
\begin{proof}
Let $t_s, t_e$ be the largest counter value of a clock node when phases $i$ and $i+1$ begin, respectfully, and let $t = t_e - t_s = \Theta(\log^{1-a}n)$.
We say that a phase \emph{is in time} $\tau$ at the first time a clock node in the phase has a counter value of $t_s + \tau$.
By Invariant~\ref{inv:concentration} and Theorem~\ref{theorem:powerof2}, when the phase is in time $t/3$, w.h.p., all but at most $n_c/2^{\Omega(\log ^{1-a}n)}$ of the clock nodes are in the phase.
Now consider the moment when the phase is in time $2t/3$.
Let $W_{k}$ be the set of nodes that are updated to be in phase $k$. By induction, prior to the $i$th phase, there were $|W_{i-1}| = n_w(1-(i-1)\cdot n_w/2^{\Theta(\log ^{1-a}n)})$ worker nodes that were in phase $i-1$. By Lemma~\ref{lemma:oursync}, all but $n_w/2^{\Omega(\log ^{1-a}n)}$ of the worker nodes have $\Theta(\log ^{1-a}n)$ interactions between time $t/3$ and $2t/3$.
Since there are $\Theta(n)$ clock nodes in the system and w.h.p., at time $t/3$ most of clock nodes are in the phase, then the probability that an interaction between time $t/3$ and time $2t/3$ involving a worker node in phase $i-1$ is with a clock node in phase $i$ is constant.
Thus, the probability that a worker node is not in phase $i$ by time $2t/3$ is at most $1/2^{\Omega(\log ^{1-a}n)}$.
Therefore, the expected number of worker nodes that are not in phase $i$ by time $2t/3$ is at most $|W_{i-1}|/2^{\Omega(\log ^{1-a}n)}$, and so by a Chernoff bound, w.h.p., the number of worker nodes that are not in phase $i$ by time $2t/3$ is at most $|W_{i-1}|/2^{\Omega(\log ^{1-a}n)}$.
Finally, by Lemma~\ref{lemma:oursync}, between time $2t/3$ and time $t$, all but $n_w/2^{\Omega(\log ^{1-a}n)}$ of the worker nodes have had $\Theta(\log ^{1-a}n)$ interactions.
In conclusion, the number of worker nodes that did not have $\Omega(\log ^{1-a}n)$ interactions in phase $i$ is, w.h.p., at most $n_w/2^{\Omega(\log ^{1-a}n)}$.
\end{proof}
By Lemma~\ref{lemma:workersync} and Lemma~\ref{lemma:oursplit}, in each epoch that is before a critical phase, w.h.p., there are at most $o(n)$ worker nodes that are out-of-sync entering the catch-up phase of the epoch, as desired by Lemma~\ref{lemma:suffdouble}.
Thus, we conclude the following:
\begin{lemma}\label{lemma:ourrunningtime}
After $O(\log^{1.5} n)$ parallel time, w.h.p., the protocol reaches a stable correct configuration.
\end{lemma}
In order to achieve the desired running time in expectation, our protocol runs the ambassador protocol in the background. If our protocol succeeds, then the output is determined by our protocol, and otherwise, the output is determined by the ambassador protocol, which is a low probability event. Thus, the expected time is still $O(\log^{1.5} n)$.
\begin{theorem}
The exact majority can be computed in $O(\log^{3/2} n)$ parallel time and $O(\log n)$ states per node, w.h.p. and in expectation.
\end{theorem}
\section{Symmetric interactions}
In this section we show that Invariant~\ref{inv:concentration} holds for algorithm $\texttt{Left}$. We prove the invariant for a corresponding version of $m$ balls and $n$ bins, following the steps of \cite{BCSV2006}.
Define a \emph{batch} as $n$ consecutive balls, and define \emph{time} $t$ to be the time after $t$ batches.
Notice that $t$ is the average number of balls per bin at time $t$, i.e., after allocating $tn$ balls.
The \emph{height} of a ball $i$ in a bin $u$ is the number of balls in $u$ after inserting ball $i$.
Let $l_t^u$ be the number of balls in bin $u$ at time $t$.
\begin{lemma}\label{lemma:lowbinsnextint}
Let $a_l\cdot n$ and $b_l\cdot n$ be an upper bound on the number of bins with at most $l$ balls on the left side and the right side, respectively. The probability that a bin $u$ on the \emph{right} side with exactly $l$ balls will receive a ball in the next interaction is at least $\frac{2-2a_l}{n}$. The probability that a bin $v$ on the \emph{left} side with exactly $l$ balls will receive a ball in the next interaction is at least $\frac{2-2b_l}{n}$.
\end{lemma}
\begin{proof}
Let $u$ be a bin with exactly $l$ balls on the right side.
In order for $u$ to receive a ball, $u$ must interact with a bin on the left side that has more than $l$ balls. There are at least $(1-a_l)n$ bins on the left side with more than $l$ balls, and there are $(b_l-b_{l-1})n$ bins on the right side with exactly $l$ balls. The probability that in the next interaction, a bin on the right side with exactly $l$ balls will receive a ball is at least $2(b_l-b_{l-1})(1-a_l)$. Each of the bins with exactly $l$ balls are equally likely to receive a ball, so the probability that a specific bin $u$ receives a ball is at least $2(b_l-b_{l-1})(1-a_l)/(b_l-b_{l-1})n = \frac{2-2a_l}{n}$. Similarly, the probability that a node $v$ of the left side with exactly $l$ balls receives a ball is at least $\frac{2-2b_l}{n}$ (the probability is actually slightly larger).
\end{proof}
Assuming Invariant~\ref{inv:concentration} holds on time $t-1$, and applying Invariant~\ref{inv:concentration} on Lemma~\ref{lemma:lowbinsnextint}, we have the following.
\begin{corollary}\label{observation:2/n}
The probability of a bin $u$ with at most $t-5$ balls after batch $t-1$ to receive a ball in the next allocation is at least $1.9/n$.
\end{corollary}
The following lemma corresponds to Invariant~\ref{inv:concentration}:
\begin{lemma}\label{lemma:invl12}
Let $t\geq 0$. Assume that there is no batch $\tau<t$ such that Invariant~\ref{inv:concentration} failed in the beginning of batch $\tau$. Then, w.h.p., Invariant~\ref{inv:concentration} holds after batch $t$.
\end{lemma}
\begin{proof}
Consider a bin $u$. If $l_t^u < t$, then we say that $u$ has $t-l_t^u$ \emph{holes}.
Let $q_t = t - l_t^u$. Assume $q_t = 5 + i$. Let $t'<t$ be the last batch such that $q_{t'} = 5$. Notice that the number of balls that $u$ receives throughout batches $t'$ to $t$ is at most $t-t'+i$. Moreover, by Lemma~\ref{lemma:lowbinsnextint} and since we assume Invariant~\ref{inv:concentration} holds until time $t-1$, for each ball $i$ in these batches, the probability that $i$ is allocated to $u$ is at least $1.9/n$.
The number of balls that are allocated into bin $u$ is asymptotically dominated by a binomial random variable $B((t-t')n,1.9/n)$.
We obtain:
\begin{align*}
\Pr[q_t\geq i+5 ]
&\leq \sum_{t'=0}^{t-1}\Pr [B((t-t')n,1.9/n)\leq t-t'-i] \\
&\leq \sum_{\tau = 1}^{\inf}\sum_{k=i}^{\tau} \Pr [B((t-t')n,1.9/n)\leq t-t'-i].
\end{align*}
Berenbrink et al.~\cite{BCSV2006} showed that for every $0\leq k \leq \tau$,
\[
\Pr [B((t-t')n,1.9/n)\leq t-t'-i] \leq 3.4^{-k}\cdot3.4^{-0.1\tau}.
\]
Hence, $\Pr[q_t\geq i+5 ] \leq 13.5\cdot 3.4^{-i}$.
Let $Q_t$ denote the number of holes in the bin with the least number of balls at time $t$.
Thus,
\[
\Pr[Q_t\geq i+5]\leq n\cdot13.5\cdot3.4^{-i}.
\]
Thus, $Q_t=O(\log n)$ w.h.p., and we have the last argument of Invariant~\ref{inv:concentration}.
For the first part, we have:
\[
\Pr[q_t\geq i]\leq \cdot13.5\cdot3.4^{-i+5} \leq 0.65\cdot2.8^{-i},
\]
where the second inequality holds for $i>41$. By the union bound, there are at most $1+0.65\cdot2.8^{-i}$ bins with at most $t-i$ balls. By Chernoff, w.h.p., there are at most $1.3\cdot 2.8^{-i}+2$ bins with at most $t-i$ balls.
\end{proof}
\bibliographystyle{plainurl}
|
\section*{Introduction}
\setcounter{footnote}{1}
Stable rank is a non-commutative analogue of topological dimension for $C^*$-algebras introduced
by Rieffel in the early 1980s \cite{MR693043}, and widely used and studied ever since (see, for
example \cite{MR768308, MR1053808, MR1151561, MR1691013, MR1868695, MR2013159, MR2106263,
MR2266375, MR2476944, MR3471097, MR3725497, MR4165470}). The condition of having stable rank~1,
meaning that the invertible elements are dense in the $C^*$-algebra, has attracted significant
attention, in part due to its relevance to classification of $C^*$-algebras. Specifically, all
separable, simple, unital, nuclear, $\mathcal{Z}$-stable $C^*$-algebras in the UCT class are classified by
their Elliott invariant \cite{Zstable, MR3546681, MR1403994, MR1745197, MR3418247}, and stable
rank distinguishes two key cases: the stably finite $C^*$-algebras in this class have stable
rank~1 \cite[Theorem~6.7]{MR2106263}, while the remainder are Kirchberg algebras with stable rank
infinity \cite[Proposition~6.5]{MR693043}. It follows that a simple $C^*$-algebra whose stable
rank is finite but not equal to~1 does not belong to the class of $C^*$-algebras classified by
their Elliott invariants.
Higher rank graphs (or $k$-graphs) $\Lambda$ are generalisations of directed graphs. They give
rise to an important class of $C^*$-algebras $C^*(\Lambda)$ due to their simultaneous concreteness
of presentation and diversity of structure \cite{MR2511133, MR2520478, MR2258220}. They provide
good test cases for general theory \cite{MR3150171, MR3263040} and have found unexpected
applications in general $C^*$-algebra theory. For example, the first proof that Kirchberg algebras
in the UCT class have nuclear dimension~1 proceeded by realising them as direct limits of 2-graph
$C^*$-algebras \cite{MR3345177}. Nevertheless, and despite their deceptively elementary
presentation in terms of generators and relations, $k$-graph $C^*$-algebras in general remain
somewhat mysterious---for example it remains an unanswered question whether all simple $k$-graph
$C^*$-algebras are $\mathcal{Z}$-stable and hence classifiable. This led us to investigate their stable
rank. In this paper we shed some light on how to compute the stable rank of $k$-graph
$C^*$-algebras; though unfortunately, the simple $C^*$-algebras to which our results apply all
have stable rank either 1 or $\infty$, so we obtain no new information about $\mathcal{Z}$-stability or
classifiability.
This paper focuses on unital $k$-graph $C^*$-algebras. For $k=1$, i.e., for directed graph
$C^*$-algebras (unital or not), a complete characterisation of stable rank has been obtained
\cite{MR2001940, MR1868695, MR2059803}. In this paper our main contribution is for $k\geq 2$, a
characterisation of stable rank for $C^*$-algebras associated to
\begin{enumerate}
\item \label{case.one} finite $k$-graphs that have no cycle with an entrance, and
\item \label{case.two} finite $k$-graphs that are cofinal.
\end{enumerate}
In the first case \eqref{case.one} we prove that such $k$-graphs are precisely the ones for which
the associated $C^*$-algebra is stably finite. Partial results on how to characterise stably
finite $k$-graph $C^*$-algebras have appeared in the past, see \cite{MR3507995, MR3311883,
MR3354440}. It turns out that in the unital situation, all such $C^*$-algebras are direct sums of
matrix algebras over commutative tori of dimension at most $k$; the precise dimensions of the tori
is determined by the degrees of certain cycles (called initial cycles) in the $k$-graph. Their
$C^*$-algebraic structure is therefore independent of the factorisation property that determines
how the one-dimensional subgraphs of a $k$-graph fit together to give it its $k$-dimensional
nature.
We also settle the second case \eqref{case.two} where the $k$-graphs are cofinal using our
characterisation of stable finiteness in combination with a technical argument on the von Neumann
equivalence of (direct sums of) vertex projections. We initially obtained this result for selected
$2$-graphs using Python.
We now give a brief outline of the paper; Figure~\ref{fbuha} may also help the reader to navigate.
In Section~\ref{sec.1} we introduce terminology, including the notion (and examples) of an initial
cycle. In Section~\ref{two} we consider the stably finite case. In Proposition~\ref{stably.finite}
we prove that stable finiteness of $C^*(\Lambda)$ is equivalent to the condition that no cycle in
the $k$-graph $\Lambda$ has an entrance. In Theorem~\ref{direct.sum.thm} we characterise the
structure of $C^*(\Lambda)$ in the stably finite case and compute the stable rank of such algebras
in Corollary~\ref{stab.fin}. In Section~\ref{three} we characterise which $k$-graphs yield
$C^*$-algebras with stable rank~1 (Theorem~\ref{sr1} and Corollary~\ref{sr1.cor}) and show how the
dimension of the tori that form the components of their spectra can be read off from (the skeleton
of) the $k$-graph, see Proposition~\ref{ell.mu}.
In Section~\ref{four} we look at $k$-graphs which are cofinal. Firstly, in
Proposition~\ref{s.r.simple}, we study the special case when $C^*(\Lambda)$ is simple. Then, in
Theorem~\ref{thm.cofinal}, we compute stable rank when $\Lambda$ is cofinal and contains a cycle
with an entrance (so $C^*(\Lambda)$ is not stably finite). In Section~\ref{five} we illustrate the
difficulty in the remaining case where $\Lambda$ is not cofinal and contains a cycle with an
entrance by considering 2-vertex 2-graphs with this property. We are able to compute the stable
rank exactly for all but three classes of examples, for which the best we can say is that the
stable rank is either 2 or 3.
\begin{figure}
\centering
\[
\begin{tikzpicture}[scale=7]
\draw[dashed] (0,0)--(1,0)--(1,1)--(0,1)--(0,0);
\draw
(0.05,0.45) node {1};
\draw
(0.05,0.95) node {3};
\draw
(0.95,0.95) node {4};
\draw
(0.95,0.45) node {2};
\draw[dashed] (0.5,0.43)--(0.5,1);
\draw[dashed] (0.5,0)--(0.5,.33);
\draw[dashed] (0,0.5)--(1,.5);
\draw[thick]
(0.33,0.25) rectangle (0.83,.5);
\draw[thick] (0.5, 0.25)--(0.5,0.17)--(0.17,0.17)--(0.17,0.75)--(0.5,0.75)--(.5,.5);
\draw
(0,0.75) node[anchor=east] {cycle with an entrance}
(0,0.25) node[anchor=east] {no cycle with an entrance}
(0.25,-.01) node[anchor=north] {cofinal}
(0.75,-.01) node[anchor=north] {non-cofinal};
\draw
(0.35,0.675) node {$C^*(\Lambda)$}
(0.35,0.62) node {simple}
(0.35,0.565) node {Prop~\ref{s.r.simple}}
(0.58,0.40) node {$sr(C^*(\Lambda))=1$}
(0.58,0.34) node {Corollary~\ref{sr1.cor} }
(0.25,0.07) node {Corollary~\ref{stab.fin}}
(0.25,0.87) node {Theorem~\ref{thm.cofinal}}
(0.75,0.07) node {Corollary~\ref{stab.fin}}
(0.75,.7) node {?}
(0.75,.81) node {Remark~\ref{unknown}};
\end{tikzpicture}
\]
\caption{Overview of some of our results. The ``?'' indicates unknown stable rank.} \label{fbuha}
\end{figure}
\section{Background}
\label{sec.1} In this section we recall the definition of stable rank, and the notions of stably
finite and purely infinite $C^*$-algebras. We also recall the definitions of $k$-graphs and their
associated $C^*$-algebras. We discuss the path space of a locally convex $k$-graph and describe
initial cycles and their periodicity group. The reader familiar with these terms can skim through
or skip this section.
\subsection{Stable rank of \texorpdfstring{$C^*$}{C*}-algebras}
\label{sec.1.3} Let $A$ be a unital $C^*$-algebra. Following \cite{MR2188261}, let
\[
Lg_n(A):= \big\{(x_i)_{i=1}^n \in A^n : \exists (y_i)_{i=1}^n\in A^n \text{ such that } \sum_{i=1}^ny_ix_i = 1\big\}.
\]
The \emph{stable rank} of $A$, denoted $sr(A)$, is the smallest $n$ such that $Lg_n(A)$ is dense
in $A^n$, or $\infty$ if there is no such $n$. For a $C^*$-algebra $A$ without a unit, we define
its stable rank to be that of its minimal unitisation $\widetilde{A}$.
A $C^*$-algebra $A$ has stable rank one if and only if the set $A^{-1}$ of invertible elements in
$A$ is dense in $A$. We will make frequent use of the following key results concerning the stable
rank of $C^*$-algebras of functions on tori, matrix algebras, stable $C^*$-algebras and direct
sums later in the paper:
\begin{enumerate}
\item\label{abelian.result} $sr(C(\mathbb{T}^{\ell}))=\left\lfloor {\ell/2}\right\rfloor+1$;
\item\label{matrix.result} $sr(M_n(A))=\left\lceil {(sr(A)-1)/n}\right\rceil+1$;
\item $sr(A\otimes \mathcal{K}) = 1$ if $sr(A) = 1$, and $sr(A \otimes \mathcal{K}) = 2$ if $sr(A) \not= 1$; and
\item\label{direct.sum} $sr(A\oplus B)=\max (sr(A),sr(B))$.
\end{enumerate}
Stable rank is in general not preserved under Morita equivalence (unless the stable rank is one).
For more details see \cite{MR693043}.
\subsection{Stably finite and purely infinite \texorpdfstring{$C^*$}{C*}-algebras}
A projection in a $C^*$-algebra is said to be \emph{infinite} if it is (von Neumann) equivalent to
a proper subprojection of itself. If a projection is not infinite it is said to be \emph{finite}.
A unital $C^*$-algebra $A$ is said to be \emph{finite} if its unit is a finite projection, and
\emph{stably finite} if $M_n(A)$ is finite for each positive integer $n$
\cite[Definition~5.1.1]{MR1783408}. We refer to \cite{MR3507995, MR3354440} for results about
stably finite graph $C^*$-algebras.
A simple $C^*$-algebra $A$ is \emph{purely infinite} if every nonzero hereditary sub-$C^*$-algebra
of $A$ contains an infinite projection. For the definition when $A$ is non-simple we refer the
reader to \cite{MR1759891}.
\subsection{Higher rank graphs}
Following \cite{MR1745529, MR2139097, MR1961175} we recall some terminology for $k$-graphs. For $k
\ge 1$, a \emph{$k$-graph} is a nonempty, countable, small category equipped with a functor $d :
\Lambda \to \mathbb{N}^k$ satisfying the \emph{factorisation property}: For all $\lambda \in \Lambda$ and
$m,n\in \mathbb{N}^k$ such that $d(\lambda) = m + n$ there exist unique $\mu, \nu\in \Lambda$ such that
$d(\mu) = m$, $d(\nu) = n$, and $\lambda = \mu\nu$. When $d(\lambda) = n$ we say $\lambda$ has
\emph{degree} $n$, and we define $\Lambda^n := d^{-1}(n)$. If $k=1$, then $\Lambda$ is isomorphic
to the free category generated by the directed graph with edges $\Lambda^1$ and vertices
$\Lambda^0$. The generators of $\mathbb{N}^k$ are denoted $e_1, \dots ,e_k$, and $n_i$ denotes the
$i^{\textrm{th}}$ coordinate of $n \in \mathbb{N}^k$. For $m, n \in \mathbb{N}^k$, we write $m \le n$ if $m_i
\le n_i$ for all $i$, and we write $m\vee n$ for the coordinatewise maximum of $m$ and $n$, and $m
\wedge n$ for the coordinatewise minimum of $m$ and $n$.
If $\Lambda$ is a $k$-graph, its \emph{vertices} are the elements of $\Lambda^0$. The
factorisation property implies that the vertices are precisely the identity morphisms, and so can
be identified with the objects. For each $\lambda \in \Lambda$ the \emph{source} $s(\lambda)$ is
the domain of $\lambda$, and the \emph{range} $r(\lambda)$ is the codomain of $\lambda$ (strictly
speaking, $s(\lambda)$ and $r(\lambda)$ are the identity morphisms associated to the domain and
codomain of $\lambda$). Given $\lambda,\mu\in \Lambda$, $n \in \mathbb{N}^k$ and $E\subseteq \Lambda$, we
define
\begin{align*}
\lambda E\mydef&\{\lambda\nu : \nu\in E, r(\nu)=s(\lambda)\},\\
E\mu\mydef&\{\nu\mu : \nu\in E, s(\nu)=r(\mu)\},\\
\Lambda^{\leq n} \mydef& \{\lambda \in \Lambda : d(\lambda) \leq n\text{ and }
s(\lambda)\Lambda^{e_i} = \emptyset \text{ whenever } d(\lambda) + e_i \leq n \}.
\end{align*}
We say that a $k$-graph $\Lambda$ is \textit{row-finite} if $|v{\Lambda}^{n}|<\infty$ is finite
for each $n\in\mathbb{N}^k$ and $v\in{\Lambda}^0$, \emph{finite} if $|\Lambda^n|<\infty$ for all
$n\in \mathbb{N}^k$, and \emph{locally convex} if for all distinct $i, j \in \{1, . . . , k\}$, and all
paths $\lambda \in \Lambda^{e_i}$ and $\mu \in \Lambda^{e_j}$ such that $r(\lambda)=r(\mu)$, the
sets $s(\lambda)\Lambda^{e_j}$ and $s(\mu)\Lambda^{e_i}$ are nonempty.
\begin{sas}
We have two standing assumptions. The first is that all of our $k$-graphs $\Lambda$ are finite.
This implies, in particular that they are row-finite. The second is that all of our $k$-graphs
$\Lambda$ are locally convex.
\end{sas}
A vertex $v$ is called a \emph{source} if there exist $i\leq k$ such that
$v\Lambda^{e_i}=\emptyset$. The term \emph{cycle}, distinct from ``generalised cycle''
\cite{MR2920846}, will refer to a path $\lambda \in \Lambda \setminus \Lambda^0$ such that
$r(\lambda) = s(\lambda)$.
We will occasionally illustrate $k$-graphs as $k$-coloured graphs. We refer to \cite{MR3056660}
for the details, but in short there is a one-to-one correspondence between $k$-graphs and
$k$-coloured graphs together with factorisation rules for bi-coloured paths of length~2 satisfying
an associativity condition \cite[Equation~(3.2)]{MR3056660}.
\subsection{Higher rank graph \texorpdfstring{$C^*$}{C*}-algebras}
Let $\Lambda$ be a row-finite, locally convex $k$-graph. Following \cite{MR1961175}, a
\emph{Cuntz--Krieger $\Lambda$-family} in a $C^*$-algebra $B$ is a function $s : \lambda \mapsto
s_\lambda$ from $\Lambda$ to $B$ such that
\begin{enumerate}\renewcommand{\theenumi}{CK\arabic{enumi}}
\item\label{it:CK1} $\{s_v : v\in \Lambda^0\}$ is a collection of mutually orthogonal
projections;
\item\label{it:CK2} $s_\mu s_\nu = s_{\mu\nu}$ whenever $s(\mu) = r(\nu)$;
\item\label{it:CK3} $s^*_\lambda s_\lambda = s_{s(\lambda)}$ for all $\lambda\in \Lambda$;
and
\item\label{it:CK4} $s_v = \sum_{\lambda \in v\Lambda^{\leq n}} s_\lambda s_\lambda^*$ for
all $v\in \Lambda^0$ and $n\in \mathbb{N}^k$.
\end{enumerate}
The $C^*$-algebra $C^*(\Lambda)$ is the universal $C^*$-algebra generated by a Cuntz--Krieger
$\Lambda$-family. It is unital if and only if $|\Lambda^0|<\infty$, in which case $1=\sum_{v\in
\Lambda^0}s_v$. The universal family in $C^*(\Lambda)$ is denoted $\{s_\lambda :\lambda \in
\Lambda\}$.
\subsection{The path space of a \texorpdfstring{$k$}{k}-graph}
Let $\Lambda$ be a $k$-graph. For each path $\lambda\in \Lambda$, and $m \le n \le d(\lambda)$, we
denote by $\lambda(m,n)$ the unique element of $\Lambda^{n-m}$ such that $\lambda =
\lambda'\lambda(m,n)\lambda''$ for some $\lambda', \lambda''\in\Lambda$ with $d(\lambda') = m$
and $d(\lambda'') = d(\lambda) - n$. We abbreviate $\lambda(m,m)$ by $\lambda(m)$. A $k$-graph
morphism between two $k$-graphs is a degree preserving functor.
Following \cite{MR2920846}, for each $m \in (\mathbb{N} \cup \{\infty\})^k$, we define a $k$-graph
$\Omega_{k,m}$ by $\Omega_{k,m} = \{(p,q) \in \mathbb{N}^k \times \mathbb{N}^k : p \le q \le m\}$ with range map
$r(p,q) = (p,p)$, source map $s(p,q) = (q,q)$, and degree map $d(p,q) = q-p$. We identify
$\Omega_{k,m}^0$ with $\{p \in \mathbb{N}^k : p \le m\}$ via the map $(p,p) \mapsto p$. Given a $k$-graph
and $m \in \mathbb{N}^k$ there is a bijection from $\Lambda^m$ to the set of morphisms $x : \Omega_{k,m}
\to \Lambda$, given by $\lambda \mapsto \big((p,q)\mapsto \lambda(p,q)\big)$; the inverse is the
map $x \mapsto x(0,m)$. Thus, for each $m\in \mathbb{N}^k$ we may identify the collection of $k$-graph
morphisms from $\Omega_{k,m}$ to $\Lambda$ with $\Lambda^m$. We extend this idea beyond $m\in
\mathbb{N}^k$ as follows: Given $m \in (\mathbb{N} \cup \{\infty\})^k \setminus \mathbb{N}^k$, we regard each $k$-graph
morphism $x : \Omega_{k,m} \to \Lambda$ as a path of degree $m$ in $\Lambda$ and write $d(x)\mydef
m$ and $r(x)\mydef x(0)$; we denote the set of all such paths by $\Lambda^m$. We denote by
$W_\Lambda$ the collection $\bigcup_{m \in (\mathbb{N} \cup \{\infty\})^k} \Lambda^m$ of all paths in
$\Lambda$; our conventions allow us to regard $\Lambda$ as a subset of $W_\Lambda$. We call
$W_\Lambda$ the \emph{path space} of $\Lambda$. We set
$$\Lambda^{\leq \infty}= \big\{ x\in W_\Lambda: x(n)\Lambda^{e_i}=\emptyset\ \textrm{whenever}\ n\leq d(x)\ \textrm{and} \ n_i = d(x)_i\big\},
$$
and for $v\in \Lambda^0$, we define $v\Lambda^{\leq \infty}:=\{x\in \Lambda^{\leq \infty}:
r(x)=v\}$. Given a cycle $\tau$, we define $\tau^\infty$ (informally written as
$\tau^\infty\mydef\tau\tau\tau\dots$) to be the unique element of $W_\Lambda$ such that
$d(\tau^\infty)_i$ is equal to $\infty$ when $d(\tau)_i > 0$ and equal to $0$ when $d(\tau)_i =
0$, and such that $(\tau^\infty)(n\cdot d(\tau), (n+1)\cdot d(\tau)) = \tau$ for all $n \in \mathbb{N}$.
\subsection{Initial cycles and their periodicity group}
\label{init.cycles.intro} In this section we introduce initial cycles and their associated
periodicity group. As we will see in Corollary~\ref{stab.fin} and Theorem~\ref{sr1}, the
periodicity group plays an important role in the characterisation of stable rank.
Let $\lambda$ be a cycle in a row-finite, locally convex $k$-graph $\Lambda$ . We
say $\lambda$ is a \emph{cycle with an entrance} if there exists $\tau\in r(\lambda)\Lambda$ such
that $d(\tau)\leq d(\lambda^\infty)$ and $\tau\neq \lambda^\infty(0,d(\tau))$.
\begin{defn}{{(\cite{MR2920846})}}
\label{in.cycle} Let $\Lambda$ be a finite, locally convex $k$-graph that has no cycle with an
entrance. We call $\mu\in \Lambda$ an \emph{initial
cycle} if $r(\mu) = s(\mu)$ and if $r(\mu) \Lambda^{e_i} = \emptyset$ whenever $d(\mu)_i = 0$.
\end{defn}
\begin{remark}
While the wording of Definition~\ref{in.cycle} differs from that of \cite{MR2920846}, we will show
(in Proposition~\ref{stably.finite}) that for any $k$-graph $\Lambda$, a path $\mu\in \Lambda$ is
an initial cycle in the sense of Definition~\ref{in.cycle} if and only if it is an initial cycle
in the sense of \cite{MR2920846}.
\end{remark}
\begin{remark}
An initial cycle may be trivial, in the sense that it has degree 0, so it is in fact a vertex.
This vertex must then be a source, as for example $w_4$ in Figure~\ref{pic1.5}. It is not true
that every source is an initial cycle; for example $w_3$ in Figure~\ref{pic1.5} is a source but
not an initial cycle.
\end{remark}
As in \cite{MR2920846}, we let $\operatorname{IC}(\Lambda)$ denote the collection of all initial cycles in
$\Lambda$; if $\Lambda^0$ is finite and $\Lambda$ has no cycle with an entrance, then
$\operatorname{IC}(\Lambda)$ is nonempty---see Lemma~\ref{unit.sum}. A vertex $v\in \Lambda^0$ is said to be
\emph{on the initial cycle} $\mu$ if $v=\mu(p)$ for some $p\leq d(\mu)$\footnote{This is not the
definition in \cite[p.~202]{MR2920846}, but we expect this was the intended definition.}. We let
$(\mu^\infty)^0$ denote the collection of all vertices on an initial cycle $\mu$ and let $\sim$ be
the equivalence relation on $\operatorname{IC}(\Lambda)$ given by $\mu\sim \nu \Leftrightarrow
(\mu^\infty)^0=(\nu^\infty)^0$.
\begin{remark}
\label{initial.cycle.name} For a finite, locally convex $k$-graph that has no cycle with an
entrance, each initial cycle is an ``initial
segment'' in the following sense:
\begin{enumerate}
\item \label{gen.source} Every path with range on the initial cycle is in the initial cycle, so
paths can not ``enter'' an initial cycle (see Lemma~\ref{lem.init2}).
\end{enumerate}
Without the assumption that $\Lambda^0$ is finite and $\Lambda$ has no cycle with
an entrance property \eqref{gen.source} might fail. This is for example the case for the
$1$-graph with one vertex and two edges representing the Cuntz algebra $\mathcal{O}_2$. This
suggests that, in general, a different terminology should perhaps be used.
\end{remark}
As in \cite{MR2920846} we associate a group $G_\mu$ to each initial cycle $\mu$. Let $\Lambda$ be
a finite, locally convex $k$-graph that has no cycle with an entrance. Let $\mu$ be an initial
cycle in $\Lambda$. If $\mu$ is not a vertex, we define
\begin{equation}
\label{groupofmu}
G_\mu\mydef\{m-n: n,m\leq d(\mu^{\infty}), \mu^{\infty}(m)=\mu^{\infty}(n)\},
\end{equation}
otherwise, we let $G_\mu\mydef\{0\}$.
\begin{defn}
\label{rank.Gmu} By \cite[Lemma~5.8]{MR2920846}, $G_\mu$ is a subgroup of $\mathbb{Z}^k$, and hence
isomorphic to $\mathbb{Z}^{\ell_\mu}$ for some $\ell_\mu\in \{0,\dots, k\}$: we often refer to $\ell_\mu$
as the \emph{rank} of $G_\mu$.
\end{defn}
\begin{remark}
It turns out that $\ell_\mu = |\{i\leq k: d(\mu)_i> 0\}|$---see Proposition~\ref{ell.mu}.
\end{remark}
\subsection{Examples of initial cycles}
\label{sec.ex}
\begin{figure}
\begin{center}
\begin{tikzpicture}
\def 1 {6}
\def 1.0cm {2.0cm}
\def 1.15cm {2.2cm}
\def 1.15cm {2.2cm}
\def 6 {6}
\foreach \s in {5,...,0} {
\node[circle, inner sep=0pt] at ({360/1 * (\s - 1)}:1.15cm) {$v_{\s}$};
\draw[blue, <-, >=latex] ({360/1 * (\s - 1)+6}:1.0cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.0cm);
} \foreach \s in {5,...,0} {
\draw[red, dashed, <-, >=latex] ({360/1 * (\s - 1)+6}:1.15cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.15cm);
}
\end{tikzpicture}
\ \ \
\begin{tikzpicture}
\def 1 {6}
\def 1.0cm {2.0cm}
\def 1.15cm {2.2cm}
\def 1.15cm {2.2cm}
\def 2.15cm {2.15cm}
\def 6 {6}
\def 150 {150}
\foreach \s in {5,...,0} {
\node[circle, inner sep=0pt] at ({360/(1) * (\s - 0.81)}:1.15cm-8) {$v_{\s}$};
\draw[blue, <-, >=latex] ({360/1 * (\s +2.15cm - 1)+6}:1.0cm)
arc ({360/1 * (\s +2.15cm - 1)+6}:{360/1 * (\s +2.15cm )-6}:1.0cm-1);
} \foreach \s in {5,...,0} {
\draw[red, dashed, <-, >=latex] ({360/1 * (\s - 1)+6}:1.15cm-4)
arc ({360/1 * (\s - 1)+6-310+150}:{360/1 * (\s - 1)+6+150}:0.5);
}
\end{tikzpicture}
\caption{Two $2$-graphs $\Lambda_1, \Lambda_2$, each containing lots of initial cycles, but only
one such up to $\sim$\,-equivalence.} \label{pic1}
\end{center}
\end{figure}
Figure~\ref{pic1} illustrates\footnote{We have illustrated $\Lambda_1$ and $\Lambda_2$ as
2-coloured graphs, we refer to \cite{MR3056660} for details on how to visualise $k$-graphs as
colours graphs.} two examples of $2$-graphs $\Lambda_1$ and $\Lambda_2$ containing lots of initial
cycles. In fact, a cycle in either $\Lambda_1$ or $\Lambda_2$ is an initial cycle precisely if it
contains edges of both colours. Each initial cycle in either $\Lambda_i$ visits every vertex, so
any two initial cycles in $\Lambda_i$ are $\sim$\,-equivalent. A computation shows that for each
initial cycle $\mu$ in either $\Lambda_i$, $G_{\mu}\cong \mathbb{Z}^{2}$. Notice that each vertex on a
cycle in either $\Lambda_i$ has exactly one red (dashed) and one blue (solid) incoming and
outgoing edge and exactly one infinite path with range at that vertex.
Below we illustrate how the stable rank of each $C^*(\Lambda_i)$ can be computed. For this we need
some definitions and a lemma.
\begin{enumerate}
\item Fix an integer $n \ge 1$, let $L_n$ denote the connected $1$-graph with $n$ vertices $v_0
, \ldots , v_{n-1}$ and $n$ morphisms $f_0 , \ldots , f_{n-1}$ of degree $1$ such that $s (
f_i ) = v_{i+1\!\!\pmod{n}}$ and $r ( f_i ) = v_{i}$ for $0 \le i \le n-1$.
\item Let $( \Lambda_1 , d_1 )$ and $( \Lambda_2 , d_2 )$ be $k_1$-, $k_2$-graphs respectively,
then $( \Lambda_1 \times \Lambda_2 , d_1 \times d_2 )$ is a $(k_1 + k_2)$-graph where
$\Lambda_1 \times \Lambda_2$ is the product category and $d_1 \times d_2 : \Lambda_1 \times
\Lambda_2 \rightarrow \mathbb{N}^{k_1 + k_2}$ is given by $d_1 \times d_2 ( \lambda_1 , \lambda_2 )
= ( d_1 ( \lambda_1 ) , d_2 ( \lambda_2 ) ) \in \mathbb{N}^{k_1} \times \mathbb{N}^{k_2}$
\cite[Proposition~1.8]{MR1745529}.
\item Let $f : \mathbb{N}^\ell \rightarrow \mathbb{N}^k$ be a monoid morphism. If $( \Lambda ,d)$ is a
$k$-graph we may form the $\ell$-graph $f^* ( \Lambda )$ as follows: $f^* ( \Lambda ) = \{ (
\lambda , n ) : d ( \lambda ) = f(n) \}$ with $d ( \lambda , n ) = n$, $s ( \lambda , n ) =
s ( \lambda )$ and $r ( \lambda , n ) = r ( \lambda )$ \cite[Example~1.10]{MR1745529}.
\item Let $\Lambda$ be a $k$--graph and define $g_i : \mathbb{N} \to \mathbb{N}^k$ by $g_i (n) = n e_i$ for $1
\leq i \leq k$ (so $\ell=1$). The $1$-graphs $\Lambda_i : = g_i^* ( \Lambda )$ are called
the \emph{coordinate graphs} of $\Lambda$.
\end{enumerate}
\begin{lemma} \cite[Proposition 1.11, Corollary 3.5(iii), Corollary 3.5(iv)]{MR1745529}
\label{examples12}
\begin{enumerate}
\item Let $( \Lambda_i , d_i )$ be $k_i$-graphs for $i = 1, 2$, then $C^* ( \Lambda_1 \times
\Lambda_2 ) \cong C^* ( \Lambda_1 ) \otimes C^* ( \Lambda_2 )$ via the map $s_{(\lambda_1 ,
\lambda_2)} \mapsto s_{\lambda_1} \otimes s_{\lambda_2}$ for $( \lambda_1 , \lambda_2 ) \in
\Lambda_1 \times \Lambda_2$.
\item Let $\Lambda$ be a $k$-graph and $f : \mathbb{N}^\ell \rightarrow \mathbb{N}^k $ a surjective monoid
morphism. Then $C^* (f^* ( \Lambda ) ) \cong C^* ( \Lambda ) \otimes C ( \mathbb{T}^{\ell - k})$.
\end{enumerate}
\end{lemma}
Let $\Lambda$ be a $1$-graph and define $f_1 : \mathbb{N}^2 \rightarrow \mathbb{N}$ by $( m_1, m_2) \mapsto m_1
+ m_2$. Then $f_1^* ( L_6 )$ is isomorphic to the $2$-graph $\Lambda$ shown on the left in
Figure~\ref{pic1}. The $2$-graph $L_6 \times L_1$ is isomorphic to the $2$-graph shown on the
right in Figure~\ref{pic1}. Using Lemma~\ref{examples12} and that $C^*(L_6)\cong M_6(C(\mathbb{T}))$
\cite[Lemma~2.4]{MR1452183} we get $C^*(\Lambda_i)\cong C^* (L_6) \otimes C(\mathbb{T}) \cong
M_6(C(\mathbb{T}^2))$, $i=1,2$, so both have stable rank~2 as discussed in Section~\ref{sec.1.3}.
\section{Structure and stable rank in the stably finite case.}
\label{two} In this section we study finite $k$-graphs whose $C^*$-algebras are stably finite,
corresponding to boxes 1~and~2 in Figure~\ref{fbuha}. In Proposition~\ref{stably.finite} we show
that stable finiteness is equivalent to the lack of infinite projections and provide a
characterisation in terms of properties of the $k$-graph. We also provide a structure result and
compute stable rank of such $C^*$-algebras---see Theorems
\ref{direct.sum.thm}~and~\ref{stable.rank.thm}. We begin with four technical lemmas needed to
prove Theorem~\ref{direct.sum.thm}.
\begin{lemma}\label{lem.init2}
Let $\Lambda$ be a finite, locally convex $k$-graph that has no cycle with an
entrance. Let $v\in\Lambda^0$ be a vertex on an initial cycle $\mu\in \Lambda$. Then
\begin{enumerate}
\item \label{part1.init} there exist paths $\iota_v,\tau_v\in \Lambda$ such that
$\mu=\iota_v\tau_v$ and $s(\iota_v)=v=r(\tau_v)$;
\item \label{part2.init} the path $\mu_v\mydef \tau_v\iota_v$ satisfies $r(\mu_v)= s(\mu_v)$,
and $r(\mu_v) \Lambda^{e_i} = \emptyset$ whenever $d(\mu_v)_i = 0$;
\item \label{part3.init} if $f\in \Lambda^{e_i}$ is an edge with range $v$ on $\mu$, then
$f=\mu_{v}(0, e_i)$ and $ \mu=\nu'f\nu''$ for some $\nu',\nu''\in \Lambda$;
\item \label{part4.init} if $n\leq d(\mu)$ and $\lambda\in v\Lambda^{\leq n}$, then
$\lambda=\mu_{v}(0, d(\lambda))$; and
\item \label{part5.init} $s_{\tau_v}s_{\tau_v}^*=s_v$ and $s_{\tau_v}^*s_{\tau_v}=s_{s(\mu)}$.
\end{enumerate}
\end{lemma}
\begin{proof}
\eqref{part1.init}. Since $v$ is a vertex on $\mu$, we have $v=\mu(p)$ for some $p\leq d(\mu)$.
Set $\iota_v\mydef \mu(0,p)$ and $\tau_v\mydef \mu(p,d(\mu))$. Then $\mu=\iota_v\tau_v$ and
$s(\iota_v)=v=r(\tau_v)$.
\eqref{part2.init}. By property \eqref{part1.init}, $s(\iota_v)=v=r(\tau_v)$, so the path
$\mu_v\mydef \tau_v\iota_v\in \Lambda$ satisfies $r(\mu_v)=s(\mu_v)$. Suppose $r(\mu_v)
\Lambda^{e_i}$ is nonempty, say $\alpha\in r(\mu_v) \Lambda^{e_i}$. Then
$(\iota_v\alpha)(0,e_i)\in r(\mu)\Lambda^{e_i}$. Since $\mu$ is an initial cycle, it follows that
$d(\mu)_i \neq 0$.
\eqref{part3.init}. Suppose $f\in \Lambda^{e_i}$ is an edge with range $v$ on $\mu$. Since
$r(f)=v=r(\mu_{v})$, we have $f \in r(\mu_{v})\Lambda^{e_i}$. Now property \eqref{part2.init}
ensures that $d(\mu_v)_i \neq 0$. Since $d(\mu_v)_i > 0$, there exists a path $\lambda \in
s(f)\Lambda^{\leq d(\mu_v)-e_i}$. Hence $f\lambda\in \Lambda^{\leq e_i}\Lambda^{\leq
d(\mu_v)-e_i}=\Lambda^{\leq d(\mu_v)}$. Now using that $\mu_v\in v\Lambda$ is a cycle and that
$\Lambda$ has no cycle with an entrance, it follows that $v\Lambda^{\leq d(\mu_v)}= \{\mu_v\}$.
Hence $\mu_v=f\lambda$. Since $f\lambda=\mu_v=\tau_v\iota_v$, we get $f=\tau_v(0,e_i)$ if
$d(\tau_v)_i>0$ and $f=\iota_v(0,e_i)$ if $d(\tau_v)_i=0$.
\eqref{part4.init}. Fix $n\leq d(\mu)$ and $\lambda\in v\Lambda^{\leq n}$. If $d(\lambda) = 0$
then $\lambda = v$ and the statement is trivial, so we may assume that $\lambda\not\in \Lambda^0$.
Write $d(\lambda)=e_{i_1}+\dots+e_{i_m}$ where $i_1\dots,i_m\in \{1,\dots,k\}$. By the
factorisation property $\lambda=\lambda_1\dots \lambda_m$ for some $\lambda_j \in
\Lambda^{e_{i_j}}$. Repeated applications of part~\eqref{part3.init} give $\lambda_j =
\mu_{r(\lambda_j)}(0, e_{i_j})$ for $j \le m$. Since $d(\lambda)\leq d(\mu)$, it follows that
$\lambda=\mu_{v}(0, d(\lambda))$.
\eqref{part5.init}. Since $s(\tau_v)=s(\mu)$ we have $s_{\tau_v}^*s_{\tau_v}=s_{s(\mu)}$. For
$n\mydef d(\tau_v)$ notice that $n\leq d(\mu)$. Fix $\lambda\in v\Lambda^{\leq n}$. Using
part~\eqref{part4.init} we have $\lambda=\mu_{v}(0, d(\lambda))$. Since $\tau_v\in v\Lambda^{\leq
n}$ and since $d(\lambda)\leq n$ we have $\tau_v=\mu_{v}(0, n)=\lambda \mu_{v}(d(\lambda), n)$.
But both $\tau_v$ and $\lambda$ belong to $\Lambda^{\leq n}$, so $\tau_v=\lambda$. Consequently
$v\Lambda^{\leq n}=\{\tau_v\}$ and $s_{\tau_v}s_{\tau_v}^*=\sum_{\lambda\in v\Lambda^{\leq
n}}s_\lambda s_\lambda^*=s_{v}$.
\end{proof}
\begin{lemma}
\label{unit.sum} Let $\Lambda$ be a finite, locally convex $k$-graph that has no
cycle with an entrance. Let $N\mydef(|\Lambda^0|,\dots, |\Lambda^0|)\in \mathbb{N}^k$. Then
\begin{enumerate}
\item \label{part1.get} $\sum_{\lambda\in \Lambda^{\leq N}} s_\lambda s_\lambda^* =
1_{C^*(\Lambda)}$; and
\item \label{part2.get} for every $\lambda\in \Lambda^{\leq N}$, $s(\lambda)$ is a vertex on an
initial cycle.
\end{enumerate}
\end{lemma}
\begin{proof}
For part~\eqref{part1.get} use $1=\sum_{v\in \Lambda^0}s_v=\sum_{v\in \Lambda^0}\sum_{\lambda\in
v\Lambda^{\leq N}}s_\lambda s_\lambda^*=\sum_{\lambda\in \Lambda^{\leq N}}s_\lambda
s_\lambda^*.$ For part~\eqref{part2.get} we refer to the second paragraph of the proof of
\cite[Proposition 5.9]{MR2920846}.
\end{proof}
Recall that $(\mu^\infty)^0$ denotes the collection of all vertices on an initial cycle $\mu$. For
the terminology $\tau_{v}, v\in \Lambda^0$ in the following lemma see Lemma~\ref{lem.init2}.
\begin{lemma}
\label{matrix.units}
Let $\Lambda$ be a finite, locally convex $k$-graph that has no cycle with an
entrance. Fix an initial cycle $\mu\in \Lambda$.
Let $N\mydef(|\Lambda^0|,\dots, |\Lambda^0|)\in \mathbb{N}^k$ and for each $\lambda,\nu\in \Lambda^{\leq
N}(\mu^\infty)^0$ set (using Lemma~\ref{lem.init2})
\begin{align*}
\theta_{\lambda,\nu}\mydef s_{\lambda\tau_{s(\lambda)}}s_{\nu\tau_{s(\nu)}}^*.
\end{align*}
Then the $\theta_{\lambda,\nu}$ are matrix units, i.e.,
$\theta_{\lambda,\nu}^*=\theta_{\nu,\lambda}$ and $\theta_{\lambda,\nu}\theta_{\gamma,
\eta}=\delta_{\nu,\gamma}\theta_{\lambda, \eta}$ in $C^*(\Lambda)$.
\end{lemma}
\begin{proof}
Firstly, note that each $\theta_{\lambda,\nu}$ makes sense because the source of $\lambda \in
\Lambda^{\leq N}(\mu^\infty)^0$ is a vertex on $\mu$ and $\tau_{s(\lambda)}$ is a path on the
initial cycle $\mu$ with range $s(\lambda)$.
Fix $\lambda, \nu,\gamma, \eta \in \Lambda^{\leq N}(\mu^\infty)^0$. Clearly
$\theta_{\lambda,\nu}^*=\theta_{\nu,\lambda}$. We claim that $\theta_{\lambda,\nu}\theta_{\gamma,
\eta}=\delta_{\nu,\gamma}\theta_{\lambda, \eta}$. To see this let $v\mydef r(\mu)$. Then
\begin{align}
\label{star.id}
s_{\nu\tau_{s(\nu)}}^*s_{\gamma\tau_{s(\gamma)}}=s_{\tau_{s(\nu)}}^*s_\nu^* s_\gamma s_{\tau_{s(\gamma)}}
\end{align}
is nonzero only if $r(\nu)=r(\gamma)$. Since $s_{r(\nu)} = \sum_{\alpha \in {r(\nu)}\Lambda^{\leq
N}} s_\alpha s_\alpha^*$, we have $(s_\nu s_\nu^*)(s_\gamma s_\gamma^*)=\delta_{\nu,\gamma}s_\nu
s_\nu^*$, so if \eqref{star.id} is nonzero, then $\nu=\gamma$ and then
\begin{align*}
s_{\nu\tau_{s(\nu)}}^*s_{\gamma\tau_{s(\gamma)}}=\delta_{\nu,\gamma}s_{\nu\tau_{s(\nu)}}^*s_{\gamma\tau_{s(\gamma)}}=\delta_{\nu,\gamma} s_{s(\nu\tau_{s(\nu)})}=\delta_{\nu,\gamma}s_{s(\tau_{s(\nu)})}=\delta_{\nu,\gamma}s_{v}.
\end{align*}
Hence $ \theta_{\lambda,\nu}\theta_{\gamma,
\eta}=s_{\lambda\tau_{s(\lambda)}}(\delta_{\nu,\gamma}s_{v})s_{\eta\tau_{s(\eta)}}^*=\delta_{\nu,\gamma}\theta_{\lambda,
\eta} $ as claimed.
\end{proof}
The next lemma is of general nature. See \cite[Lemma~3.3]{MR2520478} for a special case of this
result.
\begin{lemma}
\label{matrix.system} Suppose that $\{e_{ij}^{(k)} : 1\leq k\leq r, 1\leq i,j\leq n_k\}$ is a
system of matrix units in a unital $C^*$-algebra $A$, in the sense that
\begin{enumerate}
\item $e_{ij}^{(k)}e_{jl}^{(k)}=e_{il}^{(k)}$;
\item $e_{ij}^{(k)}e_{mn}^{(l)}=0$ if $k\neq l$ or if $j\neq m$;
\item $(e_{ij}^{(k)})^*=e_{ji}^{(k)}$; and
\item $\sum_{k=1}^r \sum_{i=1}^{n_k} e_{ii}^{(k)}=1$.
\end{enumerate}
For $k \leq r$ let $p^{(k)}\mydef \sum_{i=1}^{n_k} e_{ii}^{(k)}$. Suppose that for each $a\in A$,
$a=\sum_{k=1}^r p^{(k)}ap^{(k)}$. Then, for $1\leq k \leq r$, each $e_{11}^{(k)}$ is a projection
and $A\cong \bigoplus_{k=1}^{r} M_{n_k}(e_{11}^{(k)}Ae_{11}^{(k)})$.
\end{lemma}
\begin{proof}
Clearly $A\cong \bigoplus_{k=1}^{r}p^{(k)}Ap^{(k)}$ via $a\mapsto (p^{(1)}ap^{(1)},\dots,
p^{(r)}ap^{(r)})$ and inverse $(a^{(1)}, \dots, a^{(r)})\mapsto \sum_{k=1}^r a^{(k)}$. Routine
calculations show that for each $k\in \{1,\dots,r\}$, the elements $v_i\mydef e_{i1}^{(k)}$, $i=1,
\dots, n_k$, satisfy
$$v_i^*v_j=\delta_{i,j}e_{11}^{(k)} \quad \text{for} \quad 1\leq i,j\leq n_k, \quad \text{and}\quad p^{(k)}=\sum_{i=1}^{n_k}v_iv_i^*.$$
By \cite[Lemma~3.3]{MR2520478}, $p^{(k)}Ap^{(k)}\cong M_{n_k}(e_{11}^{(k)}Ae_{11}^{(k)})$
completing the proof.
\end{proof}
We now characterise the structure of $k$-graph $C^*$-algebras $C^*(\Lambda)$ such that $\Lambda$
is finite and has no cycle with an entrance. For the notions of $\operatorname{IC}(\Lambda)$, $\sim$,
$(\mu^\infty)^0$, and $\ell_\mu$ see Section~\ref{init.cycles.intro}. We note that in
Theorem~\ref{direct.sum.thm}, $\operatorname{IC}(\Lambda)\neq \emptyset$ and $\ell_\mu = |\{i\leq k: d(\mu)_i>
0\}|$ (see Lemma~\ref{unit.sum}\eqref{part2.get} and Proposition~\ref{ell.mu}).
\begin{thm}{(Structure theorem)}
\label{direct.sum.thm} Let $\Lambda$ be a finite, locally convex $k$-graph that has no cycle with an
entrance. For $N\mydef(|\Lambda^0|,\dots,
|\Lambda^0|)\in \mathbb{N}^k$,
$$C^*(\Lambda)\cong \bigoplus_{[\mu] \in \operatorname{IC}(\Lambda)/\sim} M_{\Lambda^{\leq N}(\mu^\infty)^0}(s_{r(\mu)}C^*(\Lambda)s_{r(\mu)}),$$
and each $s_{r(\mu)}C^*(\Lambda)s_{r(\mu)}\cong C(\mathbb{T}^{\ell_\mu})$.
\end{thm}
\begin{proof}
Evidently $\operatorname{IC}(\Lambda)/\negthickspace\sim$ is finite since $\Lambda^0$ is finite. Let $I$ be a
maximal collection of initial cycles satisfying $(\mu^\infty)^0\cap (\nu^\infty)^0=\emptyset$ for
any $\mu\neq \nu\in I$. For each initial cycle $\mu\in I$ let $\{\theta_{\lambda,\nu}^{(\mu)}\}$
be the matrix units of Lemma~\ref{matrix.units}. We first prove that
$\{\theta_{\lambda,\nu}^{(\mu)}: \mu\in I \}$ is a system of matrix units, i.e.,
\begin{enumerate}
\item \label{m.one}
$\theta_{\lambda\lambda'}^{(\mu)}\theta_{\lambda'\lambda''}^{(\mu)}=\theta_{\lambda\lambda''}^{(\mu)}$;
\item \label{m.two} $\theta_{\lambda\lambda'}^{(\mu)}\theta_{\eta\eta'}^{(\nu)}=0$ if $\mu\neq
\nu$ or if $\lambda'\neq \eta$;
\item \label{m.three} $(\theta_{\lambda\lambda'}^{(\mu)})^*=\theta_{\lambda'\lambda}^{(\mu)}$;
and
\item \label{m.four} $\sum_{\mu\in I}\sum_{\lambda \in \Lambda^{\leq N}(\mu^\infty)^0}
\theta_{\lambda\lambda}^{(\mu)}=1$.
\end{enumerate}
We start with property \eqref{m.four}. Fix $\mu\in I$ and $\lambda\in \Lambda^{\leq
N}(\mu^\infty)^0$. Using Lemma~\ref{lem.init2}\eqref{part5.init} we have
$s_{\tau_{s(\lambda)}}s_{\tau_{s(\lambda)}}^*=s_{s(\lambda)}$. Hence
$\theta_{\lambda,\lambda}^{(\mu)}=
s_{\lambda\tau_{s(\lambda)}}s_{\lambda\tau_{s(\lambda)}}^*=s_\lambda s_\lambda^*$.
Lemma~\ref{unit.sum}\eqref{part1.get} now gives
\begin{equation}
\label{star.id2}
1=\sum_{\lambda\in \Lambda^{\leq N}}s_\lambda s_\lambda^*=\sum_{\mu\in I} \sum_{\lambda\in \Lambda^{\leq N}(\mu^\infty)^0}s_\lambda s_\lambda^*=\sum_{\mu\in I}\sum_{\lambda \in \Lambda^{\leq N}(\mu^\infty)^0} \theta_{\lambda\lambda}^{(\mu)}.
\end{equation}
Properties \eqref{m.one}--\eqref{m.three} follow from Lemma~\ref{unit.sum} and that
$\theta_{\lambda\lambda}^{(\mu)}\theta_{\lambda\lambda}^{(\nu)}=0$ whenever $\mu\neq \nu$ in $I$
(the latter is a consequence of property \eqref{m.four}).
For each $\mu \in I$, define $p^{(\mu)}\mydef \sum_{\lambda \in \Lambda^{\leq N}(\mu^\infty)^0}
\theta_{\lambda\lambda}^{(\mu)}$. Then~\eqref{star.id2} gives $\sum_{\mu\in I} p^{(\mu)}=1$. We
claim that
\[\textstyle
A\mydef \big\{a\in C^*(\Lambda) : a=\sum_{\mu\in I} p^{(\mu)}ap^{(\mu)}\big\}
\]
is all of $C^*(\Lambda)$. Clearly $A$ is a closed linear subspace of $C^*(\Lambda)$. Fix $\alpha,
\beta\in \Lambda^{\leq N}$ such that $s(\alpha)=s(\beta)$. Using
Lemma~\ref{unit.sum}\eqref{part2.get} it follows that $s(\alpha)\in (\mu^\infty)^0$ for some
$\mu\in I$. Since $s_\alpha s_\alpha^*\leq p^{(\mu)}$ we get
\begin{equation*}
s_\alpha =p^{(\mu)}s_\alpha s_\alpha^* s_\alpha =p^{(\mu)}s_\alpha, \quad \text{and}\quad s_\alpha s_\beta^*=p^{(\mu)}s_\alpha s_\beta^*p^{(\mu)},
\end{equation*}
so $s_\alpha s_\beta^*\in A$. Using that $\operatorname{span}\{s_\alpha s_\beta^*: \alpha, \beta\in
\Lambda^{\leq N}, s(\alpha)=s(\beta)\}$ is dense in $C^*(\Lambda)$ we get $A=C^*(\Lambda)$ as
claimed.
For each $\mu \in I$, Lemma~\ref{lem.init2}\eqref{part3.init}--\eqref{part4.init} implies that
$r(\mu)\Lambda^{\leq N}$ contains exactly one path which we denote by $\lambda_\mu$. As in the
proof of \eqref{m.four}, we have $\theta_{\lambda_\mu,\lambda_\mu}^{(\mu)}=s_{\lambda_\mu}
s_{\lambda_\mu} ^*$, so $s_{r(\mu)}= \sum_{\lambda \in r(\mu)\Lambda^{\leq N}} s_\lambda
s_\lambda^*=\theta_{\lambda_\mu,\lambda_\mu}^{(\mu)}$. Identifying $I$ with
$\operatorname{IC}(\Lambda)/\negthickspace\sim$ via the map $\mu\mapsto [\mu]$, Lemma~\ref{matrix.system} provides
an isomorphism
$$C^*(\Lambda)\cong \bigoplus_{\mu \in \operatorname{IC}(\Lambda)/\sim} M_{\Lambda^{\leq N}(\mu^\infty)^0}(s_{r(\mu)}C^*(\Lambda)s_{r(\mu)}).$$
To see that each $s_{r(\mu)}C^*(\Lambda)s_{r(\mu)}\cong C(\mathbb{T}^{\ell_\mu})$, see the proof of
\cite[Proposition~5.9]{MR2920846}.
\end{proof}
The main result of this section is the characterisation of stable rank for $k$-graph
$C^*$-algebras $C^*(\Lambda)$ such that $\Lambda$ is finite and has no cycle with an entrance.
Recall the notion of the floor and ceiling functions: for $x \in \mathbb{R}$, we write $\lfloor
x\rfloor \mydef \max\{n \in \mathbb{Z} : n \le x\}$ and $\lceil x\rceil \mydef \min\{n \in
\mathbb{Z} : n \ge x\}$.
\begin{thm}
\label{stable.rank.thm} Let $\Lambda$ be a finite, locally convex $k$-graph that
has no cycle with an entrance. For $N\mydef(|\Lambda^0|,\dots, |\Lambda^0|)\in
\mathbb{N}^k$,
$$sr(C^*(\Lambda))=\max_{[\mu] \in \operatorname{IC}(\Lambda)/\sim} \left\lceil \frac{\left\lfloor \frac{\ell_\mu}{2}\right\rfloor}{|\Lambda^{\leq N}(\mu^\infty)^0|}\right\rceil+1.$$
\end{thm}
\begin{proof}
By Theorem~\ref{direct.sum.thm} and property \eqref{direct.sum} from Section \ref{sec.1.3},
$$sr(C^*(\Lambda))= \max_{[\mu] \in \operatorname{IC}(\Lambda)/\sim} M_{\Lambda^{\leq N}(\mu^\infty)^0}(s_{r(\mu)}C^*(\Lambda)s_{r(\mu)}),$$ and each
$s_{r(\mu)}C^*(\Lambda)s_{r(\mu)}\cong C(\mathbb{T}^{\ell_\mu})$. Now using property
\eqref{matrix.result} from Section \ref{sec.1.3}, we get
$$sr(C^*(\Lambda))= \max_{[\mu] \in \operatorname{IC}(\Lambda)/\sim} \left\lceil {\frac{sr(s_{r(\mu)}C^*(\Lambda)s_{r(\mu)})-1}{{\Lambda^{\leq N}(\mu^\infty)^0}}}\right\rceil+1.$$
Finally, property \eqref{abelian.result} from Section \ref{sec.1.3}, gives
$sr(s_{r(\mu)}C^*(\Lambda)s_{r(\mu)}) -1=\left\lfloor {\ell_\mu/2}\right\rfloor$ for each $[\mu]
\in \operatorname{IC}(\Lambda)/\negthickspace\sim$, completing the proof.
\end{proof}
Our next Proposition~\ref{stably.finite} characterises stable finiteness of $C^*$-algebras of
finite, locally convex $k$-graphs. For other results on stable finiteness of $C^*$-algebras
associated to row-finite $k$-graphs with no sources, see \cite{MR3507995, MR2920846}. Note that
the $C^*$-algebras satisfying the hypotheses of Proposition~\ref{stably.finite} are exactly those
shown in Figure~\ref{fbuha} in boxes 3~and~4.
We briefly introduce relevant terminology. Following \cite{MR2153156} we write $\operatorname{MCE}(\mu,
\nu)\mydef \mu\Lambda \cap \nu\Lambda\cap \Lambda^{d(\mu)\vee d(\nu)}$ for the set of all minimal
common extensions of $\mu,\nu\in \Lambda$. The cycle $\lambda$ is a \emph{cycle with an entrance
in the sense of \cite[Definition~3.5]{MR2920846}} if there exists a path $\tau\in
r(\lambda)\Lambda$ such that $\operatorname{MCE}(\tau, \lambda)=\emptyset$\footnote{Formally, if $\lambda$ is a
cycle, then $(\lambda,r(\lambda))$ is a generalised cycle in the sense of
\cite[Definition~3.1]{MR2920846}, and an entrance to $(\lambda, r(\lambda))$ is a path $\tau \in
s(r(\lambda))\Lambda$ such that $\operatorname{MCE}(r(\lambda)\tau, \lambda) = \emptyset$.}.
\begin{prop}
\label{stably.finite} Let $\Lambda$ be a finite, locally convex $k$-graph. With notation as above,
the following are equivalent:
\begin{enumerate}
\item \label{inf.1} $\Lambda$ has a cycle $\mu$ with an entrance;
\item \label{inf.2} $\Lambda$ has a cycle $\mu$ with an entrance in the sense of
\cite[Definition~3.5]{MR2920846};
\item \label{inf.4} $C^*(\Lambda)$ contains an infinite projection; and
\item \label{inf.5} $C^*(\Lambda)$ is not stably finite.
\end{enumerate}
\end{prop}
\begin{proof}
To prove \eqref{inf.1}$\Rightarrow$\eqref{inf.2} let $\mu$ be a cycle with an entrance $\tau$, so
$\tau\in r(\mu)\Lambda$ satisfies $d(\tau)\leq d(\mu^\infty)$ and $\tau\neq
\mu^\infty(0,d(\tau))$. Fix $n\geq 1$ such that $nd(\mu)\geq d(\tau)$. Clearly $\tau\in
r(\mu^n)\Lambda$. Then $\tau\neq \mu^\infty(0,d(\tau))=\mu^n(0,d(\tau))$, so $\operatorname{MCE}(\mu^n, \tau)=
(\mu^n\Lambda \cap \Lambda^{d(\mu^n)\vee d(\tau)})\cap \tau\Lambda\subseteq \{\mu^n\} \cap
\tau\Lambda=\emptyset$. For the proof of \eqref{inf.2}$\Rightarrow$\eqref{inf.4}, see
\cite[Corollary~3.8]{MR2920846}.
The implication \eqref{inf.4}$\Rightarrow$\eqref{inf.5} follows from
\cite[Lemma~5.1.2]{MR1783408}. It remains to prove \eqref{inf.5}$\Rightarrow$\eqref{inf.1}. We
establish the contrapositive. Suppose that condition \eqref{inf.1} does not hold, that is
$\Lambda$ has no cycle with an entrance. Theorem~\ref{direct.sum.thm} gives that
$C^*(\Lambda)$ is isomorphic to a direct sum of matrix algebras over commutative $C^*$-algebras,
hence stably finite, so condition~\eqref{inf.5} does not hold.
\end{proof}
\begin{remark}
Our main results are for finite $k$-graphs so Proposition~\ref{stably.finite} is stated in that
context, but some of the implications hold more generally.
\begin{enumerate}
\item Only the proof of \mbox{\eqref{inf.5}\;${\implies}$\;\eqref{inf.1}} uses that $\Lambda$ is
finite. The proofs of the implications \eqref{inf.1} ${\implies}$ \eqref{inf.2} ${\implies}$
\eqref{inf.4} ${\implies}$ \eqref{inf.5} are valid for any locally convex row-finite
$k$-graph.
\item Similarly, while \eqref{inf.1}~and~\eqref{inf.2} are not equivalent for arbitrary
$k$-graphs, they \emph{are} equivalent for locally convex $k$-graphs, whether finite or not.
To see this, suppose that $\lambda$ is a cycle in a locally convex $k$-graph and $\tau \in
r(\lambda)\Lambda$ satisfies $\operatorname{MCE}(\lambda,\tau) = \emptyset$. Let $I = \{i \le k :
d(\lambda)_i > 0\}$, let $m_I = \sum_{i \in I} d(\tau)_i e_i$ and $m' := d(\tau) - m_I$, and
factorise $\tau = \tau_I \tau'$ with $d(\tau_I) = m_I$. If $\tau_I \not= (\lambda^\infty)(0,
m_I)$, then $\lambda$ is a cycle with an entrance as required, so we may assume that $\tau_I
= (\lambda^\infty)(0,m_I)$. So replacing $\lambda$ with $(\lambda^\infty)(m_I, m_I +
d(\lambda))$ and $\tau$ with $\tau'$ we may assume that $d(\tau) \wedge d(\lambda) = 0$.
Since $\Lambda$ is locally convex, a quick inductive argument shows that there exists $\mu
\in s(\tau)\Lambda^{d(\lambda)} \not= \emptyset$. Factorise $\tau\mu = \alpha\beta$ with
$d(\alpha) = d(\mu) = d(\lambda)$. Since $\operatorname{MCE}(\tau,\lambda) = \emptyset$, we must have
$\alpha \not= \lambda$ and in particular $d(\alpha) = d(\lambda) < d(\lambda^\infty)$ and
$\alpha \not= (\lambda^\infty)(0, d(\alpha))$. So once again $\lambda$ is a cycle with an
entrance.
\end{enumerate}
\end{remark}
\begin{cor}
\label{stab.fin} Let $\Lambda$ be a finite, locally convex $k$-graph. Suppose that $\Lambda$ has
no cycle with an entrance (i.e., $C^*(\Lambda)$ is stably finite). For $N\mydef(|\Lambda^0|,\dots,
|\Lambda^0|)\in \mathbb{N}^k$,
$$sr(C^*(\Lambda))=\max_{[\mu] \in \operatorname{IC}(\Lambda)/\sim} \left\lceil \frac{\left\lfloor \frac{\ell_\mu}{2}\right\rfloor}{|\Lambda^{\leq N}(\mu^\infty)^0|}\right\rceil+1.$$
\end{cor}
\begin{remark}
A cycle with an incoming edge may fail to be a cycle with an entrance. This is for example the
case for any of the red (dashed) cycles in Figure~\ref{pic2}.
\end{remark}
\begin{example}
In this example we consider the $2$-graph $\Lambda$ in Figure~\ref{pic2}.
\begin{figure}
\begin{center}
\begin{tikzpicture}
\def 1 {2}
\def 1.0cm {1.0cm}
\def 1.15cm {1.15cm}
\def 1.15cm {1.15cm}
\def 6 {6}
\node[circle, inner sep=0pt] (v0) at (-3,.5) {$e$};
\node[circle, inner sep=0pt] (v1) at (-1,0) {$\ $};
\node[circle, inner sep=0pt] (v2) at (1, 0) {$\ $};
\node[inner sep=1pt, circle] (27) at (-2.5,0) {$v$};
\path[->,every loop/.style={looseness=14}, >=latex] (27)
edge [in=150,out=210,loop, red, dashed, >=latex] ();
\foreach \s in {0,1} {
\node[circle, inner sep=0pt] (l\s) at ({360/1 * (\s - 1)}:1.15cm) {$v_{\s}$};
\draw[blue, <-, >=latex] ({360/1 * (\s - 1)+6}:1.0cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.0cm);
\draw[->, blue, out=170, in=10, >=latex] (l\s) to (27);
} \foreach \s in {0,1} {
\draw[red, dashed, <-, >=latex] ({360/1 * (\s - 1)+6}:1.15cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.15cm);
}
\end{tikzpicture}
\caption{An example of a $2$-graph $\Lambda$ with $C^*(\Lambda)$ of stable rank 2.} \label{pic2}
\end{center}
\end{figure}
As before, we refer to \cite{MR3056660} for details on how to illustrate 2-graphs as a 2-coloured
graph. Here we use blue (solid) and red (dashed) as the first and second colour. We use our
results to compute the structure and stable rank of $C^*(\Lambda)$. Firstly notice that red the
cycle $\nu\in v\Lambda^{e_2}$ based on $v$ is not an initial cycle because, $d(\nu)_1 = 0$, but
$r(\nu) \Lambda^{e_1} \neq \emptyset$. However, the cycle $\mu\in v_0\Lambda^{e_1+e_2}$ is an
initial cycle. There are many other initial cycles, but they are all $\sim$-equivalent to $\mu$.
So $ \operatorname{IC}(\Lambda)/\negthickspace\sim\ = \{[\mu]\}$. Since the vertices on a path $\lambda\in
v_0\Lambda$ alternate between $v_0$ and $v_1$ as we move along the path, it follows that
$\mu^{\infty}(m)=v_{m_1+m_2\pmod{2}}$ for each $m\in \mathbb{N}^2$. Hence
\begin{align*}
G_\mu&=\{m-n: n,m\leq d(\mu^{\infty}), \mu^{\infty}(m)=\mu^{\infty}(n)\}\\
&=\{m-n: n,m\in \mathbb{N}^2, v_{m_1+m_2\pmod{2}}=v_{n_1+n_2\pmod{2}}\}\\
&=\{(m_1-n_1, m_2-n_2): n_i,m_i\in \mathbb{N}, m_1-n_1 = - (m_2-n_2)\pmod{2}\}\\
&=\{(k_1, k_2): k_i\in \mathbb{Z}, k_1 = -k_2\pmod{2}\}\\
&=\{k\in \mathbb{Z}^2: k_1 + k_2\ \text{is even}\}\\
&=\mathbb{Z}(1,1)+\mathbb{Z}(0,2),\\
&\cong \mathbb{Z}^2.
\end{align*}
We deduce that $\ell_\mu=\text{rank}(G_\mu)=2$. Now set $N=(|\Lambda^0|,|\Lambda^0|) =(3,3)$. As
mentioned, modulo $\sim$, there is only one initial cycle $\mu$, so any path in $\Lambda^{\leq N}$
has its source on $\mu$. Hence $\Lambda^{\leq N}(\mu^\infty)^0=\Lambda^{\leq N}=v\Lambda^{\leq
N}\sqcup v_0\Lambda^{\leq N}\sqcup v_1\Lambda^{\leq N}$. By Lemma~\ref{lem.init2},
$|v_0\Lambda^{\leq N}|=|v_1\Lambda^{\leq N}|=1$. Using the factorisation property to push the red
edges to the start of a path and uniqueness of such paths on $\mu$, we have $|v\Lambda^{\leq
N}|=|v\Lambda^{(3,3)}|=|v\Lambda^{(3,0)}|=|v\Lambda^{(1,0)}|=2$. Hence $C^*(\Lambda)\cong
M_{4}(C(\mathbb{T}^{2}))$ and $sr(C^*(\Lambda))=\left\lceil \left\lfloor \frac{2}{2}\right\rfloor /
4\right\rceil+1=2$ by Theorem~\ref{stable.rank.thm}.
\end{example}
\begin{example}
In the following let $\Lambda_1, \Lambda_2$ and $\Lambda_3, \Lambda_4, \Lambda_5$ be the
$2$-graphs in Figure~\ref{pic1} and Figure~\ref{pic3} respectively. Up to a swap of the colours
these five examples make up all the examples of $2$-graphs on 6 vertices with only one initial
cycle up to $\sim$\,-equivalence and with all vertices on that initial cycle.
\begin{figure}
\begin{center}
\begin{tikzpicture}
\def 1 {6}
\def 1.0cm {2.0cm}
\def 1.15cm {2.1cm}
\def 1.15cm {2.2cm}
\def 6 {6}
\foreach \s in {5,...,0} {
\node[circle, inner sep=0pt] at ({360/1 * (\s - 1)}:1.15cm) {$v_{\s}$};
\draw[blue, <-, >=latex] ({360/1 * (\s - 1)+6}:1.0cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.0cm);
} \foreach \s in {5,...,0} {
\draw[red, dashed, ->, >=latex] ({360/1 * (\s - 1)+6}:1.15cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.15cm);
}
\end{tikzpicture}
\ \ \
\begin{tikzpicture}
\def 1 {6}
\def 1.0cm {2.0cm}
\def 1.15cm {2.1cm}
\def 1.15cm {2.2cm}
\def 6 {6}
\draw[red, dashed, ->, >=latex] (1.1,-1.55) -- (-0.95,1.65);
\draw[red, dashed, <-, >=latex] (0.9,-1.7) -- (-1.1,1.5);
\foreach \s in {5,...,0} {
\node[circle, inner sep=0pt] at ({360/1 * (\s - 1)}:1.15cm) {$v_{\s}$};
} \foreach \s in {2,3} {
\draw[blue, <-, >=latex] ({360/1 * (\s - 1)+6}:1.0cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.0cm);
} \foreach \s in {0,5} {
\draw[blue, ->, >=latex] ({360/1 * (\s - 1)+6}:1.0cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.0cm);
} \foreach \s in {1,4} {
\draw[red, dashed, <-, >=latex] ({360/1 * (\s - 1)+6}:1.0cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.0cm);
} \foreach \s in {1,4} {
\draw[red, dashed, ->, >=latex] ({360/1 * (\s - 1)+6}:1.15cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.15cm);
} \def 1 {3}
\def 1.8cm {1.8cm}
\def 1.15cm {2.2cm}
\def 6 {8}
\foreach \s in {0}
{
\node[circle, inner sep=0pt] at ({360/1 * (\s - 1)}:1.8cm) {$$};
\draw[blue, <-, >=latex] ({360/1 * (\s - 1)+6}:1.15cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.15cm);
}
\foreach \s in {1}
{
\node[circle, inner sep=0pt] at ({360/1 * (\s - .5)}:1.8cm) {$$};
\draw[blue, ->, >=latex] ({360/1 * (\s - .5)+6}:1.15cm)
arc ({360/1 * (\s - .5)+6}:{360/1 * (\s+.5)-6}:1.15cm);
}
\end{tikzpicture}
\ \ \
\begin{tikzpicture}
\def 1 {6}
\def 1.0cm {2cm}
\def 1.15cm {2cm}
\def 1.15cm {2.2cm}
\def 6 {6}
\foreach \s in {5,...,0} {
\node[circle, inner sep=0pt] at ({360/1 * (\s - 1)}:1.15cm) {$v_{\s}$};
\draw[blue, <-, >=latex] ({360/1 * (\s - 1)+6}:1.0cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.0cm);
} \foreach \s in {} {
\draw[blue, dashed, <-, >=latex] ({360/1 * (\s - 1)+6}:1.15cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.15cm);
}
\def 1 {3}
\def 1.8cm {1.8cm}
\def 1.15cm {2.2cm}
\def 6 {8}
\foreach \s in {1,...,1}
{
\node[circle, inner sep=0pt] at ({360/1 * (\s - 1)}:1.8cm) {$$};
\draw[red, dashed, <-, >=latex] ({360/1 * (\s - 1)+6}:1.8cm)
arc ({360/1 * (\s - 1)+6}:{360/1 * (\s)-6}:1.8cm);
}
\foreach \s in {1,...,1}
{
\node[circle, inner sep=0pt] at ({360/1 * (\s - .5)}:1.8cm) {$$};
\draw[red, dashed, <-, >=latex] ({360/1 * (\s - .5)+6}:1.15cm)
arc ({360/1 * (\s - .5)+6}:{360/1 * (\s+.5)-6}:1.15cm);
}
\end{tikzpicture}
\caption{Another three examples of $2$-graphs with lots of initial cycles, but only one such up to $\sim$\,-equivalence.} \label{pic3}
\end{center}
\end{figure}
Let $\mu_i$ denote such an initial cycle in $\Lambda_i$. For $0 \le j \le n-1$ define $f_j : \mathbb{N}^2
\to \mathbb{N}$ by $f_j ( m_1 , m_2 ) = m_1 + j m_2$. With the terminology of Section~\ref{sec.ex} one
can show that $\Lambda_3=f_5^* ( L_6 )$, that $\Lambda_4=L_2 \times L_3$, and that
$\Lambda_5=f_2^* ( L_6 )$. Hence
\[
C^*(\Lambda_i)\cong M_{6}(C(\mathbb{T}^{\ell_{\mu_i}})) \text{ and } sr(C^*(\Lambda))=\ell_{\mu_i}=2\ \ \ \text{for each}\ i=1,\dots,5.
\]
In particular $C^*(\Lambda_i)\cong C^*(\Lambda_j)$ for all $i,j$. These five examples indicate how
the number of colours and vertices impacts the structure of the corresponding $C^*$-algebras. The
next Proposition~\ref{init.prop} verifies this.
\end{example}
In the following, ``the number of vertices'' on an initial cycle $\mu$ means $|(\mu^\infty)^0|$,
and ``the number of colours'' means $|\{i\leq k: d(\mu)_i> 0\}|$. The proof borrows material from
an independent result (Proposition~\ref{ell.mu}).
\begin{prop}
\label{init.prop} Let $\Lambda$ be a finite, locally convex $k$-graph on $n=|\Lambda^0|$ vertices.
Suppose that $\Lambda$ has no cycle with an entrance and $\Lambda$ has exactly one initial cycle,
up to $\sim$\,-equivalence, with $n$ vertices and $\ell$ colours. Then
$$C^*(\Lambda)\cong M_n(C(\mathbb{T}^\ell)), \text{ and } \ sr(C^*(\Lambda))=\lceil \lfloor \ell/2\rfloor/n\rceil+1.$$
\end{prop}
\begin{proof}
Let $\mu$ be an initial cycle in $\Lambda$. By Theorem~\ref{direct.sum.thm} and
Theorem~\ref{stable.rank.thm} we have
$$sr(C^*(\Lambda))=\left\lceil \frac{\left\lfloor \frac{\ell_\mu}{2}\right\rfloor}{|\Lambda^{\leq (n,\dots, n)}|}\right\rceil+1, \ \ \ C^*(\Lambda)\cong M_{\Lambda^{\leq (n,\dots, n)}}(C(\mathbb{T}^{\ell_\mu})),$$
where $\ell_\mu$ is the rank of the periodicity group associated to $\mu$
(Definition~\ref{rank.Gmu}). By the factorisation property $\Lambda$ has no sources, so
$\Lambda^{\leq (n,\dots, n)}=\Lambda^{(n,\dots, n)}$. Lemma~\ref{lem.init2}\eqref{part3.init}
implies that $|\Lambda^{(n,\dots, n)}|=n$. By Proposition~\ref{ell.mu}, $\ell_\mu=\ell$. Combining
these results gives $C^*(\Lambda)\cong M_n(C(\mathbb{T}^\ell))$, and $sr(C^*(\Lambda))=\lceil \lfloor
\ell/2\rfloor/n\rceil+1$.
\end{proof}
\begin{remark}
To keep the statement of Proposition~\ref{init.prop} short and clean we insisted that
$(\mu^\infty)^0=\Lambda^0$, but more general results can be obtained using
Theorem~\ref{direct.sum.thm} and Theorem~\ref{stable.rank.thm}.
\end{remark}
\section{Stable rank one.}
\label{three} In this section we characterise which finite $k$-graphs have $C^*$-algebras of
stable rank~1---see Theorem~\ref{sr1} and Corollary~\ref{sr1.cor}. We note that Theorem~\ref{sr1}
is in large contained in \cite{MR2920846} and we have structured the proof accordingly.
\begin{thm}
\label{sr1} Let $\Lambda$ be a finite, locally convex $k$-graph. Then $sr(C^*(\Lambda))=1$ if and
only if $C^*(\Lambda)$ is (stably) finite and $\max_{\mu\in IC(\Lambda)} \ell_{\mu}=1$.
\end{thm}
\begin{proof}
Suppose that $sr(C^*(\Lambda))=1$. Then $sr(M_n(C^*(\Lambda)))=1$ for each positive integer $n$
\cite[Theorem~6.1]{MR693043}. Hence each $M_n(C^*(\Lambda))$ is finite \cite[V.3.1.5]{MR2188261},
which implies that $C^*(\Lambda)$ is stably finite. Since $C^*(\Lambda)$ is finite it does not
contain any infinite projections \cite[Lemma~5.1.2]{MR1783408}.
Hence by \cite[Proposition~5.9]{MR2920846} there exist $n \ge 1$ and $l_1, \dots, l_n \in \{0,
\dots, k\}$ such that $C^*(\Lambda)$ is stably isomorphic to $\bigoplus^n_{i=1} C(\mathbb{T}^{l_i})$.
Since $sr(C^*(\Lambda))=1$, we deduce that $sr(\bigoplus_{i=1}^n C(\mathbb{T}^{l_i}))=1$, because stable
rank~1 for unital $C^*$-algebras is preserved my stable isomorphism \cite[Theorem~3.6]{MR693043}.
By property~\ref{direct.sum} in Section~\ref{sec.1.3}, we have $sr(\bigoplus_{i=1}^n
C(\mathbb{T}^{l_i}))=\max_{i=1}^n C(\mathbb{T}^{l_i})$. For each $i=1,\dots,n$ we use \cite[Proposition
1.7]{MR693043} to deduce that $sr(C(\mathbb{T}^{l_i}))=\lfloor l_i/2\rfloor+1$, where
$\lfloor\cdot\rfloor$ denotes ``integer part of''. Hence $\max_{i=1}^n l_i=1$.
By inspection of the proof of \cite[Proposition~5.9]{MR2920846} it is clear that each of the
integers $l_i$ is the rank of $\mu$ for some $\mu\in IC(\Lambda)$, so $\max_{\mu\in IC(\Lambda)}
\ell_{\mu}\geq \max_{i=1}^n l_i=1$. For each $\mu,\nu\in IC(\Lambda)$ define $P_\nu\mydef
\sum_{v\in (\nu^\infty)^0}s_v$ and $\mu\sim \nu \Leftrightarrow (\mu^\infty)^0=(\nu^\infty)^0$.
Since $P_\nu=P_\mu$ whenever $\mu\sim \nu$, the proof of \cite[Proposition~5.9]{MR2920846} implies
that for each $\mu\in IC(\Lambda)$, we have $\ell_\mu=l_i$ for some $i\in \{1,\dots,n\}$.
Consequently, $\max_{\mu\in IC(\Lambda)} \ell_{\mu}= \max_{i=1}^n l_i$.
Conversely, suppose $C^*(\Lambda)$ is finite and $\max_{\mu\in IC(\Lambda)} \ell_{\mu}=1$. By
\cite[Lemma~5.1.2]{MR1783408}, $C^*(\Lambda)$ has no infinite projections. So
\cite[Corollary~5.7]{MR2920846} implies that $C^*(\Lambda)$ is stably isomorphic to
$\bigoplus_{i=1}^n C(\mathbb{T}^{l_i})$ for some $n\geq 1$ and $l_1,\dots,l_n\in \{0,\dots,k\}$ such that
$\max_{\mu\in IC(\Lambda)} \ell_{\mu}= \max_{i=1}^n l_i$. By the properties in
Section~\ref{sec.1.3}, it follows that
\[
sr(C^*(\Lambda))=sr\Big(\bigoplus_{i=1}^n C(\mathbb{T}^{l_i})\Big)=\max_{i=1,\dots,n} \lfloor l_i/2\rfloor+1=1.\qedhere
\]
\end{proof}
\begin{remark}
\label{sr1example} It turns out that $C^*$-algebras of finite $k$-graphs with $k>1$ rarely have
stable rank one: the condition $\max_{\mu\in IC(\Lambda)} \ell_{\mu}=1$ is rather strict. As
Proposition~\ref{ell.mu} indicates, if $\Lambda^0$ is finite and $sr(C^*(\Lambda))=1$ (hence
stably finite), then any initial cycle in $\Lambda$ has at most one colour. Using
Lemma~\ref{unit.sum}\eqref{part2.get} and the factorisation property, it follows that any cycle in
$\Lambda$ has at most one colour.
Figure~\ref{pic1.5} illustrates two examples of $2$-graphs $\Lambda$ with $C^*(\Lambda)$ of stable
rank one. The first example, illustrated on the left, has two vertices $v_1,v_2$, a single edge
red (dashed) loop based at $v_1$, and single edge blue (solid) loop based at $v_2$. The second
example, shown on the right in Figure~\ref{pic1.5}, is different in that it is connected and
contains no loops.
\begin{figure}
\begin{center}
\begin{tikzpicture}
\def 1 {1}
\def 1.0cm {1.0cm}
\def 1.15cm {1.15cm}
\def 1.15cm {1.15cm}
\node[circle, inner sep=0pt] (v1) at (-1,0) {$\ $};
\node[circle, inner sep=0pt] (v2) at (1, 0) {$\ $};
\node[inner sep=2.8pt, circle] (27) at (-2.5,0) {$v_1$};
\node[inner sep=2.8pt, circle] (28) at (-1.5,0) {$v_2$};
\path[->,every loop/.style={looseness=14}, >=latex] (27)
edge [in=150,out=210,loop, red, dashed, >=latex] ();
\path[->,every loop/.style={looseness=14}, >=latex] (28)
edge [in=150+180,out=210+180,loop, blue, >=latex] ();
\end{tikzpicture}\ \ \ \ \ \ \ \ \
\begin{tikzpicture}
\node[inner sep=2.8pt, circle] (27) at (0,0) {$w_1$};
\node[inner sep=2.8pt, circle] (28) at (0,2) {$w_2$};
\node[inner sep=2.8pt, circle] (29) at (2,0) {$w_3$};
\node[inner sep=2.8pt, circle] (30) at (2,2) {$w_4$};
\path[->, red, dashed, >=latex] (28) edge [below] node {} (27);
\path[->, red, dashed, >=latex] (30) edge [below] node {} (29);
\path[->, blue, >=latex] (29) edge [below] node {} (27);
\path[->, blue, >=latex] (30) edge [below] node {} (28);
\end{tikzpicture}
\caption{Two examples of $2$-graphs with a $C^*$-algebra of stable rank one.} \label{pic1.5}
\end{center}
\end{figure}
\end{remark}
Following \cite{MR2920846}, for $n\in \mathbb{N}^k$ there is a {shift map} $\sigma^n: \{x \in W_\Lambda :
n\leq d(x) \} \to W_\Lambda$ such that $d(\sigma^n(x))=d(x)-n$ and $\sigma^n(x)(p,q)=x(n+p,n+q)$
for $0\leq p \leq q \leq d(x)-n$ where we use the convention $\infty-a=\infty$ for $a \in \mathbb{N}$.
For $x \in W_\Lambda$ and $n\leq d(x)$, we then have $x(0,n)\sigma^n(x) = x$. We now show an easy
way to compute $\ell_\mu$, using only the degree of $\mu$.
\begin{prop}
\label{ell.mu} Let $\Lambda$ be a finite, locally convex $k$-graph such that $\Lambda$ has no
cycle with an entrance. Then for each $\mu\in \operatorname{IC}(\Lambda)$,
$$\ell_\mu = |\{i\leq k: d(\mu)_i> 0\}||.$$
\end{prop}
\begin{proof}
Let $I=\{i\leq k: d(\mu)_i> 0\}$. We must show that $\ell_\mu = | I |$. If $I=\emptyset$ then
$\ell_\mu = 0= | I |$, so assume that $I$ is nonempty. By~\eqref{groupofmu},
$$G_\mu=\{m-n: n,m\leq d(\mu^{\infty}), \mu^{\infty}(m)=\mu^{\infty}(n)\}.$$
Since each $n,m\leq d(\mu^{\infty})$ satisfy $n,m\in \operatorname{span}_{\mathbb{N}}\{e_i : i\in I\}$, the rank of
$G_\mu$ is at most $| I |$. Consequently, it suffices to show $G_\mu$ contains a subgroup of rank
$| I |$.
Let $v\mydef \mu^{\infty}(0)$. We claim that for each colour $i\in I$, there exists a positive
integer $m_i$ such that $\mu^{\infty}(0,m_ie_i)=v$. Indeed, since $\Lambda^0$ is finite there
exists $m<n$ such that $\mu^\infty(m e_i)=\mu^\infty(n e_i)$. Now using that $\mu^\infty\in
\Lambda^{\leq \infty}$ (see Lemma~\ref{lem.init2}) and that for every vertex $w$ on $\mu$ there is
a unique path in $w\Lambda^{\leq \infty}$ (see Section~\ref{sec.ex}) we get that $\sigma^{m
e_i}(\mu^\infty)=\sigma^{n e_i}(\mu^\infty)$. Now for $N\mydef md(\mu)$ it follows that
$\sigma^{N}(\mu^\infty)=\mu^\infty$. Since
$$\mu^\infty=\sigma^{N}(\mu^\infty)=\sigma^{N-me_i+me_i}(\mu^\infty)=\sigma^{N-me_i+ne_i}(\mu^\infty)=\sigma^{(n-m)e_i}(\mu^\infty),$$
we get $(\mu^\infty)((n-m)e_i)=v$. Hence $\mu^\infty$ contains a cycle of degree $(n-m)e_i$ based
at $v$. In particular we can use $m_i\mydef n-m$.
By the preceding paragraph $\{m_ie_i : i\in I\}\subseteq G_\mu$ is a $\mathbb{Z}$-linearly
independent set generating a rank-$|I|$ subgroup of $G_\mu$. So the rank of $G_\mu$ is $| I |$.
\end{proof}
\begin{cor}
\label{sr1.cor} Let $\Lambda$ be a finite, locally convex $k$-graph. Then $sr(C^*(\Lambda))=1$ if
and only if $\Lambda$ has no cycle with an entrance and no initial cycle with more than one
colour.
\end{cor}
\begin{proof}
Combine Proposition~\ref{stably.finite}, Theorem~\ref{sr1}, and Proposition~\ref{ell.mu}.
\end{proof}
\begin{remark}
A \emph{graph trace} on a locally convex row-finite $k$-graph $\Lambda$ is a function
$g\colon\Lambda^0\to \mathbb{R}^+$ satisfying the {graph trace property}, $g(v)=\sum_{\lambda \in
v\Lambda^{\leq n}} g(s(\lambda))$ for all $v\in \Lambda^0$ and $n\in \mathbb{N}^k$. It is \emph{faithful}
if it is nonzero on every vertex in $\Lambda$ (\cite{MR2434188, MR1962131}).
It can be shown that Corollary~\ref{sr1.cor} remains valid if we replace ``has no cycle with an
entrance'' by ``admits a faithful graph trace''. Indeed, the $C^*$-algebra of a row-finite and
cofinal $k$-graph $\Lambda$ with no sources is stably finite if and only if $\Lambda$ admits a
faithful graph trace \cite[Theorem 1.1]{MR3507995}, and for $\Lambda^0$ finite this remains true
without ``cofinal'' and with ``locally convex'' instead of ``no sources" (by virtue of
Theorem~\ref{direct.sum.thm} and \cite[Lemma~7.1]{MR3311883}).
\end{remark}
\section{Stable rank in the simple and cofinal case.}
\label{four} In this section we focus on stable rank of $k$-graph $C^*$-algebras for which the
$k$-graph is cofinal, corresponding to boxes 1~and~3 in Figure~\ref{fbuha}. Since simple $k$-graph
$C^*$-algebras constitute a sub-case of this situation (as illustrated below), we consider those
first.
Let $\Lambda$ be a row-finite, locally convex $k$-graph. Following \cite{MR2270926}, $\Lambda$ is
\emph{cofinal} if for all pairs $v,w\in \Lambda^0$ there exists $n\in \mathbb{N}^k$ such that
$s(w\Lambda^{\leq n})\subseteq s(v\Lambda)$. Following \cite{MR2534246}, $\Lambda$ has
\emph{local periodicity $m,n$ at $v$} if for every $x\in v\Lambda^{\leq\infty}$, we have $m - (m
\wedge d(x)) = n - (n \wedge d(x))$ and $\sigma^{m \wedge d(x)}(x) =\sigma^{n \wedge d(x)}(x)$. If
$\Lambda$ fails to have local periodicity $m,n$ at $v$ for all $m\neq n\in\mathbb{N}^k$ and
$v\in\Lambda^0$, we say that $\Lambda$ has \emph{no local periodicity}. By
\cite[Theorem~3.4]{MR2534246},
$$\Lambda \text{ is cofinal and has no local periodicity if and only if } C^*(\Lambda) \text{ is simple.}$$
The stable rank of $1$-graph $C^*$-algebras is well understood (see \cite[Theorem~3.4]{MR2001940},
\cite[Theorem~3.3]{MR1868695} and \cite[Theorem~3.1]{MR2059803}), but the following is new for
$k>1$. Recall that a \emph{cycle} is a path $\lambda \in \Lambda \setminus \Lambda^0$ such that
$r(\lambda) = s(\lambda)$.
\begin{prop}
\label{s.r.simple} Let $\Lambda$ be a finite, locally convex $k$-graph. Suppose that $\Lambda$ is
cofinal and has no local periodicity (i.e., $C^*(\Lambda)$ is simple). Then
\[
sr(C^*(\Lambda))=\begin{dcases}
1 & \text{if $\Lambda$ contains no cycles} \\
\infty & \text{otherwise.} \\
\end{dcases}
\]
\end{prop}
\begin{proof}
If $\Lambda$ contains no cycles then \cite[Corollary~5.7]{MR2920846} gives $C^*(\Lambda)\cong
M_{\Lambda v}(\mathbb{C})$ for some vertex $v \in \Lambda^0$. Using \cite[Proposition~1.7 and
Theorem~3.6]{MR693043} we obtain that $sr(C^*(\Lambda))=1$.
If $\Lambda$ contains a cycle, then another application of \cite[Corollary~5.7]{MR2920846} (see
also \cite[Remark~5.8]{MR4163862}) gives that $C^*(\Lambda)$ is purely infinite. Since
$C^*(\Lambda)$ is unital, simple and purely infinite it contains two isometries with orthogonal
ranges, so \cite[Proposition~6.5]{MR693043} gives $sr(C^*(\Lambda))=\infty$.
\end{proof}
In conclusion, the stable rank of a unital simple $k$-graph $C^*$-algebra is completely determined
by presence or absence of a cycle in the $k$-graph.
\subsection{The cofinal case}
We now consider the cofinal case. We start by recalling a result of Jeong, Park and Shin about
directed graphs (or $1$-graphs). We refer to \cite{MR1868695} for the terminology involved.
\begin{prop}[{\cite[Proposition~3.7]{MR1868695}}]
\label{loc.fin.cofinal} Let $E$ be a locally finite directed graph. If $E$ is cofinal then either
$sr(C^*(E))= 1$ or $C^*(E)$ is purely infinite simple.
\end{prop}
\begin{remark}
\label{counter.example} We illustrate why for $k$-graphs we can not hope for a result similar to
Proposition~\ref{loc.fin.cofinal}.
\begin{figure}
\begin{center}
\begin{tikzpicture}
\node[circle, inner sep=0pt] (v1) at (-2.5,0) {$e $};
\node[circle, inner sep=0pt] (v2) at (0.5, 0) {$a$};
\node[circle, inner sep=0pt] (v2) at (-0.5,-1) {$b$};
\node[inner sep=2.8pt, circle] (28) at (-1,0) {$v$};
\path[->,every loop/.style={looseness=14}, >=latex] (28)
edge [in=150,out=210,loop, red, dashed, >=latex] ();
\path[->,every loop/.style={looseness=14}, >=latex] (28)
edge [in=150+90,out=210+90,loop, blue, >=latex] ();
\path[->,every loop/.style={looseness=14}, >=latex] (28)
edge [in=150+180,out=210+180,loop, blue, >=latex] ();
\end{tikzpicture}\ \ \ \ \ \ \ \ \
\caption{Example of $2$-graph with a $C^*$-algebra of stable rank infinity.}\label{non-cof}
\end{center}
\end{figure}
Consider the $2$-graph $\Lambda$ in Figure~\ref{non-cof} with two blue edges $a,b\in
\Lambda^{e_1}$ and one red edge $e\in \Lambda^{e_2}$ and the factorisation property $ae=ea$,
$be=eb$. Since $\Lambda$ has only one vertex, it is automatically cofinal. However, $C^*(\Lambda)$
neither has stable rank one nor is purely infinite simple as the following discussion shows:
The $C^*$-algebra $C^*(\Lambda)$ fails to have stable rank one because it is not stably finite
(containing a cycle with an entrance). It is not simple, so in particular not purely infinite
simple because \begin{equation} \label{loc.new} \textrm{for every }x \in v\Lambda^{\leq
\infty}\textrm{ we have } \sigma^{e_2}(x)=x,
\end{equation}
so $\Lambda$ has local periodicity $p=e_2, q=0 $ at $v$ and $C^*(\Lambda)$ is non-simple.
Because of our particular choice of factorisation rules $ae=ea$, $be=eb$ Lemma~$\ref{examples12}$
implies that $C^*(\Lambda)\cong \mathcal{O}_2\otimes C(\mathbb{T})$. If we instead used the factorisation
$ae=eb$, $be=ea$, then Lemma~$\ref{examples12}$ would not apply, but we would still have
$\sigma^{2e_2}(x)=x$ for each $x\in v\Lambda^{\leq \infty}$ making $C^*(\Lambda)$ non-simple.
\end{remark}
Remark~\ref{counter.example} notwithstanding, we are able to provide a characterisation of stable
rank in the cofinal case. Given a $C^*$-algebra $A$, we write $a\oplus b$ for the diagonal matrix
$\textrm{diag}(a,b)$ in $M_2(A)$ and write $\sim$ for the von Neumann equivalence relation between
elements in matrix algebras over $A$. A unital $C^*$-algebra $A$ is \emph{properly infinite} if
$1\oplus 1\oplus r \sim 1$ for some projection $r$ in some matrix algebra over $A$ (for more
details see \cite{MR1878881}).
\begin{thm}
\label{thm.cofinal} Let $\Lambda$ be a cofinal, finite, locally convex $k$-graph. Suppose that
$\Lambda$ contains a cycle with an entrance. Then $C^*(\Lambda)$ is properly infinite and has
stable rank $\infty$.
\end{thm}
\begin{proof}
Let $\mu$ be a cycle with an entrance $\tau$, that is
\[
\tau\in r(\mu)\Lambda, \qquad d(\tau)\leq d(\mu^\infty), \qquad\text{and}\qquad \tau\neq \mu^\infty(0,d(\tau)).
\]
Fix $n\geq 1$ such that $m:=d(\mu)n\geq d(\tau)$. Since $\tau\neq
\mu^\infty(0,d(\tau))=\mu^n(0,d(\tau))$, there exists $\beta\in s(\tau)\Lambda$ such that $\mu^n$
and $\tau\beta$ are distinct elements of $r(\mu)\Lambda^{\leq m}$. Write $r(\mu)\Lambda^{{\leq
m}}=\{\nu_1, \dots, \nu_N\}$ with $\nu_1=\mu^n$ and $\nu_2=\tau\beta$. For each $i=1,\dots,N$ set
$v_i=s(\nu_i)$ and let $x=(s_{\nu_1}, \dots, s_{\nu_N})$. Then $xx^*= \sum_{\lambda \in
{v_1}\Lambda^{{\leq m}}} s_\lambda s_\lambda^*=s_{v_1}$. Moreover for $i\neq j$, $
s_{\nu_i}^*s_{\nu_j}=0$, so
$$s_{v_1}=xx^*\sim x^*x=\textrm{diag}(s_{\nu_1}^*s_{\nu_1}, \dots, s_{\nu_N}^*s_{\nu_N})=s_{v_1}\oplus\cdots\oplus s_{v_N}.$$
We claim that for any pair of vertices $u,v \in \Lambda^0$ there exist a constant $M_{u,v}$ and a
projection $p_{u,v}$ in some matrix algebra over $C^*(\Lambda)$ such that
\begin{equation}
\label{v.sim.u}
\Big(\bigoplus_{l=1}^{M_{u,v}} s_{u}\Big) \sim s_{v} \oplus p_{u,v}.
\end{equation}
To see this, fix $u,v\in \Lambda^0$. Since $\Lambda$ is cofinal there exists $n\in \mathbb{N}^k$ such
that $s(v\Lambda^{\leq n})\subseteq s(u\Lambda)$. Writing $v\Lambda^{\leq n}=\{\mu_1, \dots,
\mu_{M_{u,v}}\}$ and $u_i=s(\mu_i)$, we have $s_{v}\sim s_{u_1}\oplus\cdots\oplus
s_{u_{{M_{u,v}}}}$. Since $s(v\Lambda^{\leq n})=\{u_i: i\leq {M_{u,v}}\}\subseteq s(u\Lambda)$,
for each $i\leq M_{u,v}$ there exists $\lambda_i\in u\Lambda$ such that $s(\lambda_i)=u_i$. Let
$m_i=d(\lambda_i)$ for each $i$. Then for each $i=1,\dots,{M_{u,v}}$,
$$s_u=\sum_{\lambda\in u\Lambda^{\leq m_i}}s_\lambda s_\lambda^*\sim s_{u_i}\oplus p_i$$
for some projection $p_i$ in a matrix algebra over $C^*(\Lambda)$. With $p_{u,v}=\bigoplus_i p_i$
we obtain
\[
\Big(\bigoplus_{l=1}^{M_{u,v}} s_{u}\Big) \sim \Big(\bigoplus_{i=1}^{M_{u,v}} s_{u_i}\Big)\oplus p_{u,v}\sim s_{v} \oplus p_{u,v},
\]
which establishes the claim.
Applying \eqref{v.sim.u} to $u=v_2$ and $v=v_1$ we get
$$\Big(\bigoplus_{l=1}^{M_{v_2,v_1}} s_{v_2}\Big)\sim s_{v_1} \oplus p_{v_2,v_1}.$$
Recall that $s_{v_1}\sim s_{v_1}\oplus s_{v_2}\oplus \big(\bigoplus_{i=3}^N s_{v_i}\big)$. Let
$q\mydef p_{v_2,v_1}\oplus \big(\bigoplus_{l=1}^{M_{v_2,v_1}}\bigoplus_{i=3}^N s_{v_i}\big)$,
meaning that if $N=2$ then $q= p_{v_2,v_1} \oplus 0$. Then
\begin{align}
\label{v1.prop.inf}
s_{v_1}\sim s_{v_1}\oplus \Big(\bigoplus_{l=1}^{M_{v_2,v_1}} s_{v_2}\Big)\oplus \Big(\bigoplus_{l=1}^{M_{v_2,v_1}} \bigoplus_{i=3}^N s_{v_i}\Big)\sim s_{v_1}\oplus s_{v_1}\oplus q.
\end{align}
Applying \eqref{v.sim.u} to $u=v_1$ and to each $v\in \Lambda^0\setminus \{v_1\}$ at the second
equality, and putting $L := 2 + \sum_{v \in \Lambda^0\setminus\{v_1\}} M_{v_1,v}$, we calculate:
\begin{align*}
1\oplus 1 \oplus \Big(\bigoplus_{v\in \Lambda^0\setminus \{v_1\}} p_{v_1,v} \Big)
&\sim 1\oplus s_{v_1} \oplus \Big(\bigoplus_{v\in \Lambda^0\setminus \{v_1\}}(s_{v}\oplus p_{v_1,v} )\Big) \\
&\sim 1\oplus s_{v_1} \oplus \Big(\bigoplus_{v\in \Lambda^0\setminus \{v_1\}}\Big(\bigoplus_{i=1}^{M_{v_1,v}} s_{v_1}\Big)\Big)\\
&\sim \Big(\bigoplus_{v\in \Lambda^0\setminus \{v_1\}}s_v\Big)\oplus s_{v_1} \oplus s_{v_1} \oplus \Big(\bigoplus_{v\in \Lambda^0\setminus \{v_1\}}\Big(\bigoplus_{i=1}^{M_{v_1,v}} s_{v_1}\Big)\Big)\\
&\sim \Big(\bigoplus_{v\in \Lambda^0\setminus \{v_1\}}s_v\Big)\oplus \Big(\bigoplus_{j=1}^L s_{v_1}\Big).
\end{align*}
Using \eqref{v1.prop.inf} we have $s_{v_1}\sim s_{v_1}\oplus \big(\bigoplus_{j=1}^{L-1}
s_{v_1}\big) \oplus \big(\bigoplus_{j=1}^{L-1} q\big)$, so $r= \big(\bigoplus_{v\in
\Lambda^0\setminus \{v_1\}} p_{v_1,v} \big) \oplus \big(\bigoplus_{j=1}^{L-1} q\big)$ satisfies
$$1\oplus 1\oplus r \sim 1.$$
Hence $1$ is properly infinite. Now \cite[Proposition~6.5]{MR693043} gives
$sr(C^*(\Lambda))=\infty$.\end{proof}
With Proposition~\ref{loc.fin.cofinal} in mind, the following is a dichotomy for the
$C^*$-algebras associated to cofinal finite $k$-graphs.
\begin{cor}
\label{cor.4.5} Let $\Lambda$ be a cofinal, finite, locally convex $k$-graph. Then either
$C^*(\Lambda)$ is stably finite and $sr(C^*(\Lambda))$ is given by Corollary~\ref{stab.fin}, or
$C^*(\Lambda)$ is properly infinite and $sr(C^*(\Lambda))=\infty$.
\end{cor}
\begin{proof}
If $C^*(\Lambda)$ is not stably finite then $\Lambda$ contains a cycle with an entrance by
Proposition~\ref{stably.finite}. Hence $C^*(\Lambda)$ is properly infinite and
$sr(C^*(\Lambda))=\infty$ by Theorem~\ref{thm.cofinal}. Conversely, if $C^*(\Lambda)$ is properly
infinite, then it is also infinite, so $C^*(\Lambda)$ is not finite and hence not stably finite.
If $C^*(\Lambda)$ is stably finite then Corollary~\ref{stab.fin} applies.
\end{proof}
\begin{remark}
Theorem~\ref{thm.cofinal} includes cases not covered by any of our preceding results. Consider for
example the $2$-graph $\Lambda$ in Figure~\ref{non-cof}. By Theorem~\ref{thm.cofinal} the
associated $C^*$-algebra has stable rank infinity.
\end{remark}
\begin{example}
By Corollary~\ref{cor.4.5}, we can compute the stable rank of $k$-graph $C^*$-algebras in boxes
1~to~3 in Figure~\ref{fbuha}. It therefore makes sense to consider the range of stable rank
achieve by these $C^*$-algebra. In box~3 stable rank infinity can be obtained as in
Remark~\ref{counter.example}. For finite stable rank, Table~\ref{table.2} lists a few $4n$-graphs
$\Lambda$ together with their associated $C^*$-algebra and its stable rank (we use a multiple of 4
because it makes the formulas for the stable rank simpler).
\begin{table}
\caption{A few examples of $4n$-graphs.}\label{table.2}
\setlength{\tabcolsep}{5mm}
\def\arraystretch{1.25}
\centering
\begin{tabular}{|c|c|c|c|}
\hline
$4n$-graph $\Lambda$ & $|\Lambda^{\leq N}|$ & $C^*(\Lambda)$ & $sr( C^*(\Lambda))$ \\ \hline
\begin{minipage}{0.13\textwidth}\begin{tikzpicture}
\def 6 {6}
\node[circle, inner sep=0pt] (v0) at (-1.8,.8) {$4n$};
\node[inner sep=2.8pt, circle] (27) at (-2.5,0) {$v_1$};
\path[->,every loop/.style={looseness=12}, >=latex] (27)
edge [in=150-90,out=210-90,loop, black, >=latex] ();
\end{tikzpicture}\end{minipage} &1 & $C(\mathbb{T}^{4n})$ & $2n+1$ \\ \hline
\begin{minipage}{0.25\textwidth}\begin{tikzpicture}
\def 6 {6}
\node[circle, inner sep=0pt] (v0) at (-1.8,.8) {$4n$};
\node[inner sep=2.8pt, circle] (27) at (-2.5,0) {$v_1$};
\node[inner sep=2.8pt, circle] (28) at (-5,0) {$w_1$};
\path[->,every loop/.style={looseness=12}, >=latex] (27)
edge [in=150-90,out=210-90,loop, black, >=latex] ();
\path[->] (27) edge [below] node {$4n$} (28);
\end{tikzpicture}\end{minipage} &2 & $M_2(C(\mathbb{T}^{4n}))$ & $n+1$ \\ \hline
\begin{minipage}{0.25\textwidth}\begin{tikzpicture}
\def 6 {6}
\node[circle, inner sep=0pt] (v0) at (-1.8,.8) {$4n$};
\node[inner sep=2.8pt, circle] (27) at (-2.5,0) {$v_1$};
\node[inner sep=2.8pt, circle] (28) at (-5,0) {$w_1$};
\node[inner sep=2.8pt, circle] (29) at (-5,.9) {$w_2$};
\path[->,every loop/.style={looseness=12}, >=latex] (27)
edge [in=150-90,out=210-90,loop, black, >=latex] ();
\path[->] (27) edge [below] node {$4n$} (28);
\path[->] (27) edge [above] node {$4n$} (29);
\end{tikzpicture} \end{minipage} &3 & $M_3(C(\mathbb{T}^{4n}))$ & $ \displaystyle\left\lceil \frac{2n}{3}\right\rceil+1$ \\ \hline
\begin{minipage}{0.25\textwidth}\begin{tikzpicture}
\def 6 {6}
\node[circle, inner sep=0pt] (v0) at (-1.8,.8) {$4n$};
\node[inner sep=2.8pt, circle] (27) at (-2.5,0) {$v_1$};
\node[inner sep=2.8pt, circle] (28) at (-5,0) {$w_1$};
\node[inner sep=2.8pt, circle] (29b) at (-5,.6) {$\vdots$};
\node[inner sep=2.8pt, circle] (29b) at (-3.8,.35) {$\vdots$};
\node[inner sep=2.8pt, circle] (29) at (-5,1) {$w_m$};
\path[->,every loop/.style={looseness=12}, >=latex] (27)
edge [in=150-90,out=210-90,loop, black, >=latex] ();
\path[->] (27) edge [below] node {$4n$} (28);
\path[->] (27) edge [above] node {$4n$} (29);
\end{tikzpicture} \end{minipage} &$m+1$ & $M_{m+1}(C(\mathbb{T}^{4n}))$ & $ \displaystyle\left\lceil \frac{2n}{m+1}\right\rceil+1$ \\ \hline
\begin{minipage}{0.25\textwidth}\begin{tikzpicture}
\def 6 {6}
\node[circle, inner sep=0pt] (v0) at (-1.8,.8) {$4n$};
\node[inner sep=2.8pt, circle] (27) at (-2.5,0) {$v_1$};
\node[inner sep=2.8pt, circle] (28) at (-5,0) {$v_3$};
\node[inner sep=2.8pt, circle] (28b) at (-3.75,0) {$v_2$};
\path[->,every loop/.style={looseness=12}, >=latex] (27)
edge [in=150-90,out=210-90,loop, black, >=latex] ();
\path[->] (27) edge [below] node {$4n$} (28b);
\path[->] (28b) edge [below] node {$4n$} (28);
\end{tikzpicture} \end{minipage} & ${4n\choose 2}$ & $M_{{4n\choose 2}}(C(\mathbb{T}^{4n}))$ & $\displaystyle \left\lceil \frac{2n}{{4n\choose 2}}\right\rceil+1$ \\ \hline
\begin{minipage}{0.30\textwidth}\begin{tikzpicture}
\def 6 {6}
\node[circle, inner sep=0pt] (v0) at (-1.8,.8) {$4n$};
\node[circle, inner sep=0pt] (v0) at (-4.3,.8) {$2n$};
\node[inner sep=2.8pt, circle] (27) at (-2.5,0) {$v_1$};
\node[inner sep=2.8pt, circle] (28) at (-5,0) {$v_2$};
\path[->,every loop/.style={looseness=12}, >=latex] (27)
edge [in=150-90,out=210-90,loop, black, >=latex] ();
\path[->,every loop/.style={looseness=12}, >=latex] (28)
edge [in=150-90,out=210-90,loop, black, >=latex] ();
\path[->] (27) edge [below] node {$2n$} (28);
\end{tikzpicture}\end{minipage} &2 & $M_{2}(C(\mathbb{T}^{4n}))$, & $n+1$ \\ \hline
\end{tabular}
\end{table}
Except for the last $4n$-graph, each black edge represents exactly $4n$ edges of different
colours, one of each colour; the last $4n$-graph has $2n$ loops at $v_2$, one each of the first
$2n$ colours and $2n$ edges from $v_1$ to $v_2$, one each of the remaining $2n$ colours. Each
example admits a unique factorisation rule, so each illustration in Table~\ref{table.2} represents
a unique $4n$-graph.
\end{example}
\section{Stable rank in the non-stably finite, non-cofinal case}
\label{five} So far we have looked at the stably finite case (including stable rank one) and the
cofinal case (including the simple case). Here we study the remaining case corresponding to box 4
in Figure~\ref{fbuha}.
We start by revisiting the cofinality condition for row-finite locally convex $k$-graphs.
Following \cite{MR2534246}, a subset $H\subseteq \Lambda^0$ is \emph{hereditary} if
$s(H\Lambda)\subseteq H$. We say $H$ is \emph{saturated} if for all $v\in \Lambda^0$,
\[
\{s(\lambda):\lambda\in v\Lambda^{\leq e_i}\}\subseteq H
\text{ for some } i\in\{1,\dots,k\} \Longrightarrow v\in H.
\]
or equivalently, if $v\not\in H$ implies that for each $n\in \mathbb{N}^k$, $s(v\Lambda^{\leq
n})\not\subseteq H$ (see Lemma~\ref{saturated}). The relevant characterisation of cofinal is
included in Lemma~\ref{cofinal.result} below with a short proof based on \cite{MR2670219} and
\cite{MR2270926}. Since this paper focuses on unital $k$-graph $C^*$-algebras, it is worth
pointing out that Lemmas \ref{saturated}~and~\ref{cofinal.result} do not assume that
$|\Lambda^0|<\infty$.
\begin{lemma}
\label{saturated} Let $\Lambda$ be a row-finite locally convex $k$-graph. Then $H\subseteq
\Lambda^0$ is saturated if and only if for all $v\in \Lambda^0$, $v\not\in H$ implies that for
each $n\in \mathbb{N}^k$, $s(v\Lambda^{\leq n})\not\subseteq H$.
\end{lemma}
\begin{proof}
Fix $v\in \Lambda^0$. Suppose $v\not\in H$. Since $\Lambda$ is saturated, for all $i\leq k$,
$\{s(\lambda):\lambda\in v\Lambda^{\leq e_i}\}\not\subseteq H$. Clearly $s(v\Lambda^{\leq
m})\not\subseteq H$ for $m=0$. Fix any $m\in \mathbb{N}^k\setminus\{0\}$. Set
$(n^{(0)},v^{(0)},\lambda^{(0)})=(m,v,v)$. Choose $i$ such that $n^{(0)}_i\neq 0$. Since
$v^{(0)}\not\in H$, there exists $\mu^{(1)}\in v^{(0)}\Lambda^{\leq e_i}\setminus \Lambda H$. Set
$(n^{(1)},v^{(1)},\lambda^{(1)})=(n^{(0)}-e_i,s(\mu^{(1)}),\lambda^{(0)}\mu^{(1)})$.
Choose $i$ such that $n^{(1)}_i\neq 0$. Since $v^{(1)}\not\in H$, there exists $\mu^{(2)}\in
v^{(1)}\Lambda^{\leq e_i}\setminus \Lambda H$. Set
$(n^{(2)},v^{(2)},\lambda^{(2)})=(n^{(1)}-e_i,s(\mu^{(2)}),\lambda^{(1)}\mu^{(2)})$.
For each step, $|n^{(i)}|=|m|-i$, so $l=|m|$ satisfies $n^{(l)}=0$. Notice that $\lambda^{(0)}\in
v\Lambda^{\leq (m-n^{(0)})}, \lambda^{(1)}\in v\Lambda^{\leq (m-n^{(1)})}, \dots, \lambda^{(l)}\in
v\Lambda^{\leq (m-n^{(l)})}$. Hence $\lambda^{(l)}\in v\Lambda^{\leq m}$ and
$s(\lambda^{(l)})\not\in H$ so $s(v\Lambda^{\leq m})\not\subseteq H$.
\end{proof}
\begin{lemma}[{\cite{MR2670219, MR2270926}}]
\label{cofinal.result} Let $\Lambda$ be a row-finite locally convex $k$-graph. Then the following
are equivalent:
\begin{enumerate}
\item \label{cif.1.1}$\Lambda$ is cofinal;
\item \label{cif.2.1} for all $v\in \Lambda^0$, and $(\lambda_i)$ with $\lambda_i\in
\Lambda^{\leq (1,\dots, 1)}$, and $s(\lambda_i)=r(\lambda_{i+1})$ there exist $i\in \mathbb{N}$ and
$n\leq d(\lambda_i)$ such that $v\Lambda \lambda_i(n) \neq \emptyset$; and
\item \label{cif.3} $\Lambda^0$ contains no nontrivial hereditary saturated subsets.
\end{enumerate}
\end{lemma}
\begin{proof}
Firstly we show that \eqref{cif.1.1}$\Rightarrow$\eqref{cif.3}. Suppose \eqref{cif.1.1} and
suppose that $H\subseteq \Lambda^0$ is a nonempty hereditary, saturated set. We show that
$H=\Lambda^0$. Fix $v\in \Lambda^0$. Since $H$ is nonempty, there exists $w\in H$. By
\eqref{cif.1.1} there exists $n\in \mathbb{N}^k$ such that $s(v\Lambda^{\leq n})\subseteq s(w\Lambda)$.
Since $H$ is hereditary, $s(v\Lambda^{\leq n})\subseteq s(H\Lambda) \subseteq H$. Hence
Lemma~\ref{saturated} gives $v\in H$.
Now we show that \eqref{cif.3}$\Rightarrow$\eqref{cif.2.1}. Suppose that \eqref{cif.2.1} fails,
that is, there exist $v\in \Lambda^0$, and a sequence $(\lambda_i)$ with $\lambda_i\in
\Lambda^{\leq (1,\dots, 1)}, s(\lambda_i)=r(\lambda_{i+1})$ for all $i$ such that for all $i\in
\mathbb{N}$ and all $n\leq d(\lambda_i)$ we have $v\Lambda \lambda_i(n) = \emptyset$. Let
\[
H=\{w\in \Lambda^0: w\Lambda \lambda_i(n) = \emptyset \text{ for all } i\in \mathbb{N} \text{ and }n\leq d(\lambda_i)\}.
\]
Then $H$ is nontrivial as $v\in H$ and hereditary because if $u\Lambda w\neq \emptyset$ then
$s(w\Lambda)\subseteq s(u\Lambda)$. To show that $H$ is saturated take $u \in \Lambda^0$ and
$j\leq k$ such that $s(u{\Lambda}^{\le e_j})\subseteq H$. We must show that $u\in H$. Assume
otherwise for contradiction. We have $u\not\in s(u{\Lambda}^{\le e_j})$ because otherwise $u=s(u)$
belongs to $H$, so $u{\Lambda}^{e_j}\neq \emptyset$. Since $u\not\in H$, there exists $\lambda\in
u\Lambda$ such that $s(\lambda)=\lambda_i(n)$ for some $i,n$. We claim that $d(\lambda)_j=0$.
Indeed, if not, then $\lambda=\mu\mu'$ for some $\mu\in u{\Lambda}^{e_j}$. We then have $s(\mu)\in
s(u{\Lambda}^{e_j})\subseteq H$, so $s(\mu)\Lambda \lambda_i(n) = \emptyset$ contradicting
$\mu'\in s(\mu)\Lambda \lambda_i(n)$. Since $\Lambda$ is locally convex and $d(\lambda)_j=0$ and
since $u\Lambda^{e_j}\neq \emptyset$, we have
$\lambda_i(n)\Lambda^{e_j}=s(\lambda)\Lambda^{e_j}\neq \emptyset$. Let $\beta=\lambda_i(n,
d(\lambda_i))$. Since $\Lambda$ is locally convex, either $d(\beta)_j\neq 0$ or
$s(\lambda_i)\Lambda^{e_j}\neq \emptyset$. Since $\lambda_{i+1}\in\Lambda^{\leq (1,\dots,1)}$ it
follows that $d(\beta\lambda_{i+1})\geq e_j$. Now $\lambda':=\lambda\beta\lambda_{i+1} \in
u\Lambda$ satisfies $s(\lambda')=\lambda_{i'}({n'})$ for some ${i'},{n'}$. But then, just as we got
$d(\lambda)_j=0$, we deduce $d(\lambda')_j=0$, a contradiction. So $H$ is saturated, so \eqref{cif.3}
does not hold.
Finally we prove \eqref{cif.2.1}$\Rightarrow$\eqref{cif.1.1}. Given \eqref{cif.2.1}, we suppose
that \eqref{cif.1.1} fails, and we derive a contradiction. Since \eqref{cif.1.1} fails, there
exist $v,w\in \Lambda^0$ such that for all $n\in \mathbb{N}^k$, we have $s(w\Lambda^{\leq
n})\not\subseteq s(v\Lambda)$. Set
$$K=\{u\in \Lambda^0: s(u\Lambda^{\leq n})\not\subseteq s(v\Lambda) \text{ for all } n\in \mathbb{N}^k\}.$$
Fix $u\in K$ and $j\leq k$. We claim that there exists $\mu\in u\Lambda^{\leq e_j}$ such that
$s(\mu)\in K$. Indeed if $s(u\Lambda^{\leq e_j})\subseteq \Lambda^0\setminus K$, then for each
$\mu\in u\Lambda^{\leq e_j}$ there exists $n_\mu\in \mathbb{N}^k$ such that
$s(\mu\Lambda^{n_\mu})\subseteq s(v\Lambda)$. Since $s(v\Lambda)$ is hereditary, it follows that
$n=\bigvee_{\mu\in u\Lambda^{\leq e_j}} n_\mu$ satisfies
$s(u\Lambda^{\leq{n+e_j}})=\bigcup_{\mu\in u\Lambda^{\leq e_j}}s(\mu \Lambda^{\leq{n}}) \subseteq
s(v\Lambda)$, contradicting $u\in K$.
Since $w\in K$ we can construct a sequence $(\lambda_i)$ such that each $\lambda_i\in
\Lambda^{\leq (1,\dots, 1)}$, each $s(\lambda_i)=r(\lambda_{i+1})$, and for each $n\leq
d(\lambda_i)$ we have $\lambda_i(n)\in K$. By \eqref{cif.2.1} there exist $i$ and $n\leq
d(\lambda_i)$ such that $v\Lambda \lambda_i(n) \neq \emptyset$, i.e., such that
$s(\lambda_i(n)\Lambda^{\leq 0})\subseteq s(v\Lambda)$. So $\lambda_i(n)\not\in K$, a
contradiction.
\end{proof}
\begin{remark}
When a $k$-graph $\Lambda$ has only one vertex, it is automatically cofinal, and we deduce that
the stable rank of $C^*(\Lambda)$ is infinite if there exists $j \le k$ such that $|\Lambda^{e_j}|
\ge 2$, and is equal to $\lfloor k/2\rfloor + 1$ if each $|\Lambda^{e_j}| = 1$.
\end{remark}
\begin{remark}
\label{unknown} We now present all the $2$-graphs $\Lambda$ with $|\Lambda^0|=2$ for which we have
been unable to compute the stable rank of the associated $C^*$-algebra $C^*(\Lambda)$ (see
Figure~\ref{special.graphs.2}). In each case the $2$-graph $\Lambda$ fails to be cofinal, because
$\Lambda^0$ contains one nontrivial hereditary saturated subset, denoted $H$.
\begin{figure}
\begin{center}
\begin{tikzpicture}
\node[circle, inner sep=0pt] (v1) at (-2,.1) {$\vdots$};
\node[circle, inner sep=0pt] (v2) at (-2, .5) {$1^+$};
\node[inner sep=2.8pt, circle] (28) at (-1,0) {$u$};
\node[inner sep=2.8pt, circle] (29) at (-3,0) {$v$};
\draw[-latex, red, dashed] (28) edge[out=160,in=20] (29);
\draw[-latex, red, dashed] (28) edge[out=200,in=340] (29);
\draw[-latex, red, dashed] (28) edge[out=220,in=320] (29);
\path[->,every loop/.style={looseness=14}, >=latex] (29)
edge [in=150-90,out=210-90,loop, red, dashed, >=latex] ();
\path[->,every loop/.style={looseness=14}, >=latex] (28)
edge [in=150+90,out=210+90,loop, blue, >=latex] ();
\path[->,every loop/.style={looseness=14}, >=latex] (29)
edge [in=150+90,out=210+90,loop, blue, >=latex] ();
\end{tikzpicture}
\begin{tikzpicture}
\node[circle, inner sep=0pt] (v1) at (-2,.1) {$\vdots$};
\node[circle, inner sep=0pt] (v2) at (-2, .5) {$1^+$};
\node[circle, inner sep=0pt] (v2) at (-1,1.9) {$\vdots$};
\node[circle, inner sep=0pt] (v2) at (-1, 2.3) {$1^+$};
\node[inner sep=2.8pt, circle] (28) at (-1,0) {$u$};
\node[inner sep=2.8pt, circle] (29) at (-3,0) {$v$};
\draw[-latex, red, dashed] (28) edge[out=160,in=20] (29);
\draw[-latex, red, dashed] (28) edge[out=200,in=340] (29);
\draw[-latex, red, dashed] (28) edge[out=220,in=320] (29);
\path[->,every loop/.style={looseness=14}, >=latex] (29)
edge [in=150-90,out=210-90,loop, red, dashed, >=latex] ();
\path[->,every loop/.style={looseness=14}, >=latex] (28)
edge [in=150-90,out=210-90,loop, red, dashed, >=latex] ();
\path[->,every loop/.style={looseness=16}, >=latex] (28)
edge [in=150-100,out=210-80,loop, red, dashed, >=latex] ();
\path[->,every loop/.style={looseness=22}, >=latex] (28)
edge [in=150-110,out=210-70,loop, red, dashed, >=latex] ();
\path[->,every loop/.style={looseness=14}, >=latex] (28)
edge [in=150+90,out=210+90,loop, blue, >=latex] ();
\path[->,every loop/.style={looseness=14}, >=latex] (29)
edge [in=150+90,out=210+90,loop, blue, >=latex] ();
\end{tikzpicture}
\begin{tikzpicture}
\node[circle, inner sep=0pt] (v1) at (-1.5,.5) {$\cdot$};
\node[circle, inner sep=0pt] (v2) at (-1.5, .9) {$1^+$};
\node[circle, inner sep=0pt] (v1) at (-1.5,-.5) {$\cdot$};
\node[circle, inner sep=0pt] (v2) at (-1.5,- .9) {$1^+$};
\node[circle, inner sep=0pt] (v2) at (0,1.9) {$\vdots $};
\node[circle, inner sep=0pt] (v2) at (0, 2.3) {$1^+$};
\node[circle, inner sep=0pt] (v2) at (0,-1.7) {$\vdots $};
\node[circle, inner sep=0pt] (v2) at (0, -2.3) {$1^+$};
\node[inner sep=2.8pt, circle] (28) at (0,0) {$u$};
\node[inner sep=2.8pt, circle] (29) at (-3,0) {$v$};
\draw[-latex, red, dashed] (28) edge[out=140,in=40] (29);
\draw[-latex, red, dashed] (28) edge[out=160,in=20] (29);
\draw[-latex, blue] (28) edge[out=200,in=340] (29);
\draw[-latex, blue] (28) edge[out=220,in=320] (29);
\path[->,every loop/.style={looseness=14}, >=latex] (28)
edge [in=150-90,out=210-90,loop, red, dashed, >=latex] ();
\path[->,every loop/.style={looseness=16}, >=latex] (28)
edge [in=150-100,out=210-80,loop, red, dashed, >=latex] ();
\path[->,every loop/.style={looseness=22}, >=latex] (28)
edge [in=150-110,out=210-70,loop, red, dashed, >=latex] ();
\path[->,every loop/.style={looseness=14}, >=latex] (28)
edge [in=150+90,out=210-90+180,loop, blue, >=latex] ();
\path[->,every loop/.style={looseness=16}, >=latex] (28)
edge [in=150-100+180,out=210-80+180,loop, blue, >=latex] ();
\path[->,every loop/.style={looseness=22}, >=latex] (28)
edge [in=150-110+180,out=210-70+180,loop, blue, >=latex] ();
\path[->,every loop/.style={looseness=14}, >=latex] (28)
edge [in=150+90,out=210+90,loop, blue, >=latex] ();
\path[->,every loop/.style={looseness=14}, >=latex] (29)
edge [in=150-90,out=210-90,loop, red, dashed, >=latex] ();
\path[->,every loop/.style={looseness=14}, >=latex] (29)
edge [in=150+90,out=210+90,loop, blue, >=latex] ();
\end{tikzpicture}
\caption{Example of $2$-graphs $\Lambda$ with $C^*(\Lambda)$ of stable rank two or thee.}\label{special.graphs.2}
\end{center}
\end{figure}
In Figure~\ref{special.graphs.2}, for each 2-graph $\Lambda$ the $C^*$-algebra $C^*(\Lambda)$ is
non-simple with $H=\{u\}$. In the first case, we have $C^*(H\Lambda) \cong C(\mathbb{T})$, which has
stable rank~1, and so $I_H$ has stable rank~1 because stable rank~1 is preserved by stable
isomorphism. In the remaining two cases, if there is one loop of each colour at $u$ then
$C^*(H\Lambda) \cong C(\mathbb{T}^2)$ has stable rank~2, and otherwise, Theorem~\ref{thm.cofinal} implies
that $C^*(H\Lambda)$ has stable rank~$\infty$; either way, since $I_H \cong C^*(H\Lambda) \otimes
\mathcal{K}$\footnote{To see this, let $X$ be the set $\{u\} \cup \{\mu f : f \in v\Lambda^{e_2} u\text{
and } \mu \in \Lambda^{\mathbb{N} e_2}v\}$. Use the factorisation property and the Cuntz--Krieger
relations to see that $I_H = \overline{\operatorname{span}}\{s_\mu a s^*_\nu : \mu,\nu \in X\text{
and } a \in s_u C^*(\Lambda) s_u\}$. It is routine that for any finite subset $F \subseteq X$, the
set $\{s_\mu s^*_\nu : \mu,\nu \in F\}$ is a system of matrix units. So Lemma~\ref{matrix.system} gives
$\overline{\operatorname{span}}\{s_\mu a s^*_\nu : \mu,\nu \in F\text{ and } a \in s_u
C^*(\Lambda) s_u\} \cong s_u C^*(\Lambda) s_u \otimes M_{|F|}(\mathbb{C})$. Taking the direct
limit gives $I_H \cong s_u C^*(\Lambda) s_u \otimes \mathcal{K}(\ell^2(X))$.}, we have $sr(I_H) = 2$ as
discussed in Section~\ref{sec.1.3}.
In all three cases, the quotient of $C^*(\Lambda)$ by $I_H$ is $C^*(\Lambda)/I_H\cong
C^*(\Lambda\setminus \Lambda H)\cong C(\mathbb{T}^2)$. Hence, by \cite[V.3.1.21]{MR2188261} we deduce
that $sr(C^*(\Lambda))\in \{2,3\}$, but we have been unable to determine the exact value in any of
these cases.
Perhaps the easiest-looking case is the $2$-graph (top left) with one red (dashed) edge from $u$
to $v$. In this case $C^*(\Lambda)\cong \mathcal{T}\otimes C(\mathbb{T})$, where $\mathcal{T}$ is the Toeplitz
algebra generated by the unilateral shift. Despite knowing the stable rank of each of the
components ($sr(\mathcal{T})=2$ and $sr(C(\mathbb{T}))=1$) the stable rank of the tensor product is not known
(there is no general formula for stable rank of tensor products).
\end{remark}
|
\section{Introduction
The Hall effect is one of the most effective techniques to understand the mechanism of electric conduction in materials.
To measure the Hall effect, electrodes are attached perpendicular to the direction of the flow of current.
However, in cases such as those involving powder samples and very narrow quasi-one dimensional materials,
it is difficult to realize such an experimental configuration; further, in other cases, nondestructive measurements are required.
For these cases, noncontact methods that use high-frequency, in particular, microwave electromagnetic fields have been utilized.~\cite{Cooke1948,Portis1958,Liu1961,Nishina1961,Watanabe1961,Sayed1975a,Sayed1975,Ong1981}
Thus far, several studies have investigated the microwave Hall effect meaurement.
\cite{Cooke1948,Portis1958,Sayed1975a,Sayed1975,Ong1977,Nishina1958,Hambleton1959,Liu1961,Nishina1961,Watanabe1961,Fletcher1976,Ong1981,Kuchar1986,Na1992,Prati2003,Murthy2006,Cross1980,Eley1983,Al-Zoubi2005,Cross1980,Eley1983,Al-Zoubi2005,Coppock2016}
In these studies, the most commonly used approach is the use of a bimodal cavity, which is a resonator with two orthogonal degenerate modes.\cite{Cooke1948,Portis1958}
Since the two orthogonal degenerate modes are coupled with each other through the Hall effect, the bimodal cavity can be used to measure the Hall effect.
In Table~\ref{table}, we summarize the previous representative measurements for the microwave Hall effect using bimodal cavities.
As listed in Table~\ref{table}, many studies investigated semiconductors, insulators,~\cite{Portis1958,Nishina1958,Hambleton1959,Liu1961,Nishina1961,Watanabe1961,Sayed1975a,Sayed1975,Fletcher1976,Ong1977,Ong1981,Kuchar1986,Na1992,Prati2003,Murthy2006} or biomaterials,\cite{Cross1980,Eley1983,Al-Zoubi2005} where the conductivity is rather low, thereby making
the Hall effect measurement easy.
Ong et al. proposed an improved method for materials with slightly higher conductivity.~\cite{Ong1981}
However, there is lack of studies that investigate the microwave Hall measurement in the skin depth regime, i.e., in highly conductive materials.
To improve sensitivity and accuracy, apparatuses used in these studies employ some complicated mechanisms to tune the mode of the cavity.~\cite{Portis1958,Nishina1958,Nishina1961,Watanabe1961,Sayed1975,Fletcher1976,Ong1977,Cross1980,Ong1981,Na1992,LinfengChen1998,Prati2003}
However, under cryogenic conditions, it is difficult to employ these mechanisms.
Therefore, most previous studies were conducted at room temperature, which is indicated in Table~\ref{table}.
Since much attention has been given to understanding the dynamics of the quantized magnetic vortex in superconductors,\cite{Kopnin1995,Blatter1994,Kopnin2002}
there is an urgent need to study the AC Hall effect in highly conductive materials under cryogenic conditions.
Thus, we develop a new microwave Hall effect measurement method for materials in the skin depth region at low temperatures.
In this paper, we developed a new microwave Hall effect measurement method for materials in the skin depth region using a cross-shaped bimodal cavity.
Our method can be applied under a wide range of temperatures, including cryogenic conditions.
We analytically calculated the electromagnetic fields in the cross-shaped cavity and the response of the cavity including the sample, whose property is represented by the surface impedance tensor; further, we developed the method to obtain the Hall component of the surface impedance tensor in terms of the change in resonance characteristics.
To confirm the validity of the proposed method, we applied our method to measure the Hall effect in metallic Bi single crystals at low temperatures, and we confirmed that the microwave Hall angle coincides with the DC Hall angle.
Thus, Hall angle measurement under cryogenic conditions is possible without the use of any complicated tuning mechanisms such as screws as long as the tangent of the Hall angle is on the order of 0.1.
The result presents a new approach to discuss the Hall effect in condensed matter physics.
In particular, it is now possible to measure the Hall effect in superconductors with a finite magnetic field at sufficiently lower temperatures than the superconducting transition temperature, which could not be investigated by the DC measurement.
The rest of this paper is organized as follows:
In the next section, we introduce newly derived formulas for our experimental configuration, which are necessary to obtain the Hall angle; further, we explain how to obtain the microwave Hall angle.
The details of the calculation are described in the Appendix.
In Sections. III and IV, we describe the experimental details and measurement results for the metallic Bi single crystals.
Finally, the paper is concluded in Section V with a summary of our results.
\begin{table*}[htbp]\label{table}
\begin{minipage}{\hsize}
\centering
\caption{Previous studies of the microwave Hall effect by bimodal cavities. Cyl., Rect. and Crossed W. G. are abbreviations for cylindrical, rectangular and crossed waveguide, respectively.}
\begin{tabular}{cccrrrrcc} \hline\hline
\multicolumn{1}{c}{1st Auther} & \multicolumn{1}{c}{Year} & \multicolumn{1}{c}{Shape} & \multicolumn{1}{c}{$f$ (GHz)} &\multicolumn{1}{c}{$Q$}&\multicolumn{1}{c}{$T$ (K)}&\multicolumn{1}{c}{$B$(T)}&\multicolumn{1}{c}{Materials}&\multicolumn{1}{c}{Ref.} \\ \hline
S. Cooke & 1948 & Cyl. & 9& ---&R.T.&0.3&Metals&\cite{Cooke1948} \\
E. Portis & 1958 & Cyl. & X Band& ---&R.T.& ---&CuSO$_4$$\cdot$5H$_2$O&\cite{Portis1958} \\
G. Hambleton & 1959 & Crossed W.G. & 20& ---&80&1 &Si, Ge&\cite{Hambleton1959} \\
Y. Nishina & 1961 & Rect. &9&2000&30&0.2&Ge&\cite{Nishina1961,Liu1961} \\
N. Watanabe & 1961 & Cyl. &24& ---&100&0.5&Ge&\cite{Watanabe1961} \\
M. Sayed & 1975 & Cyl. &9&2200&R.T.&0.7&CdS&\cite{Sayed1975a,Sayed1975} \\
J. Fletcher & 1976 & Rect. &X band&6500&R.T.&1&ZnO&\cite{Fletcher1976} \\
N. Ong & 1977 & Cyl. &9& ---&R.T.&1.2&TTF-TCNQ&\cite{Ong1977} \\
T. Cross & 1980 & Cyl. &33&15000&R.T.& ---&Biopolymers&\cite{Cross1980} \\
N. Ong & 1981 & Cyl. &9&3000&R.T.& ---&Si&\cite{Ong1981} \\
D. Eley & 1983 & Cyl. &9&9500&R.T.&1.2&Biological samples&\cite{Eley1983} \\
F. Kuchar & 1986 & Crossed W.G. &33& ---&2.2&8&GaAs-AlGaAs&\cite{Kuchar1986} \\
M. Dressel & 1991 & Cyl. &10& ---&R.T.&0.8&BEDT-TTF, YBCO&\cite{Dressel1991} \\
B. Na & 1992 & Cyl. and Rect. &X band&4000&R.T.&0.5&ZnO&\cite{Na1992} \\
L. Chen & 1998 & Cyl.&X band&2000&R.T.&0.3&Iron oxide &\cite{LinfengChen1998} \\
E. Prati & 2003 & Cyl. &20& ---&R.T.&0.6&GaAs, ZnSe&\cite{Prati2003} \\
A. Al-Zoubi & 2005 & Cyl. and Rect. &X band&6000&R.T.& ---&Organic semiconductors&\cite{Al-Zoubi2005} \\
D. Murthy& 2006 & Cyl. &10&3000&R.T.&0.6&Si, InSb&\cite{Murthy2006} \\
D. Murthy& 2008 & Cyl. &14&3100&R.T.&0.6&C-nanotube&\cite{Murthy2008} \\ \hline
\end{tabular}
\end{minipage}
\end{table*}
\section{Method
The Hall angle $\theta$ is represented as
\begin{equation}
\tan\theta=\frac{\sigma_{xy}}{\sigma_{xx}},
\end{equation}
where $\sigma_{xx}$ and $\sigma_{xy}$ are the $xx$ and $xy$ components of the conductivity tensor in the $xy$ plane $\tilde{\sigma}$, which is defined as
\begin{equation}
\bs{j}=\tilde{\sigma}\bs{E},
\end{equation}
where $\bs{j}\equiv(j_x, j_y)$ and $\bs{E}\equiv(E_x, E_y)$ are the current density and electric field vectors, respectively.
We assumed that the magnetic field $\bs{B}$ is in the $z$ direction.
Then, we rewrite the conductivity tensor using $\tan\theta$ as
\begin{eqnarray}\label{appendix_simga}
\tilde{\sigma}
&=&\sigma_{xx}
\left(
\begin{array}{cc}
1 &-\tan\theta\\
\tan\theta&1 \\
\end{array}
\right).
\end{eqnarray}
Note that $\tan\theta$ defined here is different from that in DC measurement; it is a complex quantity.
When the single carrier model is appropriate, $\tan\theta$ is revised to $\tan\theta_{dc}/(1-i\omega\tau)$, where $\omega$ denotes the angular frequency, and $\tau$ denotes the scattering time of the carrier.
As shown in Eqs.~(\ref{appendix_zsigmagannma}) and (\ref{appendix_z}), the surface impedance tensor in the $xy$ plane is
\begin{equation}
\tilde{Z}\equiv \tilde{R} - i\tilde{X} = \left(
\begin{array}{cc}
Z^L & Z^H \\
-Z^H & Z^L \\
\end{array}
\right),
\end{equation}
and it is related to $\tilde{\sigma}$ as
\begin{equation}
\tilde{Z}=\gamma\tilde{\sigma}^{-1},
\end{equation}
where $\gamma$ denotes the inverse of the skin depth, and $\tilde{R}$ and $\tilde{X}$ denote the real (surface resistance) and imaginary parts (surface reactance) of $\tilde{Z}$.
The explicit expression of $\gamma$ is not necessary for the discussions provided below.
As shown in the Appendix (Eq.~(\ref{eq:appendix_ZHZ})), the Hall angle is expressed by the ratio of the components in the surface impedance tensor as
\begin{equation}
\label{method_tan}
\tan\theta=\frac{Z^H}{Z^L}.
\end{equation}
We consider a cross-shaped bimodal cavity and analytically calculate the electromagnetic fields in the cavity, where bimodal modes TE$_{101}$ and TE$_{011}$ exist at the resonance frequency $f_{H}$ with the quality factor $Q_H$.
We derive the relationship between the resonance characteristics and surface impedance tensor, and we express $\tan\theta$ in terms of the surface impedance tensor (See Appendix for details on the derivation).
As a result, we found that changes in the resonant frequency and $Q$ factor of the resonance are related to the components of the surface impedance tensor as
\begin{equation}\label{method_crossQ}
\Delta_{w/wo}\left(\frac{1}{2Q_H}\right)\equiv\frac{1}{2Q_H}-\frac{1}{2Q_{H0}}=G^LR^L+G^H|X^H|
\end{equation}
and
\begin{equation}\label{method_crossf}
\Delta_{w/wo}\left(\frac{f_H}{f_{H0}}\right)\equiv -\frac{f_{H}-f_{H0}}{f_{H0}}=G^LX^L-G^H|R^H|+D,
\end{equation}
where $\Delta_{w/wo}$ represents the difference between the data with and without the sample; $f_H$ and $f_{H0}$ are the resonance frequencies with and without the sample, respectively; $Q$ and $Q_0$ are the $Q$ factor of the resonance with and without the sample, respectively; $R^L$ and $X^L$ are the longitudinal components of the surface resistance and surface reactance tensors, respectively; $R^H$ and $X^H$ are the off-diagonal components of the surface resistance and surface reactance tensors, respectively; $G^L$ and $G^H$ are the geometrical constants in the longitudinal and Hall directions of the bimodal cavity, respectively, which are the same magnitude for the ideally symmetrical case;
and $D$ is the experimentally inevitable constant.
When the Hall effect is absent, these formulas are equivalent to equations for an ordinary cylindrical cavity perturbation technique.\cite{Klein1993,Donovan1993,Dressel1993}
These formulas where the real and imaginary parts of the surface impedance tensor are intermingled can be interpreted in terms of the adiabatic theorem which states that the shift in complex frequency is equal to the change in the complex energy of the cavity.
The real part of the complex energy corresponds to the energy stored in the cavity, and the imaginary part corresponds to energy loss.
The mixing of the real and imaginary parts of the system corresponds to the energy exchange between the orthogonal modes caused by the Hall effect.
In other words, it implies that the energy loss in one mode is transferred to the energy of the other mode by the Hall effect.
Below, we show an explicit method to obtain $\tan\theta$ from the above presented new formulas.
Eq.~(\ref{method_tan}) shows that if we obtain $R^L$, $X^L$, $R^H$ and $X^H$, we can find $\tan\theta$.
Hence, we perform three types of measurements; (1) DC resistivity measurement, (2) ordinary surface impedance measurement using a cylindrical cavity resonator, and (3) Hall surface impedance measurement using the cross-shaped bimodal cavity.
First, we determine longitudinal components of the surface impedance tensor $Z^L= R^L - i X^L$,
which can be obtained with the ordinary cavity perturbation technique using a cylindrical cavity; here, the shift of the resonant frequency and $Q$ factor of the resonance are related to $Z^L$ as
\begin{equation}\label{method_cylindricalQ}
\Delta_{w/wo}\left(\frac{1}{2Q}\right)\equiv\frac{1}{2Q}-\frac{1}{2Q_0}=GR^L
\end{equation}
and
\begin{equation}\label{method_cylindricalf}
\Delta_{w/wo}\left(\frac{f}{f_0}\right)\equiv -\frac{f-f_0}{f_0}=GX^L+C,
\end{equation}
where $f$ and $f_0$ denote the resonance frequencies with and without the sample, respectively; $Q$ and $Q_0$ denote the $Q$ factors of the resonance with and without the sample, respectively; $C$
denotes the experimentally inevitable constant; and $G$ denotes the geometrical constant.
Note that $Q$ and $Q_H$ or $f$ and $f_H$ are quantities in different resonators.
Further, $G$ and $C$ were determined using the assumption that $R^L=X^L=(\mu_0\omega/2\sigma_{dc})^{1/2}$, where $\mu_0$, $\omega=2\pi f$, and $\sigma_{dc}$ are the vacuum permeability, angular frequency, and DC conductivity, respectively.
Thus, we need to measure the longitudinal components of DC resistivity.
Next, the measurement are performed using the bimodal cavity.
Changes in the resonance characteristics of the cross-shaped bimodal cavity are related to the surface impedance tensor of the sample as indicated in Eqs.~(\ref{method_crossQ}) and (\ref{method_crossf}).
Therefore, we need to determine $G^L$, $G^H$, and $D$, which are independent of temperature, to obtain the off-diagonal component of the surface impedance tensor $Z^H$.
In the cross-shaped cavity measurement of this study, we delete $D$ by considering the difference between the data of the same sample at different temperatures rather than $\Delta_{w/wo}$.
Thus, we rewrite Eqs.~(\ref{method_crossQ}) and (\ref{method_crossf}) as
\begin{equation}\label{method_DcrossQ}
\Delta\left(\frac{1}{2Q_H}\right)(T:T_0, B)=G^L\Delta R^L(T:T_0, B)+G^H\Delta |X^H(T:T_0, B)|
\end{equation}
and
\begin{equation}\label{method_Dcrossf}
\Delta\left(\frac{f_H}{f_{H0}}\right)(T:T_0, B)=G^L\Delta X^L(T:T_0, B)-G^H\Delta |R^H(T:T_0, B)|,
\end{equation}
where $\Delta$ is defined by
\begin{equation}\label{method_Delta}
\Delta A(T:T_0,B)=A(T,B)-A(T_0,B),
\end{equation}
where $A$ is some physical quantity such as the surface resistance.
To determine geometrical factors $G^L$ and $G^H$, we measure the magnetic field dependence of the responses $Q_H$ and $f_H$ at two temperatures $T_0$ and $T_1$, and we evaluate $\Delta(1/2Q_H)(T_1:T_0,B)$ and $\Delta(f_H/f_{H0})(T_1:T_0,B)$.
Then, we consider two assumptions: (1) the tangents of the DC Hall angles are small at $T_0$ and $T_1$, and (2) the DC Hall angle and microwave Hall angle have the same magnitude at $T_0$ and $T_1$.
We confirm that assumption (1) is valid for Bi in the results section.
The assumption (2) is valid at low frequencies such as microwaves provided the relaxation time(s) of the carrier(s) is(are) not as large as that in the anomalous skin region
These assumptions are valid for many materials including high T$_{c}$ superconductors in the normal state.
From assumption (1), considering that $G^L$ and $G^H$ are the same order of magnitude, for Bi, we get
\begin{equation}
|X^H|-|R^H|\sim|\tan\theta_{dc}|(|X^L|-|R^L|)\ll R^L+X^L,
\end{equation}
where $\tan\theta_{dc}$ is the tangent of the Hall angle in the DC measurement.
Thus, by taking the sum of Eqs.~(\ref{method_DcrossQ}) and (\ref{method_Dcrossf}), we approximate
\begin{eqnarray}\label{method_approx1}
&&\Delta\left(\frac{1}{2Q_H}\right)(T_1:T_0, B)+\Delta\left(\frac{f_H}{f_{H0}}\right)(T_1:T_0, B)\nonumber \\
&&\simeq G^L[\Delta R^L(T_1:T_0, B)+\Delta X^L(T_1:T_0, B)].
\end{eqnarray}
From Eq.~(\ref{method_approx1}), $G^L$ is determined with the data of $Q_H$ and $f_H$, and the surface impedance data $R^L$ and $X^L$ at $T_1$ and $T_{0}$.
From assumption (2), we obtain
$\Delta R^H(T_1:T_0, B)\simeq \Delta(R^L\tan\theta_{dc})(T_1:T_0, B)$ or $\Delta X^H(T_1:T_0, B)\simeq \Delta(X^L\tan\theta_{dc})(T_1:T_0, B)$.
Then, $G^H$ is obtained from Eq.~(\ref{method_DcrossQ}) or (\ref{method_Dcrossf}) together with the data of $Q_H$ and $f_H$ and the longitudinal components of the surface impedance tensor at $T_{1}$ and $T_{0}$.
Thus, in this method for Bi, we need to measure the Hall component of DC resistivity at $T_{1}$ and $T_{0}$.
Once the geometrical factors are determined, we can obtain $R^H$ and $X^H$.
Considering the ratio of $Z^L$ to $Z^H$, we can obtain the tangent of the microwave Hall angle at any temperature without the DC resistivity measurement at the temperature.
It is necessary to determine the sign of the Hall angle using other measurements (e.g., DC resistivity measurements).
We summarize the procedure in Fig.~\ref{flowchart}.
In addition, there are several approaches to determine $G^L$.
One of the approaches is as follows.
We measure the temperature dependence of the responses in a zero magnetic field $\Delta(1/2Q_H)(T:T_0, 0)$ and $\Delta (f_H/f_{H0})(T:T_0, 0)$, where the Hall terms in the formulas vanish.
Thus, $G^L$ is obtained from $\Delta(1/2Q_H)(T:T_0, 0)=G^L\Delta R^L(T:T_0, 0)$ or $\Delta (f_H/f_{H0})(T:T_0, 0)=G^L\Delta X^L(T:T_0, 0)$ with the surface impedance data already obtained in the measurement using the cylindrical cavity.
This approach is effective for materials with a large change in surface impedance caused by temperature change, such as superconductors.
However, for the case of metallic Bi, the above mentioned approach is more effective because of the intensity of the signal.
To summarize, let us repeat the explicit method to obtain $\tan\theta$.
(1) First, the DC resistivity is measured. (2) Next, the longitudinal component of the surface impedance tensor $Z^L$ is measured by the cylindrical cavity.
(3) Finally, the off-diagonal component of the surface impedance tensor $Z^H$ is measured by the cross-shaped bimodal cavity.
With this procedure, the microwave Hall effect can be measured at any temperature by measuring the DC resistivity tensor at a few temperatures.
Indeed, we can apply another method of analysis using our formulas to determine the geometrical factors from a sample of known properties, and then, we can investigate the microwave Hall effect for another sample of similar shape and unknown properties using the determined geometrical factors.
With this method, the microwave Hall effect can be measured without the DC measurement of the sample to be studied.
However, we selected the previously mentioned procedure because it allows us to analyze the properties of samples without considering the effects of subtle differences in the shape of the sample.
\begin{figure}[htbp]
\includegraphics[keepaspectratio,width=80mm]{P1_method_chart4.pdf}
\caption{Flowchart of the analytic procedure for the obtained resonance characteristics from cross-shaped cavity measurement in Bi.
In each equation, the physical quantity obtained in that procedure is represented in red. The black letters represent the physical quantities already known at the time.}
\label{flowchart}
\end{figure}
\section{Experiments
For the measurement, we chose metallic Bi because of its large DC Hall angle and high conductivity.
Bi single crystals were prepared by melting Bi polycrystals above 271.4 $^\circ$C, post cooling, and cleaving of the precipitated columnar crystals along the (111) plane according to the method discussed in Ref~\cite{Yamamoto1951}.
Single crystals were cut into rectangular pieces with typical dimensions of 0.8$\times$0.8$\times$0.1 mm$^3$.
Measurements were performed using three samples (\#S1, \#S2, and \#S3), and we obtained essentially the same results in all three samples.
Therefore, we show the representative results of only one sample, \#S1, below.
The DC measurements were performed using a standard six-probe configuration using a Quantum Design PPMS (model 6000).
The longitudinal component of $\tilde{Z}$ was measured by the cylindrical cavity perturbation technique.
We used a cylindrical oxygen-free Cu cavity resonator operated in the TE$_{011}$ mode at 19 GHz, which has a quality factor $Q\sim 6\times10^4$.
The cross-shaped bimodal cavity for the microwave Hall effect measurement was fabricated from oxygen-free Cu.
Waveguides were attached at its protruded parts, and they were connected to the cavity through an orifice of about 1 mm diameter.
Each length of the long side of the cross was 10.5 mm, and its height was 54 mm; it was operated at 15.8 GHz, where the two orthogonal degenerate modes such as TE$_{011}$ and TE$_{101}$ in a rectangular resonator exist.
The excitation of these bimodal modes near 15.8 GHz was confirmed by the numerical simulation of the electromagnetic fields shown in Fig.~\ref{simulation}.
In the real cross-shaped bimodal cavity, these modes have a quality factor $Q\sim 3\times10^3$.
A network analyzer (Agilent Technologies N5222A) was used to measure the resonant frequency and $Q$ factor of the resonance.
The cross-shaped bimodal cavity was placed in an evacuated pipe made of stainless steel, which is submerged in liquid He for cryogenic measurements.
The cavity walls are connected with the sample holder containing the sapphire rod and heater only through different cooled thin stainless steel pipes.
Therefore, the sapphire rod and the cavity wall are thermally well isolated.
Because the sample is placed on the sapphire rod, we can change the temperature of the sample alone without changing the temperature of the cavity (the “hot-finger” method\cite{Sridhar1988}).
Thus, we can consider that $G^L$, $G^H$, and $D$ are independent of temperature.
The overall sketch of our cross-shaped cavity measurement system is shown in Figs.~\ref{cavity} and \ref{system}.
\begin{figure}[htbp]
\includegraphics[keepaspectratio,width=70mm]{P1_emsim.pdf}
\caption{Simulation of the electromagnetic field in the cross-shaped bimodal cavity at 15.8 GHz, where the TE$_{101}$ and TE$_{011}$ modes exist.
The normalized electric field $\bm{E}$ and magnetic field $\bm{H}$ in the $xz$ plane are shown.
Red and blue color represent the positive and negative directions, respectively.
The electric field is oriented in the $y$ axis and the magnetic field rotates in the $xz$ plane.
That is, it shows the existence of the TE$_{101}$ mode.}
\label{simulation}
\end{figure}
\begin{figure}[htbp]
\includegraphics[keepaspectratio,width=60mm]{P1_cavity.pdf}
\caption{Sketch of the cross-shaped bimodal cavity.}
\label{cavity}
\end{figure}
\begin{figure}[htbp]
\includegraphics[keepaspectratio,width=70mm]{P1_system.pdf}
\caption{Overall sketch of the cross-shaped cavity measurement system.}
\label{system}
\end{figure}
\section{Results
Figures~\ref{DC}(a) and (b) show the temperature dependence of the DC longitudinal resistivity $\rho_{xx}$ at $B=0$ T and $B=4$ T.
The magnetic field is applied perpendicular to the (111) plane in all measurements shown below.
Figure~\ref{DC}(b) shows that, in a magnetic field, $\rho_{xx}$ becomes large at low temperatures.
In Figs.~\ref{DC}(c) and (d), the DC longitudinal ($\rho_{xx}$) and transverse resistivity ($\rho_{xy}$) are shown as a function of the magnetic field.
We can see the Shubnikov-de Haas oscillation at low temperatures, particularly at 10 K.
The tangent of the Hall angle at 7 T reaches -0.3 at 10 K and -0.1 at 60 K.
These behaviors are essentially the same as those reported previously in the literature, \cite{Alers1953,Abeles1956}which show the high quality of our crystal.
\begin{figure}[htbp]
\begin{minipage}[t]{\hsize}
\mbox{\includegraphics[keepaspectratio,width=70mm]{P1_rhoT.pdf}}
\end{minipage}
\begin{minipage}[t]{\hsize}
\mbox{\includegraphics[keepaspectratio,width=70mm]{P1_rhoB.pdf}}
\end{minipage}
\caption{Longitudinal resistivity $\rho_{xx}$ of Bi sample \#S1 as a function of temperature at (a) $B=0$ T and (b) $B=4$ T. In a magnetic field, the resistivity becomes large at low temperatures. (c) The longitudinal resistivity $\rho_{xx}$ and (d) transverse resistivity $\rho_{xy}$ of \#S1 as a function of the magnetic field. The Shubnikov-de Haas oscillation can be seen at low temperatures especially at 10 K.}
\label{DC}
\end{figure}
Figures \ref{Cyl}(a) and (b) illustrate the magnetic field dependence of the longitudinal components of the surface impedance tensor $R^L$ and $X^L$, respectively.
These data were obtained by the cylindrical cavity perturbation technique.
As expected from the DC measurements, $R^L$ and $X^L$ increase with an increasing magnetic field and with deceasing temperature in the magnetic fields.
\begin{figure}[htbp]
\mbox{\includegraphics[keepaspectratio,width=70mm]{P1_RX.pdf}}
\caption{(a) Surface resistance and (b) surface reactance of \#S1 as a function of magnetic field.
These data were obtained by the cylindrical cavity perturbation technique.}
\label{Cyl}
\end{figure}
In the bimodal cavity measurement, we first determine $G^L$ and $G^H$.
From Eqs.~(\ref{method_DcrossQ})-(\ref{method_approx1}) in Section II, we compare the data of $\Delta(1/2Q_H)(T_1:T_0,B)+\Delta(f_H/f_{H0})(T_1:T_0,B)$ measured in the crossed cavity with the $\Delta R^L(T_1:T_0,B)+\Delta X^L(T_1:T_0,B)$ data measured in the cylindrical cavity.
As for the difference $\Delta$, we consider $T_0$ and $T_1$ as 70 K and 60 K, respectively.
We selected the high temperatures of 60 K and 70 K to avoid the influence of the anomalous skin effect.
After performing the cross-shaped cavity measurement together with the surface impedance data obtained in the cylindrical cavity shown in Fig. \ref{Cyl}, the geometric factor $G^L$ was obtained as $G^L=5.6\pm 0.8\times 10^{-8}$ $\Omega^{-1}$ from Eq.~(\ref{method_approx1}).
With this $G^L$, both the $[\Delta(1/2Q_H)(T_1:T_0,B)+\Delta(f_H/f_{H0})(T_1:T_0,B)]/G^L$ data and $\Delta R^L(T_1:T_0,B)+\Delta X^L(T_1:T_0,B)$ data are shown in a comparative manner in Fig.~\ref{GL}.
The error bars represent the noise of signals and systematic errors of measurement systems.
Then, $G^H$ is determined according to the discussion in the previous section.
The geometric factor $G^H$ was obtained to be $G^H=6.7\pm 0.7\times 10^{-8}$ $\Omega^{-1}$ from Eq.~(\ref{method_DcrossQ}).
The result of this procedure is shown in Fig.~\ref{GH} as a comparative plot of $X^L\tan\theta_{dc}(T_1,B)$ data and $[\Delta(1/2Q)(T_1:T_0,B)-G^L \Delta R^L(T_1:T_0,B)]/G^H+X^L\tan\theta_{dc}(T_0,B)$ data.
The sign of $X^H$ evaluated using the cross-shaped cavity measurement was determined by the DC measurement.
\begin{figure}[htbp]
\includegraphics[keepaspectratio,width=70mm]{P1_detGL.pdf}
\caption{Magnetic field dependence of $\Delta R^L(T_1:T_0,B)+\Delta X^L(T_1:T_0,B)$ of \#S1.
Red circles: Data obtained by cylindrical cavity measurements.
Cross marks: $[\Delta(1/2Q_H)(T_1:T_0,B)+\Delta(f_H/f_{H0})(T_1:T_0,B)]/G^L$ data obtained by cross-shaped cavity measurements.
The geometric factor $G^L$ was set to $G^L=5.6\pm 0.8\times 10^{-8}$ $\Omega^{-1}$.}
\label{GL}
\end{figure}
\begin{figure}[htbp]
\includegraphics[keepaspectratio,width=70mm]{P1_detGH.pdf}
\caption{Magnetic fields dependence of $X^H$ of \#S1 at $T=60$ K.
Red circles: Data from DC measurements and cylindrical cavity measurements, $X^L\tan\theta_{dc}(T_1,B)$.
Cross marks: Data from cross-shaped cavity measurements, $[\Delta(1/2Q_H)(T_1:T_0,B)-G^L \Delta R^L(T_1:T_0,B)]/G^H+X^L\tan\theta_{dc}(T_0,B)$.
The sign of $X^H$ evaluated from the cross-shaped cavity measurement was determined by the DC measurement.
The geometric factor $G^H$ was set to $G^H=6.7\pm 0.8\times 10^{-8}$ $\Omega^{-1}$.}
\label{GH}
\end{figure}
Because geometrical factors were obtained, we evaluate $R^H$ and $X^H$ from Eqs.~(\ref{method_DcrossQ}) and (\ref{method_Dcrossf}).
Fig.~\ref{RHXH} shows the magnetic field dependence of $R^H$ and $X^H$ of Bi from 10 K to 60 K.
The signs of $R^H$ were determined from DC data.
Fig.~\ref{tan_result} shows the tangent of the Hall angle obtained from Eq.~(\ref{method_tan}) together with the DC data.
The magnitude of the microwave Hall angle is on the order of 0.1, and it increases up to $\sim 0.3$ with decreasing temperature.
Although, at small magnetic fields, the error bars become large because of small signals, the magnitude of the microwave Hall angle coincides with the DC Hall angle.
This suggests that, in most of the data presented above, the condition $\omega\tau\ll 1$ is valid where $\tau$ is the longest life time of the possible carriers in Bi.
Thus, it becomes clear that the Hall angle measurement under cryogenic conditions becomes possible without any complicated tuning mechanisms such as screws, as long as the tangent of the Hall angle is on the order of 0.1; further, our bimodal cavity method can be used to measure the microwave Hall effect on materials in the skin depth region.
This motivates the measurement of the microwave flux-flow Hall effect in superconductors, whose Hall angle $\tan\theta=\omega_0\tau$ is estimated to be on the order of 0.1 in previous studies,\cite{Tsuchiya2001,Hanaguri1999,Shibata2003,Maeda2007a,Maeda2007,Okada2012,Okada2013a,Okada2013} which will be reported in a different place.\cite{Ogawa2020a}
\begin{figure}[htbp]
\mbox{\includegraphics[keepaspectratio,width=70mm]{P1_RHXH.pdf}}
\caption{(a) Transverse surface resistance and (b) transverse surface reactance $X^H$ of \#S1 as a function of the magnetic field at several temperatures.
The signs were determined by the DC measurement.}
\label{RHXH}
\end{figure}
\begin{figure}
\includegraphics[keepaspectratio,width=70mm]{P1_tan.pdf}
\caption{Magnitudes of the tangent of the Hall angle of \#S1 as a function of the magnetic field.
Lines are the DC results and marks are the microwave results.}
\label{tan_result}
\end{figure}
\section{Conclusion
We developed a new microwave Hall effect measurement method for materials in the skin depth region at low temperatures using a cross-shaped bimodal cavity.
We analytically calculated electromagnetic fields in the cross-shaped cavity, and the response of the cavity including the sample, whose property is represented by the surface impedance tensor; further, we constructed the method to obtain the Hall component of the surface impedance tensor in terms of the change in resonance characteristics.
To confirm the validity of the new method, we applied our method to measure the Hall effect in metallic Bi single crystals at low temperatures, and we confirmed that the microwave Hall angles coincide with the DC Hall angle.
Thus, it becomes clear that the Hall angle measurement under cryogenic conditions becomes possible without any complicated tuning mechanisms, and our bimodal cavity method can be used to measure the microwave Hall effect on materials in the skin depth region.
The result opens a new approach to discuss the Hall effect in condensed matter physics such as the microwave flux-flow Hall effect in superconductors.
\begin{acknowledgments}
We thank Professors S. Fukatsu, Y. Kato, K. Ueno, and Y. Shiomi
for the fruitful discussions.
This work was partly supported by the Precise Measurement Technology Promotion Foundation (PMTP-F).
We would like to thank Editage (www.editage.com) for English language editing.
\end{acknowledgments}
\section*{Data availability}
The data that support the findings of this study are available from the corresponding author upon reasonable request.
|
\section{Introduction}
Quantum chemistry methods have seen increasingly widespread use over the last few decades, and now permit sufficiently accurate computation of energies ranging in scale from total atomization energies\cite{karton2011w4} to extremely weak noncovalent interactions\cite{rezac2013describing}. In particular, density functional theory\cite{becke2014perspective,jones2015density,mardirossian2017thirty} (DFT) is ubiquitously employed to study medium to large systems as it provides an acceptable balance between accuracy and computational cost. Although exact in theory\cite{hohenberg1964inhomogeneous,levy1979universal}, practical usage of DFT almost always entails use of computationally tractable density functional approximations (DFAs) within the Kohn-Sham (KS) formalism\cite{kohn1965self}. It is often remarked that DFAs are not really systematically improvable the way the exact coupled cluster (CC) hierarchy is, but the best-performing DFAs on a given rung of Jacob's ladder\cite{perdew2001jacob} statistically improve upon lower rungs\cite{mardirossian2017thirty,goerigk2017look,mardirossian2018survival,najibi2018nonlocal}, indicating that greater complexity \textit{could} (but is not guaranteed to) lead to better accuracy. Caution is still warranted while applying KS-DFT to systems with substantial levels of delocalization error\cite{perdew1982density,mori2006many,hait2018delocalization,lonsdale2020one} or multireference character\cite{cohen2008fractionalspin,cohen2008insights,hait2019wellbehaved}, but DFAs are quite effective overall at predicting ground state relative energies associated with main-group chemistry\cite{mardirossian2017thirty,goerigk2017look}, and even organometallic chemistry.\cite{dohm2018mori41,chan2019tmc151} Indeed, modern DFAs often surpass the accuracy of single-reference wave function approaches like second-order M{\o}ller-Plesset perturbation theory (MP2) or CC singles and doubles (CCSD) for such problems\cite{mardirossian2018survival,hait2018accurate,rettig2020third}.
This is perhaps unsurprising, as DFA development has historically emphasized improved prediction of such chemically relevant energies, out of the belief that this leads to better approximations to the exact functional. However, the exact functional ought to map the exact density to the exact energy, and it is entirely possible for a DFA to obtain a reasonable energy from a relatively inaccurate density via hidden cancellation of errors. It has indeed been suggested that modern DFAs predict worse densities than older, less parameterized models\cite{medvedev2017density}-leading to considerable discussion\cite{hammes2017conundrum,kepp2017comment,medvedev2017response,graziano2017quantum,korth2017density,brorsen2017accuracy,wang2017well,ranasinghe2017note,mayer2017conceptual,gould2017makes,hait2018accurate} in the scientific community about density predictions from DFT. It is certainly plausible that greater complexity in the functional form creates additional avenues for incorrect behavior (as can be seen in wave function theory as well\cite{leininger2000mo,hait2019levels}), even without accounting for overfitting to empirical data.
Separate from the debate about ``true paths'' for DFA development,\cite{medvedev2017density} we note that densities are important for a very practical reason. The electron density controls the response of the electronic energy to external electric fields, such as those that might be encountered in condensed phases or in spectroscopic simulations. Density errors are thus related to energy errors under a different one-particle potential (that DFT should still be formally capable of addressing\cite{hohenberg1964inhomogeneous}). Application of DFT beyond ground state gas-phase chemical physics is thus reliant upon DFT yielding reasonable densities, or at least a characterization of when and how various DFAs fail. This has led to investigations on the performance of DFT for predicting dipole moments\cite{hickey2014benchmarking,verma2017can,hait2018accurate,johnson2019effect,grotjahn2020evaluation,hait2018communication} and polarizabilities\cite{hickey2014benchmarking,thakkar2015well,hait2018accuratepolar,grotjahn2020evaluation,withanage2019self,hait2019beyond}, as they represent the linear and quadratic responses, respectively, of the energy to a spatially uniform electric field.
The natural next step would be to assess the linear response of the energy to a (spatially) constant electric field gradient, which is equivalent to the molecular quadrupole moment $\mathbf{Q}$. Indeed, there have been a number of assessments of the quality of various density functionals for evaluating molecular quadrupole moments in the past\cite{cohen1999,deproft2000,hofinger2002,matta2010}, albeit before the development of many modern functionals. At the same time, efforts have been made to converge high-quality coupled cluster theory calculations of quadrupole moments with respect to basis set,\cite{halkier1997props,zhang2016props,bokhan2016props} setting the stage for benchmark assessments. $\mathbf{Q}$ is however not translationally invariant for polar systems, making it a somewhat unsuitable metric. We thus decided to investigate the performance of DFT in predicting the second spatial cumulant of the electron density ($\bm{\mathcal{K}}$) instead, which is a translationally invariant quantity connected to $\mathbf{Q}$ and the dipole moment $\bm{\mu}$. $\bm{\mathcal{K}}$ thus relates the density to the response of the energy to electric fields that linearly vary with spatial coordinates. Mathematically, $\bm{\mathcal{K}}$ is also the variance of the electron density. To the best of our knowledge, there have been no previous studies that explicitly focus on prediction of $\bm{\mathcal{K}}$ by DFT or \textcolor{black}{MP/CC} methods. \textcolor{black}{However, a related quantity had previously been studied with Hartree-Fock (HF)\cite{hollett2006quantum} and found to be useful in predicting steric effects of substituents}.
\section{Second spatial cumulant of electron density}
\subsection{Definition}
Let us consider a system with electron density $\rho(\mathbf{r})$ and total number of electrons $N=\displaystyle\int \rho(\mathbf{r}) d\mathbf{r}$. The spatial probability density $p(\mathbf{r})$ for a single electron is:
\begin{align}
p(\mathbf{r}) = \dfrac{\rho(\mathbf{r})}{N}
\end{align}
An alternative definition of $p(\mathbf{r})$ in terms of the wave function $\ket{\Psi}$ is:
\begin{align}
p(\mathbf{r}) & = \bra{\mathbf{r}}\left(\underset{N-1}{\mathbf{Tr}}\left[\dens{\Psi}{\Psi}\right]\right) \ket{\mathbf{r}} = \dfrac{\Gamma_1(\mathbf{r},\mathbf{r})}{N}
\end{align}
which corresponds to the scaled diagonal elements of the one particle density operator, $\Gamma_1(\mathbf{r},\mathbf{r'})$ that results from tracing out $N-1$ degrees of freedom from the full density operator $\Gamma_N=\dens{\Psi}{\Psi}$. For a single Slater determinant, this is equivalent to averaging the square of each occupied spin orbital.
The first and second spatial moments of the electron density are consequently:
\begin{align}
\langle \mathbf{r}\rangle &= \displaystyle\int \mathbf{r} p(\mathbf{r})d\mathbf{r}\\
\langle \mathbf{r}\mathbf{r^T}\rangle &= \displaystyle\int \left( \mathbf{r}\mathbf{r^T}\right) p(\mathbf{r})d\mathbf{r}
\end{align}
The second spatial cumulant of the electron density is thus:
\begin{align}
\bm{\mathcal{K}}&=\langle \left(\delta \mathbf{r}\right)\left(\delta \mathbf{r}\right)^\mathbf{T}\rangle= \langle \mathbf{r}\mathbf{r^T}\rangle- \langle \mathbf{r}\rangle \langle \mathbf{r}\rangle^\mathbf{T}
\end{align}
which is equivalent to the spatial (co)variance of the probability distribution $p(\mathbf{r}$). The individual components are thus of the form:
\begin{align}
\mathcal{K}_{xx} &=\langle x^2 \rangle-\langle x \rangle^2=\displaystyle\int x^2 p(\mathbf{r})d\mathbf{r}-\left(\displaystyle\int x p(\mathbf{r})d\mathbf{r}\right)^2\\
\mathcal{K}_{xy} &=\langle xy \rangle-\langle x \rangle\langle y \rangle=\displaystyle\int xy p(\mathbf{r})d\mathbf{r}-\left(\displaystyle\int x p(\mathbf{r})d\mathbf{r}\right)\left(\displaystyle\int y p(\mathbf{r})d\mathbf{r}\right)
\end{align}
etc., in terms of the individual cartesian directions $x,y,z$.
$\bm{\mathcal{K}}$ is thus translationally invariant, and represents the ``width" (or ``spread") of the electron density.
We also note that the eigenvalues of $\bm{\mathcal{K}}$ are rotationally invariant. In addition, while we have only focused on the second-order cumulant in this work, higher-order cumulants of $p(r)$ can similarly be readily defined and utilized, for problems where they might be relevant.
\subsection{Connection to Multipole Moments}
If the system has nuclear charges $\{Z_A\}$ at positions $\{\mathbf{R_A}\}$, the dipole moment $\bm{\mu}$ and (cartesian/non-traceless) quadrupole moment $\mathbf{Q}$ are:
\begin{align}
\bm{\mu} & = \displaystyle\sum\limits_A Z_A\mathbf{R_A} -\displaystyle\int\mathbf{r} \rho(\mathbf{r})d\mathbf{r}=\displaystyle\sum\limits_A Z_A\mathbf{R_A} -N\langle \mathbf{r}\rangle \\
\mathbf{Q} & = \displaystyle\sum\limits_A Z_A\left(\mathbf{R_A}\right)\left( \mathbf{R_A}\right)^\mathbf{T} -\displaystyle\int \left(\mathbf{r}\mathbf{r^T}\right) \rho(\mathbf{r})d\mathbf{r}=\displaystyle\sum\limits_A Z_A\left(\mathbf{R_A}\right)\left( \mathbf{R_A}\right)^\mathbf{T} -N\langle \mathbf{r}\mathbf{r^T}\rangle
\end{align}
Therefore the second cumulant can be expressed as:
\begin{align}
\bm{\mathcal{K}}&=\dfrac{1}{N}\left(\displaystyle\sum\limits_A Z_A\left(\mathbf{R_A}\right)\left( \mathbf{R_A}\right)^\mathbf{T} - \mathbf{Q} \right)-\dfrac{1}{N^2}\left(\displaystyle\sum\limits_A Z_A\mathbf{R_A}- \bm{\mu} \right)\left(\displaystyle\sum\limits_A Z_A\mathbf{R_A} - \bm{\mu} \right)^\mathbf{T}
\end{align}
\subsection{Physical interpretation}
Let us begin with the case of atoms, and suppose that the single electron probability distribution for a (spherical) atom at $(0,0,0)$ is $p_1(\mathbf{r})$. Spherical symmetry indicates that:
\begin{align}
\displaystyle\int xp_1(\mathbf{r})d\mathbf{r} &=
\displaystyle\int yp_1(\mathbf{r})d\mathbf{r} =
\displaystyle\int zp_1(\mathbf{r})d\mathbf{r} = 0\label{mom1}\\
\displaystyle\int xyp_1(\mathbf{r})d\mathbf{r} &=
\displaystyle\int yzp_1(\mathbf{r})d\mathbf{r} =
\displaystyle\int xzp_1(\mathbf{r})d\mathbf{r} = 0\label{offmom2}\\
\displaystyle\int x^2p_1(\mathbf{r})d\mathbf{r} &=
\displaystyle\int y^2p_1(\mathbf{r})d\mathbf{r} =
\displaystyle\int z^2p_1(\mathbf{r})d\mathbf{r} = \eta^2 \label{atomsize}
\end{align}
This implies that $\mathcal{K}_{xx}=\mathcal{K}_{yy}=\mathcal{K}_{zz}=\eta^2$. Therefore $\sqrt{3}\eta$ is an effective atomic radius associated with the spatial extent of the electron density, much like a covalent or \textcolor{black}{van} der Waals radius. In particular for the H atom, $\eta$ is the Bohr radius (1 a.u.=0.529 {\AA}).
For molecules without symmetry, $\bm{\mathcal{K}}$ is not generally a diagonal $3 \times 3$ matrix, and likewise $\mathcal{K}_{xx} \neq \mathcal{K}_{yy} \neq \mathcal{K}_{zz}$. $\bm{\mathcal{K}}$ can be diagonalized, to yield principal axes, and 3 principal components, very analogous to the molecular inertia tensor associated with the nuclei, $\mathbf{I} = \sum\limits_A m_A\left(\mathbf{R_A}\right)\left( \mathbf{R_A}\right)^\mathbf{T}$. The eigenvalues of $\bm{\mathcal{K}}$ thereby give the square of the spatial extent of the electron density along each principal axis. Systems where both a C$_n$ ($n>1$) axis of rotation and $\sigma_v$ plane(s) of symmetry are present (i.e. C$_{nv}$ or higher symmetry)
have the principal axes be defined by molecular symmetry, and we shall later choose members of our data set based on this convenient simplification.
\subsection{Behavior vs system size}
The behavior of $\bm{\mathcal{K}}$ vs system size could be useful in characterizing the utility of this quantity. A simple case to consider is a 1D lattice of $M$ noninteracting He atoms, placed at $(0,0,0),(0,0,a),(0,0,2a)\ldots (0,0,(M-1)a)$. Let each atom have spatial extent $\eta$ as in Eq. \eqref{atomsize}.
Subsequently, $p(\mathbf{r})$ for the supersystem is:
\begin{align}
p(\mathbf{r}) & = \dfrac{1}{M}\displaystyle\sum\limits_{m=0}^{M-1} p_1(\mathbf{r}-ma\hat{\mathbf{z}})
\end{align}
which is the average of the individual single electron probability distributions.
Transverse to the lattice vector $a\hat{\mathbf{z}}$, we thus have:
\begin{align}
\langle x^2 \rangle & = \dfrac{1}{M}\displaystyle\sum\limits_{m=0}^{M-1}\displaystyle\int x^2 p_1(\mathbf{r}-ma\hat{\mathbf{z}})d\mathbf{r}=\dfrac{1}{M}\displaystyle\sum\limits_{m=0}^{M-1}\displaystyle\int x_m^2 p_1(\mathbf{r}_m)d\mathbf{r}_m = \eta^2\\
\langle x \rangle & = \dfrac{1}{M}\displaystyle\sum\limits_{m=0}^{M-1}x\displaystyle\int p_1(\mathbf{r}-ma\hat{\mathbf{z}})d\mathbf{r}=\dfrac{1}{M}\displaystyle\sum\limits_{m=0}^{M-1}\displaystyle\int x_m p_1(\mathbf{r}_m)d\mathbf{r}_m = 0
\end{align}
(where $\mathbf{r}_m = \mathbf{r}-ma\hat{\mathbf{z}}$). Therefore $\mathcal{K}_{xx}=\eta^2=\mathcal{K}_{yy}$ and is invariant vs system size.
Parallel to the lattice vector $a\hat{\mathbf{z}}$ however, we obtain:
\begin{align}
\langle z^2 \rangle & = \dfrac{1}{M}\displaystyle\sum\limits_{m=0}^{M-1}\displaystyle\int z^2 p_1(\mathbf{r}-ma\hat{\mathbf{z}})d\mathbf{r}\notag \\
&=\dfrac{1}{M}\displaystyle\sum\limits_{m=0}^{M-1}\displaystyle\int \left(z_m+ma\right)^2 p_1(\mathbf{r}_m)d\mathbf{r}_m\notag \\
&=\dfrac{1}{M}\displaystyle\sum\limits_{m=0}^{M-1}\left(\displaystyle\int z_m^2 p_1(\mathbf{r}_m)d\mathbf{r}_m+m^2a^2\displaystyle\int p_1(\mathbf{r}_m)d\mathbf{r}_m+2am\displaystyle\int z_m p_1(\mathbf{r}_m)d\mathbf{r}_m\right)\notag \\
&=\dfrac{1}{M}\displaystyle\sum\limits_{m=0}^{M-1}\left(\eta^2+m^2a^2\right)=\eta^2+\dfrac{(M-1)(2M-1)}{6}a^2\\
\langle z \rangle & = \dfrac{1}{M}\displaystyle\sum\limits_{m=0}^{M-1}\displaystyle\int z p_1(\mathbf{r}-ma\hat{\mathbf{z}})d\mathbf{r}\notag\\
&=\dfrac{1}{M}\displaystyle\sum\limits_{m=0}^{M-1}\displaystyle\int \left(z_m+ma\right) p_1(\mathbf{r}_m)d\mathbf{r}_m\notag\\
&=\dfrac{1}{M}\displaystyle\sum\limits_{m=0}^{M-1}\left(\displaystyle\int z_m p_1(\mathbf{r}_m)d\mathbf{r}_m+ma\displaystyle\int p_1(\mathbf{r}_m)d\mathbf{r}_m\right)\notag\\
&=\dfrac{1}{M}\displaystyle\sum\limits_{m=0}^{M-1}ma=\dfrac{M-1}{2}a
\end{align}
\begin{align}
\therefore \mathcal{K}_{zz}&=\langle z^2\rangle -\langle z\rangle ^2
=\eta^2+\dfrac{(M^2-1)}{12}a^2
\end{align}
$\mathcal{K}_{zz}$ thus grows as $O(M^2)$ vs the system size $M$. This increase is however entirely due to geometric/structural factors (i.e. only dependent on the lattice spacing $a$ and not on the electronic contribution from $p_1(\mathbf{r})$). Thus differences between $\mathcal{K}_{zz}$ computed by various methods will be independent of $M$, and will solely be a function of the subsystem densities $\{p_1(\mathbf{r})\}$. This is not true in the interacting subsystems limit, but the analysis nonetheless reveals a significant contribution to $\bm{\mathcal{K}}$ from molecular geometry alone
A similar analysis for 2D (square) and 3D (cubic) lattices shows that $\mathcal{K}_{ii}$ grows as $O(M)$ and $O(M^{\frac{2}{3}})$ respectively vs number of identical noninteracting subsystems $M$ (where $\hat{\mathbf{i}}$ is parallel to the lattice vectors), due to geometric factors, while the electronic contribution intrinsically arising from $p(\mathbf{r})$ remains constant. Consequently, differences in $\bm{\mathcal{K}}$ should be size-intensive in the non-interacting limit. However, relative error in $\bm{\mathcal{K}}$ would shrink with increasing $M$ (as the reference value in the denominator would increase). We consequently only consider absolute errors of the form $\bm{\mathcal{K}}-\bm{\mathcal{K}}_{ref}$, vs a reference value $\bm{\mathcal{K}}_{ref}$.
This stands in contrast to properties like dipole moments and static polarizabilities, which are properly size-extensive and thus suitable for relative/percentage error based metrics. It is also possible to look at standard deviations (i.e. $\sqrt{\mathcal{K}_{ii}}$) instead of variances, but the geometric factors would prevent the errors from being size-intensive in that case.
\begin{table}[htb!]
\begin{tabular}{|lll|ll|}
\hline
\multicolumn{3}{c}{NSP} & \multicolumn{2}{c}{SP} \\ \hline
AlF & Cl$_2$ & Mg & AlH$_2$ & NH \\
Ar & ClCN & Mg$_2$ & BH$_2$ & NH$_2$ \\
BF & ClF & N$_2$ & BO & NO$_2$ \\
BH$_2$Cl & FCN & NH$_3$ & BS & NP \\
BH$_2$F & H$_2$ & NH$_3$O & Be & Na \\
BH$_3$ & H$_2$O & NaCl & BeH & Na$_2$ \\
BHF$_2$ & HBO & NaH & C$_2$H & NaLi \\
BeH$_2$ & HBS & Ne & CF$_2$ & O$_2$ \\
C$_2$H$_2$ & HCCCl & OCl$_2$ & $^3$CH$_2$ & O$_3$ \\
C$_2$H$_4$ & HCCF & PH$_3$ & CH$_3$ & OF$_2$ \\
CH$_2$BH & HCHO & PH$_3$O & CN & P \\
CH$_2$BO & HCN & SCl$_2$ & F$_2$ & P$_2$ \\
CH$_3$Cl & HCl & SF$_2$ & H & PCl \\
CH$_3$F & HF & SH$_2$ & H$_2$CN & PF \\
CH$_3$Li & HNC & SO$_2$ & HCHS & PH \\
CH$_4$ & He & SiH$_3$Cl & HCP & PH$_2$ \\
CO & LiBH$_4$ & SiH$_3$F & Li & PO$_2$ \\
CO$_2$ & LiCl & SiH$_4$ & N & S$_2$ \\
CS & LiF & SiO & NCl & SO-trip \\
CSO & LiH & & NF & SiH$_3$ \\
& & & NF$_2$ & \\ \hline
\end{tabular}
\caption{The 100 species in the dataset, sorted by whether they are not spin-polarized (NSP) or spin-polarized (SP).}
\label{tab:dataset}
\end{table}
\section{Dataset}
We have investigated $\bm{\mathcal{K}}$ for 100 small main-group systems (listed in Table \ref{tab:dataset}), for which it was possible to get highly accurate benchmark values with CC singles and doubles with perturbative triples (CCSD(T)\cite{raghavachari1989fifth}) at the complete basis set (CBS) limit. The systems were chosen from the combined datasets considered in Refs \citenum{hait2018accurate} and \citenum{hait2018accuratepolar} such that $\bm{\mathcal{K}}$ was diagonal for a fixed coordinate system for all (spatial symmetry preserving) electronic structure methods. Asymmetric systems with nondiagonal $\bm{\mathcal{K}}$ were not included for simplicity. Linear molecules with a single $\pi$ electron/hole (such as OH) were also not considered, as real valued orbitals would be incapable of predicting a cylindrically symmetric orbital of $\pi$ symmetry \cite{lee2019kohn,brakestad2020static}, and would thus spuriously lead to $\mathcal{K}_{xx}\ne\mathcal{K}_{yy}$. Complex valued orbitals would thus be necessary to describe such species with proper symmetry within a DFT framework\cite{lee2019kohn}.
The complete dataset consists of \textcolor{black}{59} not spin-polarized (NSP) and 41 spin-polarized (SP) systems. The NSP vs SP classification was done on the basis of whether the stable HF solution has $\langle S^2\rangle =0$ or not. NSP species are thus unambiguously closed-shell, and are thus more likely to be `easier' for single-reference quantum chemistry methods like KS-DFT or MP2. \textcolor{black}{Indeed, the size of the (T) correction to $\bm{\mathcal{K}}$ was quite small for nearly all species (NSP or SP, as discussed later in Sec \ref{sec:fulldata}), indicating that the multireference character of the chosen systems (if any) did not strongly influence $\bm{\mathcal{K}}$ predictions and that CCSD(T) is likely to be an adequately accurate benchmark.}
Furthermore, none of these systems have pathological, delocalization driven qualitative failures\cite{Dutoi2006,Ruzsinszky2006,hait2018accurate,hait2018communication,vydrov2007tests}, making them reasonable choices for understanding the behavior of DFAs in the regime where they are expected to work well.
The error $\epsilon_{i,m}$ in an individual component $\mathcal{K}^m_{ii}$ for a given molecule $m$ (vs a reference value $\mathcal{K}^m_{ref,ii}$) is:
\begin{align}
\epsilon_{i,m}&= \mathcal{K}^m_{ii}-\mathcal{K}^m_{ref,ii}
\end{align}
The cumulative errors over all molecules and directions are thus:
\begin{enumerate}
\item Root mean square error (RMSE): $\sqrt{\dfrac{1}{3N}\displaystyle\sum\limits_{m=1}^N\left(\epsilon_{x,m}^2+\epsilon_{y,m}^2+\epsilon_{z,m}^2\right)}$.
\item Mean error (ME): $\dfrac{1}{3N}\displaystyle\sum\limits_{m=1}^N\left(\epsilon_{x,m}+\epsilon_{y,m}+\epsilon_{z,m}\right)$.
\item Maximum absolute error (MAX): $\max\left(\abs{\epsilon_{i,m}}\right) \forall i\in \{x,y,z\}$ and $\forall m \in \mathbb{Z}^+, m \le N$.
\end{enumerate}
All quantities are reported in atomic units \textcolor{black}{(a.u.)} unless specified otherwise.
\subsection{Computational Details}
All calculations were performed with the Q-Chem 5 package \cite{QCHEM4}, using fixed geometries obtained from Refs \citenum{hait2018accurate} and \citenum{hait2018accuratepolar} \textcolor{black}{(also provided in the supporting information)}. \textcolor{black}{We examined the performance of 47 DFAs spanning all five rungs of Jacob's ladder (as can be seen from Table \ref{tab:alldata}), ensuring reasonable representation at each level. Individual DFAs were selected based on (perceived) popularity, recency and performance over other benchmark datasets\cite{mardirossian2017thirty,goerigk2017look,hait2018accurate,hait2018accuratepolar,mardirossian2018survival}.}
$\bm{\mathcal{K}}$ was obtained from $\mathbf{Q}$ computed for this work and $\bm{\mu}$ obtained from Ref \citenum{hait2018accurate}. $\mathbf{Q}$ for self-consistent field (SCF) approaches like HF and non double hybrid DFAs were found analytically via integrating over $\rho(\mathbf{r})$. $\mathbf{Q}$ for other methods (MP2, CC or double hybrid DFT) was found via a central, two point finite difference approach using a constant electric field gradient of $2\times 10^{-4}$ \textcolor{black}{a.u}. (similar to Ref \citenum{hait2018accurate}). Finite difference errors thus introduced appear to be quite small, as the RMS deviation between analytic and finite-difference CCSD/aug-cc-pCVTZ\cite{dunning1989gaussian,woon1995gaussian,peterson2002accurate,prascher2011gaussian} $\mathcal{K}_{ii}$ is $2.2\times 10^{-4}$ a.u.
Comparison between wave function theory and various DFAs are only meaningful at the CBS limit, due to different rates of basis set convergence. HF/aug-cc-pCV5Z $\mathcal{K}_{ii}$ were assumed to be at the CBS limit as it only has an RMS deviation of $2.5\times 10^{-4}$ \textcolor{black}{a.u} vs aug-cc-pCVQZ results (which should be sufficiently small, in light of the empirically observed exponential convergence of HF energies vs cardinal number of the basis set\cite{jensen2005estimating,karton2006comment}). Similarly, DFT/aug-pc-4\cite{jensen2001polarization,jensen2002polarization,jensen2002polarizationiii,jensen2004polarization,jensen2007polarization,jensen2010describing} values were assumed to be at the CBS limit for functionals from Rungs 1-4 of Jacob's ladder.
The virtual orbital dependent correlation contribution $\bm{\mathcal{K}}^\textrm{corr}$ (in MP2/CC/double hybrids) was extrapolated to the CBS limit via the two point extrapolation formula\cite{halkier1999basis} ${\mathcal{K}^\textrm{corr,}_{ii}}^{\textrm{n}}={\mathcal{K}^\textrm{corr,}_{ii}}^{\textrm{CBS}}+\dfrac{A}{n^3}$ from aug-cc-pCVTZ ($n=3$) and aug-cc-pCVQZ ($n=4$) (which is adequate for dipoles\cite{hait2018accurate,halkier1999basis} and appears to also be adequate for quadrupole moments\cite{halkier1997props,zhang2016props,bokhan2016props}).
Local exchange-correlation integrals for all DFT calculations were computed over
a radial grid with 99 points and an angular Lebedev grid with 590 points for all atoms. Non-local correlation was evaluated on an SG-1 grid\cite{gill1993standard}. Unrestricted (U) orbitals were employed for all CC (except Be, where UHF breaks spatial symmetry) and non-double hybrid DFT calculations. MP2 is known to yield non N-representable densities when spin-symmetry breaks\cite{Kurlancheek2009}, leading to poor dipole\cite{hait2018accurate} and polarizability\cite{hait2018accuratepolar} predictions. Consequently, MP2 with both restricted (R) and unrestricted orbitals were carried out, and the restricted variant found to yield a significantly smaller RMSE. Double hybrid calculations were subsequently carried out with only R orbitals. Stability analysis was performed in the absence of fields to ensure the orbitals correspond to a minimum, and the resulting orbitals were employed as initial guesses for finite field calculations (if any). The frozen-core approximation was not employed in any calculation.
\section{Results and discussions}
\begin{table}[htb!]
\scriptsize
\begin{tabular}{@{}lllllllllllllll@{}}
\hline
Method & Class & \multicolumn{3}{c}{RMSE} & ME & MAX & & Method & Class & \multicolumn{3}{c}{RMSE} & ME & MAX \\ \hline
& & Full & NSP & SP & & & & & & Full & NSP & SP & & \\
CCSD & WFT & 0.003 & 0.002 & 0.003 & -0.001 & 0.022 & & SCAN0\cite{scan0} & Rung 4 & 0.008 & 0.004 & 0.011 & 0.000 & 0.047 \\
MP2 & WFT & 0.022 & 0.004 & 0.035 & 0.001 & 0.312 & & B97-2\cite{b97-2} & Rung 4 & 0.009 & 0.004 & 0.013 & 0.001 & 0.047 \\
RMP2 & WFT & 0.010 & 0.004 & 0.015 & 0.002 & 0.074 & & TPSSh\cite{tpssh} & Rung 4 & 0.009 & 0.004 & 0.013 & 0.002 & 0.053 \\
HF & WFT & 0.027 & 0.015 & 0.039 & 0.007 & 0.301 & & PBE0\cite{pbe0} & Rung 4 & 0.009 & 0.005 & 0.014 & 0.003 & 0.052 \\
RHF & WFT & 0.020 & 0.015 & 0.026 & 0.006 & 0.091 & & B97\cite{b97} & Rung 4 & 0.010 & 0.006 & 0.013 & 0.005 & 0.049 \\
& & & & & & & & HSE-HJS\cite{hsehjs} & Rung 4 & 0.010 & 0.005 & 0.014 & 0.003 & 0.051 \\
SPW92\cite{Slater,PW92} & Rung 1 & 0.022 & 0.017 & 0.028 & 0.011 & 0.129 & & SOGGA11-X\cite{sogga11x} & Rung 4 & 0.010 & 0.005 & 0.015 & 0.004 & 0.057 \\
Slater\cite{Slater} & Rung 1 & 0.047 & 0.038 & 0.057 & 0.034 & 0.275 & & LRC-$\omega$PBEh\cite{lrcwpbeh} & Rung 4 & 0.011 & 0.005 & 0.016 & 0.002 & 0.061 \\
& & & & & & & & PW6B95\cite{pw6b95} & Rung 4 & 0.011 & 0.006 & 0.016 & 0.003 & 0.084 \\
BPBE\cite{b88,PBE} & Rung 2 & 0.013 & 0.008 & 0.017 & 0.004 & 0.062 & & $\omega$M05-D\cite{wM05D} & Rung 4 & 0.011 & 0.007 & 0.015 & 0.005 & 0.064 \\
mPW91\cite{mpw91} & Rung 2 & 0.014 & 0.010 & 0.019 & 0.006 & 0.069 & & M06\cite{m06} & Rung 4 & 0.011 & 0.007 & 0.016 & 0.001 & 0.058 \\
B97-D3\cite{b97d} & Rung 2 & 0.016 & 0.010 & 0.022 & 0.007 & 0.103 & & $\omega$B97X-V\cite{wb97xv} & Rung 4 & 0.012 & 0.008 & 0.016 & 0.006 & 0.066 \\
PBE\cite{PBE} & Rung 2 & 0.016 & 0.012 & 0.021 & 0.008 & 0.079 & & $\omega$B97X-D\cite{wB97XD} & Rung 4 & 0.012 & 0.006 & 0.017 & 0.003 & 0.064 \\
N12\cite{n12} & Rung 2 & 0.020 & 0.013 & 0.028 & 0.006 & 0.120 & & M06-2X\cite{m06} & Rung 4 & 0.013 & 0.006 & 0.019 & 0.003 & 0.104 \\
BLYP\cite{b88,lyp} & Rung 2 & 0.021 & 0.016 & 0.026 & 0.012 & 0.112 & & HFLYP\cite{lyp} & Rung 4 & 0.014 & 0.013 & 0.015 & -0.004 & 0.051 \\
SOGGA11\cite{sogga11} & Rung 2 & 0.048 & 0.035 & 0.062 & 0.024 & 0.500 & & M11\cite{m11} & Rung 4 & 0.014 & 0.009 & 0.019 & 0.005 & 0.083 \\
& & & & & & & & B3LYP\cite{b3lyp} & Rung 4 & 0.014 & 0.009 & 0.019 & 0.007 & 0.068 \\
SCAN\cite{SCAN} & Rung 3 & 0.009 & 0.005 & 0.012 & 0.002 & 0.052 & & CAM-B3LYP\cite{camb3lyp} & Rung 4 & 0.014 & 0.010 & 0.019 & 0.007 & 0.070 \\
MS2\cite{ms2} & Rung 3 & 0.010 & 0.004 & 0.014 & 0.000 & 0.072 & & M08-HX\cite{m08so} & Rung 4 & 0.015 & 0.009 & 0.020 & 0.009 & 0.079 \\
TPSS\cite{tpss} & Rung 3 & 0.010 & 0.006 & 0.015 & 0.003 & 0.065 & & $\omega$B97M-V\cite{wB97MV} & Rung 4 & 0.022 & 0.013 & 0.030 & 0.013 & 0.127 \\
mBEEF\cite{wellendorff2014mbeef} & Rung 3 & 0.011 & 0.005 & 0.017 & -0.001 & 0.074 & & MN15\cite{MN15} & Rung 4 & 0.035 & 0.013 & 0.052 & 0.013 & 0.231 \\
M06-L\cite{m06l} & Rung 3 & 0.014 & 0.010 & 0.018 & -0.006 & 0.068 & & & & & & & & \\
revM06-L\cite{revm06l} & Rung 3 & 0.015 & 0.013 & 0.018 & 0.002 & 0.091 & & DSD-PBEPBE\cite{kozuch2013spin} & Rung 5 & 0.005 & 0.003 & 0.007 & 0.002 & 0.032 \\
B97M-V\cite{b97mv} & Rung 3 & 0.026 & 0.013 & 0.037 & 0.011 & 0.157 & & XYGJ-OS\cite{zhang2011fast} & Rung 5 & 0.006 & 0.003 & 0.008 & 0.002 & 0.028 \\
M11-L\cite{m11l} & Rung 3 & 0.038 & 0.023 & 0.052 & 0.005 & 0.332 & & PTPSS\cite{goerigk2010efficient} & Rung 5 & 0.006 & 0.003 & 0.009 & 0.002 & 0.032 \\
MN15-L\cite{mn15l} & Rung 3 & 0.040 & 0.024 & 0.055 & 0.022 & 0.278 & & XYG3\cite{zhang2009doubly} & Rung 5 & 0.006 & 0.003 & 0.009 & 0.002 & 0.032 \\
& & & & & & & & $\omega$B97M(2)\cite{mardirossian2018survival} & Rung 5 & 0.008 & 0.005 & 0.010 & 0.003 & 0.037 \\
& & & & & & & & B2GPPLYP\cite{karton2008highly} & Rung 5 & 0.008 & 0.005 & 0.011 & 0.004 & 0.042 \\
& & & & & & & & $\omega$B97X-2(TQZ)\cite{chai2009long} & Rung 5 & 0.008 & 0.006 & 0.010 & 0.005 & 0.044 \\
& & & & & & & & B2PLYP\cite{grimme2006semiempirical} & Rung 5 & 0.010 & 0.007 & 0.013 & 0.005 & 0.047\\
\hline
\end{tabular}
\caption{Errors in $\bm{\mathcal{K}}$ (\textcolor{black}{in a.u}) predicted by various DFAs for the species in the dataset. \textcolor{black}{Positive ME values indicate less compact (i.e. more diffuse) densities, relative to the benchmark.}}
\label{tab:alldata}
\end{table}
\subsection{Full dataset}\label{sec:fulldata}
The errors in DFA predictions for the full dataset are reported in Table \ref{tab:alldata}, along with errors for the wave function methods CCSD, MP2 and HF. Considering the wave function theories (WFTs) first, we see that CCSD has the lowest RMSE of 0.003 of all the methods considered, and gives fairly similar performance across the NSP and SP subsets. MP2 gives good performance for the NSP dataset, but N-representability failures\cite{Kurlancheek2009} lead to significantly worse results over the SP subset. Use of R orbitals ameliorates this considerably, with RMP2 having a quite improved RMSE of 0.010 over the full dataset. RMP2 is nonetheless still somewhat challenged by open-shell systems (especially NF and NCl) where the artificial enforcement spin-symmetry appears to be suboptimal. \textcolor{black}{We further note that MP3 is also expected to have the same N-representability failures as MP2 and is thus unlikely to lead to significant improvements over MP2. This in fact has been observed for $\mu$, although alternative orbital choices could lead to better MP performance.\cite{rettig2020third}}
HF performs quite poorly due to lack of correlation, having an RMSE of 0.027 (which can be considered as a ceiling for reasonable DFA performance). Based on the mean error (ME), HF has a tendency to make the variance too large (i.e. HF densities are too diffuse). The SP species are much more challenging than NSP, and RHF actually reduces RMSE substantially to 0.020. However, this is almost solely on the account of two challenging alkali metal containing species (Na$_2$ and NaLi) and the RMSE for HF and RHF are quite similar upon their exclusion. Nonetheless, this serves as a warning that spin-symmetry breaking might compromise property predictions, despite being the natural approach for improving the energy. In particular, spin-symmetry breaking in diatomics like Na$_2$ or NaLi results in densities similar to two independent atoms vs a bonded molecule, leading to larger widths than the restricted solution.
Coming to the DFAs, we observe that rung 1 local spin-density approximations (LSDA) functionals fare considerably worse than CCSD or RMP2. Bare Slater \textcolor{black}{(LSDA)} exchange has a rather large RMSE of 0.047, while inclusion of correlation reduces RMSE substantially to 0.022 for SPW92. The SP subset is significantly more challenging in both cases, with an RMSE that is almost double the corresponding NSP value. The minimally parameterized nature of the LSDA functionals mean that the SPW92 RMSE of 0.022 can also be considered as a reasonable reference for judging DFAs against. In fact, the HF, RHF and SPW92 RMSEs collectively suggest that DFAs with RMSE larger than 0.02 are not really accurate for predicting $\bm{\mathcal{K}}$.
Moving up Jacob's ladder to rung 2 generalized gradient approximations (GGAs), we observe that all but one of the functionals investigated improve upon SPW92. SOGGA11 is the exception, being essentially as bad as bare Slater exchange. On the other hand, BPBE and mPW91 have substantially lower RMSEs, indicating considerable improvement over rung 1. However, the SP RMSE continues to be nearly twice the NSP one for all GGAs.
Rung 3 meta-GGAs (mGGAs) further improve upon predictions, with the best mGGA (SCAN) predicting a quite low RMSE of 0.009, while MS2 and TPSS are also fairly reasonable. It is worth noting that all three were developed with a heavy emphasis on non-empirical constraints and were specifically fit to the H atom (one of the most challenging species in the dataset, as discussed later). In contrast, modern, mGGAs developed principally by fitting to empirical benchmark data appear to fare worse, with MN15-L, M11-L and B97M-V being particularly disappointing as they fare worse than SPW92. Nonetheless, it is worth noting that the modern, empirically fitted mBEEF functional yields a respectable performance.
Hybrid functionals on rung 4 of Jacob's ladder do not significantly improve upon mGGAs. The best-performer is SCAN0, which only marginally improves upon the parent SCAN functional. Similarly, TPSSh only slightly improves upon TPSS. This general behavior stands in contrast to the case of dipole moments, where hybrid functionals strongly improve upon lower rungs\cite{hait2018accurate}. Some other decent performers are B97-2 (which was partially fitted to densities) PBE0, B97, HSE-HJS and SOGGA11-X which also happen to be hybrid GGAs. PW6B95 is the best-performing hybrid mGGA that was not already based on an existing Rung 3 functional with good performance.
Interestingly, HFLYP improves significantly upon HF, mostly by virtue of dramatically reducing SP errors (in large part because it does not break spin-symmetry for NaLi or Na$_2$). SP errors are roughly 2-3 times the NSP errors for nearly all other hybrid functionals. It is also worth noting that that modern $\omega$B97M-V and MN15 functionals fare particularly poorly, yielding performance worse than SPW92. On the other hand, several empirically fitted functionals like M06 and $\omega$B97X-V yield quite respectable performance (albeit significantly worse than SCAN0).
Rung 5 double hybrid functionals reduce error significantly vs hybrids, with DSD-PBEPBE approaching CCSD levels of RMSE for NSP species (although SP species are much more challenging). Even B2PLYP (the poorest performer, and coincidentally, the oldest) performs similarly to a good hybrid functional like PBE0. Most rung 5 functionals also improve upon RMP2 (especially for the SP subset), indicating perceptible benefit from the local exchange-correlation contributions. It is also worth noting that the recently developed $\omega$B97M(2) functional yields mediocre performance, despite being one of the best-performers for energy predictions\cite{mardirossian2018survival} (although it represents an enormous improvement over the parent $\omega$B97M-V functional).
The positive ME values in Table \ref{tab:alldata} also indicates that most DFAs predict slightly less compact densities (especially LSDA). This is perhaps not too surprising in light of delocalization error present in the studied functionals\cite{hait2018delocalization}. However, the connection between density compactness and delocalization error is not always straightforward, as shown later. Indeed, it can be seen that the local M06-L and mBEEF functionals systematically predict too small $\bm{\mathcal{K}}$, which is contrary to expectations based on delocalization error alone. HFLYP however has a negative ME, consistent with overlocalization of density that is expected from 100\% HF exchange. On the other hand, HF systematically overestimates $\bm{\mathcal{K}}$, which seems puzzling at a first glace as HF should overlocalize if anything\cite{li2017piecewise,hait2018delocalization}. However, lack of correlation in HF leads to artificial symmetry breaking where densities become more `atom-like' than `bond-like', leading to spurious overestimation of $\bm{\mathcal{K}}$ for NaLi and Na$_2$. In fact, lack of correlation hinders electrons from occupying the same region of space and could lead to wider `spread' in the electron density.
Comparison to the results obtained earlier for dipole moments\cite{hait2018accurate} indicates some similarities and differences. Ascending Jacob's ladder leads to improved predictions in both cases, and several modern, empirically designed functionals are found to perform relatively poorly. In fact, some of the functionals that were found to be amongst the top performers for their rung in the dipole study (SCAN, DSD-PBEPBE, PBE0, SOGGA11-X etc.) continue to perform well. The major differences are that hybrid functionals do not significantly improve upon mGGAs and some functionals that are good for $\bm{\mathcal{K}}$ predictions do not fare as well for dipoles. A clear example of this is SCAN0 faring worse at predicting $\bm{\mu}$ than $\omega$B97M-V, despite the former being the best hybrid for predicting $\bm{\mathcal{K}}$ (while the latter is amongst the worst). Nonetheless, the ability of several functionals to predict both $\bm{\mathcal{K}}$ and $\bm{\mu}$ with low error is encouraging, as that indicates reasonable performance for problems involving external electric fields.
It is also worthwhile to identify what species in the dataset are most challenging for DFAs. Ordering the molecules in the dataset by the first quartile of RMS error (over cartesian axes) across different DFAs reveals that there is a break in the distribution after the first 10 species. These difficult cases are: Be, H, Li, NaLi, Na$_2$, BeH, LiH, H$_2$, BeH$_2$ and BF in descending order of difficulty. Several of these cases are also known to be challenging for dipole moment\cite{hait2018accurate} and static polarizability\cite{hait2018accuratepolar} predictions as well. NaLi in particular was already known to be a very challenging case for many DFAs, and it is unsurprising that the analogous Na$_2$ is also challenging. \textcolor{black}{Both of these alkali metal dimers feature long bonds ($\sim$ 3 {\AA}) and are SP at equilibrium geometry, suggesting some multireference character (analogous to the isovalent case of stretched H$_2$). In addition, Na$_2$ and NaLi are outliers with respect to RMS deviation of CCSD $\mathcal{K}$ vs the CCSD(T) benchmark, having $\sim$ 0.01 deviation (while the next largest deviation is about half of that, for CH$_3$Li). Near-exact calculations with the adaptive sampling configuration interaction method\cite{tubman2016deterministic,tubman2020modern} (with the small cc-pVDZ basis\cite{prascher2011gaussian}) however indicate that the species are not particularly multireference (a single determinant has $\sim$ 90\% weight in the total wave function) and CCSD(T) is sufficiently accurate for $\mathcal{K}$ (as shown in the supporting information).
Furthermore}, the three atoms represent the most challenging cases overall, with Li having a first quartile RMSE $\sim$ 35\% larger than NaLi.
\subsection{The case of challenging atoms}
\begin{figure}[htb!]
\includegraphics[width=\textwidth]{H_vals.pdf}
\caption{$\mathcal{K}_{ii}$ predicted for the H atom, by various DFAs (ordered by their position in Table \ref{tab:alldata}). The dashed line is the analytic value.}
\label{fig:H_error}
\end{figure}
It is thus worthwhile to examine these atoms in greater detail for better insight into functional behavior.
H has only one electron and thus all DFA errors are definitionally self-interaction driven. It is thus interesting to observe that the error in $\bm{\mathcal{K}}$ does not appear to correlate well with the delocalization error in many cases, as can be seen from Fig \ref{fig:H_error}. Perhaps the most clear example of this is a comparison between the local M06-L functional and the range separated hybrid $\omega$B97M-V, with the former surprisingly predicting a \textit{smaller} H atom than exact quantum mechanics, while the latter overestimates the size to essentially the same extent as SPW92 (contrary to the behavior seen for delocalization error\cite{hait2018delocalization}). Similarly, M06-2X predicts a larger H atom than M06 despite having twice the HF exchange (54\% vs 27\%).
It is thus apparent that the local exchange-correlation components of several modern density functionals lead to significant errors for the size of the H atom, which are counterintuitive from the perspective of delocalization error (or fraction of HF exchange present).
\textcolor{black}{On the other hand, if we only consider functionals that use the same local exchange-correlation components hybridized with varying amounts of HF exchange (such as PBE/PBE0), we find that error decreases with increase in the HF exchange contribution. This is on account of the functional becoming strictly more HF like.}
It is also worth noting that the double hybrid functionals appear to have much lower error than hybrids, potentially due to relatively smaller contributions from local exchange-correlation. While cancellation of errors in larger systems is likely to make this less of an issue (as can be seen from other species in the dataset), future density functional development would likely benefit from including the size and polarizability\cite{hait2018accuratepolar} of the H atom as soft constraints.
\begin{figure}[htb!]
\includegraphics[width=\textwidth]{Li_vals.pdf}
\caption{$\mathcal{K}_{ii}$ predicted for the Li atom, by various DFAs. The dashed line is the benchmark (CCSD(T)/CBS) value and the HF value is 2.070.}
\label{fig:Li_error}
\end{figure}
Li superficially resembles H if the core electrons are neglected. However, Fig \ref{fig:Li_error} shows that the error $\bm{\mathcal{K}}$ predictions are quite different. Most functionals \textit{underestimate} the size of the diffuse alkali metal atom, predicting a more compact density than the benchmark. \textcolor{black}{Delocalization errors are normally expected to lead to less compact densities due to self-interaction. This can indeed be seen from the overly repulsive mean-field electron-electron repulsion potentials predicted by many DFAs\cite{gaiduk2012self,gritsenko2016errors}. The Li atom is also not multireference, and thus the reason behind the size underestimation by many functionals is not entirely clear. }
HFLYP not being an outlier with respect to overlocalization indicates that delocalization is unlikely to be a major factor (and bare HF in fact overestimates the size).
Nonetheless, most of the modern functionals that fare poorly for H (B97M-V, MN15-L, MN15 and $\omega$B97M-V) continue to fare poorly for Li and overestimate the size, revealing considerable scope for improvement. The size of the Li atom is thus another reasonable choice as a soft constraint for future functional fitting.
\begin{figure}[htb!]
\includegraphics[width=\textwidth]{Be_vals.pdf}
\caption{$\mathcal{K}_{ii}$ predicted for the Be atom, by various DFAs. The dashed line is the benchmark (CCSD(T)/CBS) value and the HF value is 1.444.}
\label{fig:Be_error}
\end{figure}
In contrast to the preceding two cases, Fig \ref{fig:Be_error} shows that most methods overestimate the size of the Be atom by a similar amount, with some poor performing outliers. In fact, the best mGGA and hybrid have $\sim 0.001$ variation in $\mathcal{K}_{ii}$ (while the best double hybrid is better by $\sim 0.005$).
This relatively uniform performance is likely a consequence of the challenges faced by DFAs in accounting for the multireference character of the Be atom (it has 0.37 effectively unpaired electrons\cite{head2003characterizing}). It is nonetheless worth noting that the worst performers are recently parameterized modern functionals. It is not entirely clear whether the Be atom should feature in datasets used for functional training because of the partial multireference character of this problem, but it should definitely be employed in test sets to gauge fit quality.
\begin{figure}[htb!]
\begin{minipage}{0.48\textwidth}
\includegraphics[width=\textwidth]{H_quad.pdf}
\subcaption{Exact $\mathcal{K}_{zz}$ values, along with HF.}
\label{fig:h2_actual}
\end{minipage}
\begin{minipage}{0.48\textwidth}
\includegraphics[width=\textwidth]{h2_parallel.pdf}
\subcaption{Errors in $\mathcal{K}_{zz}$ predicted by various DFAs.}
\label{fig:h2_error}
\end{minipage}
\caption{Behavior of $\mathcal{K}_{zz}$ for stretched H$_2$.}
\end{figure}
\section{Stretched H$_2$}
The behavior of DFAs in predicting $\bm{\mathcal{K}}$ in non-equilibrium configurations is potentially interesting. We only investigate the case of H$_2$, to avoid qualitative failures associated with delocalization error for polar bonds\cite{Dutoi2006,Ruzsinszky2006,hait2018accurate,hait2018communication} for general bond dissociations. We furthermore restrict ourselves to a few well-behaved functional at Rung 4 and below, to avoid incomplete spin-polarization based problems\cite{hait2019beyond} . Double hybrid functionals are not considered due to N-representability problems in UMP2,\cite{Kurlancheek2009} and divergence of RMP2 with bond stretching (indicating that they are quite unsuitable for bond dissociation problems).
Fig \ref{fig:h2_actual} shows that $\mathcal{K}_{zz}$ grows quadratically with the internuclear distance $r$, and Fig \ref{fig:h2_error} thus only plots the error in $\mathcal{K}_{zz}$ for clarity. All of the single-reference methods encounter a derivative discontinuity at the Coulson-Fischer (CF) point\cite{coulson1949xxxiv} (which is the onset of spin-polarization) due to the orbital stability matrix being singular at that point. The behavior right beyond this point is the most interesting, as the two electrons are fairly strongly correlated in this regime.
The DFAs other than SPW92 yield remarkably similar behavior in this region, systematically overestimating $\mathcal{K}_{zz}$ somewhat (and thus predicting more `atom' like densities as opposed to a still partially bonded molecule). HF exhibits the same qualitative behavior, but has much larger errors due to complete absence of correlation (indeed, the systematic overestimation past the CF point can be clearly observed in Fig \ref{fig:h2_error} as well). Similar overestimation in $\bm{\mathcal{K}}$ is seen for the Be atom, which also has partial multireference character. Consistent systematic overestimation of $\bm{\mathcal{K}}$ by several well-behaved functionals with varying levels of delocalization error could in fact potentially be a signature of strong correlation, as the electrons are forced to be less compact in the absence of explicit (i.e. post mean-field) correlation that allows them to occupy the same region of space.
\section{Discussion and Conclusion}
The objective of this work was to characterize the electron density of small molecules using a scalar metric that goes beyond the first moment of the electron density (i.e. dipole moments). Since the molecular quadrupole moment is origin-dependent for molecules with non-zero charge or dipole, we elected instead to characterize the $3 \times 3$ matrix of second cumulants, or spatial variances, of the electron density, $\bm{\mathcal{K}}$. The eigenvalues of $\bm{\mathcal{K}}$ are thus a measure of the square of the characteristic extent of the molecular density along each principal axis.
We produced a benchmark dataset, \textcolor{black}{Var213}, that contains \textcolor{black}{213} benchmark values of $\bm{\mathcal{K}}$, from 100 small molecules, evaluated with CCSD(T)/CBS correlation based on extrapolation towards the complete basis set limit from aug-cc-pCVTZ and aug-cc-pCVQZ calculations, combined with HF/aug-cc-pCV5Z. These reference values were then used to assess $\bm{\mathcal{K}}$ predictions from 47 density functional approximations (DFAs). Broadly, the molecules studied here are relatively straightforward in terms of their electronic structure. In the language of ref. \citenum{mardirossian2017thirty}, this dataset should be considered ``easy'' for DFAs, rather than ``difficult'' due to the absence of strong correlation or delocalization effects.
The results show that it is possible to obtain quite reasonable $\bm{\mathcal{K}}$ values in many cases, even with modern density functionals. However, non-empirical functionals, especially at the mGGA level via SCAN, and at the hybrid level via SCAN0, seem to fare better than more empirically parameterized models. This constitutes useful independent validation of the quality of electron densities from these functionals. Double hybrid rung 5 functionals yield the best overall performance: indeed all double hybrids tested match or exceed the performance of SCAN, and only the early B2PLYP double hybrid fails to outperform SCAN0.
Interestingly, the performance of the modern MN15-L, MN15, B97M-V and $\omega$B97M-V functionals over the studied dataset is disappointing, suggesting that the vastness of the meta-GGA space\cite{b97mv} has offered these functionals the opportunity to predict reasonable energies from fairly poor densities. There is an interesting lesson to be drawn from this outcome, particularly for the minimally parametrized meta-GGA-based functionals such as B97M-V and $\omega$B97M-V whose 12-16 parameter form was inferred from the use of large nunbers of chemically relevant energy differences. Specifically, such forms are evidently not fully constrained by the data used to generate them. Independent data such as $\bm{\mathcal{K}}$ may indeed be very useful in attempting to develop improved data-driven functional designs.
Overall, our $\bm{\mathcal{K}}$ benchmark tests show that the performance of the best-performing functional strictly improves on ascending Jacob's ladder, indicating that extra complexity has the potential to improve behavior.
Use of this dataset and other density based information (and especially the H, Li and Be atoms) for future functional development could thus provide sufficient soft constraints to yield improved $\bm{\mathcal{K}}$ values, and by implication electron densities as well. The results obtained here may thereby contribute to offering a route to better computationally tractable approximations to the exact functional.
\section*{Acknowledgment}
This research was initially supported by the Director, Office of Science, Office of Basic Energy Sciences, of the U.S. Department of Energy under Contract No. DE-AC02-05CH11231. Completion of the project was based upon work performed by the Liquid Sunlight Alliance, a DOE Energy Innovation Hub, supported by the U.S. Department of Energy, Office of Science, Office of Basic Energy Sciences, under Award Number DE-SC0021266. Y.H.L. was funded via the UC Berkeley College of Chemistry summer research program.
\section*{Supporting Information}
\noindent Geometries of species studied (zip).
\noindent Computed values and analysis (xlxs).
\section*{Data Availability}
The data that supports the findings of this study are available within the article and its supplementary material.
|
\section{Introduction}
The kinematics of Milky Way (MW) satellites provide important
clues for understanding the origin and evolution of the Local Group.
Studying the kinematics of the smallest MW satellites has
historically proven challenging because of the limited number of stars
for which 6D phase-space data were available, the difficulty of measuring
the mass of the Galaxy \citep[e.g. ][]{vanderMarel12, BlandHawthorn16},
and the unclear history of the Magellanic system
\citep[e.g. ][]{Diaz12, Besla12, Kallivayalil13, Armstrong18}.
While many previous studies we able
to track the orbits of the largest MW satellites---the Large
(LMC) and Small Magellanic Clouds (SMC)
\citep{Murai80, Lin82, Gardiner94, Heller94, Gardiner96}---improvements to
observational techniques have recently revealed the proper motions of many of the MWs
dwarf galaxies and star clusters.
Recently, kinematic studies have undergone a revolution.
Where previous studies had to work with a limited sample of satellites with
reliable proper motion measurements
\citep[e.g. ][]{Cudworth93, Dinescu99, Dinescu00, Anderson03, Kalirai07, Eadie15},
the second data release of the \textit{Gaia} mission \citep[DR2; ][]{GaiaDR2} provided high-quality
proper motions for more than 1.3 billion MW stars. This has allowed studies to probe the dynamical history
of the Galaxy in greater detail than ever before \citep[e.g.][]{Baumgardt18, Fritz18, Kallivayalil18, Massari18, Simon18, Vasiliev19, Budanova19, Erkal19, Massari19, Pace19, Piatti19, Piatti19b, Watkins19, Patel20}.
Tracing the orbit of a MW satellite requires a model for the Galactic potential,
which is often---though not always---assumed to be static.
For example, the long-term orbital evolution in an evolving potential has previously
been studied for the LMC \citep{Zhang12},
for many globular clusters \citep{Haghi15}, and most recently for dwarf
spheroidal and ultra-faint dwarf galaxies (UFDs; \citealt{Miyoshi20}).
Nevertheless, little is known about how their orbits differ between a static and evolving
potentials, nor how they compare to the existing uncertainties on satellite trajectories.
We assess these issues in this paper, using two tracer populations: UFDs and GCs.
UFDs are poorly understood; their faintness makes detection challenging, impeding their
study. Recent surveys, such as \textit{Gaia} \citep{GaiaDR1}
and the \textit{Dark Energy Survey} \citep{DES}, capable of detecting these
systems have lead to a surge of interest, and our understanding of these objects
and their orbital histories has improved substantially over the past few years
\citep[e.g.][]{Fritz18, Kallivayalil18, Massari18, Simon18, Erkal19, Pace19, Patel20}.
Yet outstanding questions remain. For example, which of the UFDs are associated with,
and so have accreted alongside, the LMC and SMC
\citep{Bekki08, D'Onghia08, Drlica15, Jethwa16}?
Likely candidates are Carina II, Carina III, Horologium I, Hydrus I, and Phoenix I. Reticulum II
and Tucana II are other possibilities
\citep{Deason15, Sales17, Kallivayalil18, Simon18, Erkal19, Patel20}.
Sculptor I, Tucana III, Segue 1 are also thought to have undergone recent interactions
with the LMC and SMC \citep{Patel20}.
Although a limited number of UFDs have been detected, the diversity between their individual
orbits is already apparent. \cite{Simon18} studied the orbits of 17 UFDs in a
low-mass MW potential ($M_{\rm vir}=0.8\times10^{12} {\rm M_{\odot}}$) and calculated
eccentricities ranging from 0.19 (Willman 1) to 0.96 (Bo\"otes II), with apocentres
ranging from 53 to 1746 kpc, respectively.
GCs act as fossil records of the chemical and dynamical evolution of galaxies.
They are important tools for studying the structure the Galactic potential
\citep[e.g.][]{Wakamatsu81, Armandroff89, Bergh93, Dinescu99, Dinescu03, Bellazzini04, Watkins19}
and understanding how it affects stellar orbits
\citep[e.g.][]{Ostriker72, Spitzer73, Aguilar88, Chernoff90, Hut92, Capaccioli93}.
Cosmological simulations suggest that galaxies form through a combination of \textit{in-situ}
star formation and accretion \citep{Oser10, Cook16, Rodriguez16}, indicating that they
may also contain both \textit{in-situ} and accreted GCs \citep{Forbes18}.
Because of their proximity, Galactic GCs can be resolved down to individual stars,
making them ideal for understanding how \textit{in-situ} and accreted GCs differ and,
through their orbits, revealing the merging histories of the galactic progenitors that
formed the MW \citep{Searle78, Beasley02}.
The orbital histories of Galactic GCs are poorly constrained, with estimates of the fraction of
accreted GCs reaching as high as 87 per cent \citep{Mackey04, Mackey05, Forbes10, Leaman13, Boylan-Kolchin17}.
Clear differences between GCs can be seen in both their colour and direction of motion.
Nearly every massive galaxy studied with sufficient resolution shows a clear bimodal
distribution of cluster metallicities \citep{Brodie06}. In the MW, the GCs can be approximately divided
into a metal-poor population and a metal-rich population below and above [Fe/H] = $-1.1$, respectively
\citep[2010 edition]{Zinn85, Reed94, Harris96}. This could be caused by mergers in the early Universe
\citep{Ashman92, BC02, Bekki02, Beasley02, Tonini13}, late mergers \citep{Gnedin10, Renaud17},
or a non-linear colour-metallicity relation \citep{Cantiello12}. Another argument comes from the
significant population of retrograde clusters in the Galaxy. GCs formed \textit{in-situ}
should be moving in the same direction around the Galaxy as the material they formed from, so
should occupy prograde orbits. Accreted GCs have no such restriction; whether they are prograde
or retrograde depends the nature of their specific accretion event.
Because about 25 per cent of the Galactic GCs have retrograde
motion, studies have argued that up to half of the MW GCs may have been accreted
\citep{Mackey04, Mackey05, Forbes10, Vasiliev19, Kruijssen19, Massari19, Piatti19}.
In this paper we investigate the orbits of the 17 UFDs presented in \citet{Simon18},
and the 154 GCs from the \citet{Baumgardt18} catalogue, both of which are based upon \textit{Gaia} DR2.
In Section 2 we discuss our model for the MW potential and describe how we calculate
the trajectories for each satellite. Section 3 contains our results: we
present kinematic properties for each satellite and explore the differences between models.
We discuss these results and summarise our conclusions in section 4.
\begin{table}
\centering
\caption{Description of the bulge and disc components of each model, as well as whether the potential
is static or evolving. The halo mass, $M_{\rm h}$, take values in the range
$M_{\rm h}=0.6$--$2.4\times10^{12} {\rm M}_{\odot}$.}
\label{Models}
\begin{tabular}{lccc}
\hline
Model & $M_{\rm d}$ (${\rm M}_{\odot}$) & $M_{\rm b}$ (${\rm M}_{\odot}$) & Evolving\\
\hline
M1 & $10^{11}$ & $10^{10}$ & Yes\\
M2 & $10^{11}$ & $10^{10}$ & No\\
M3 & $3\times10^{10}$ & $3\times10^{9}$ & Yes\\
M4 & $0$ & $0$ & Yes\\
\hline
\end{tabular}
\end{table}
\section{Preliminaries}
\subsection{Observational data}
For the UFDs we used the
17 dwarfs presented in \citet{Simon18}, which provides the necessary kinematic parameters
and their associated error, and determines proper motions from \textit{Gaia} DR2 using
spectroscopic membership. We chose not to use the rest of the 39 dwarf galaxies
presented in \citet{Fritz18} so that we could focus on just UFDs and how they evolve, and did
not include the 7 UFDs presented in \citet{Pace19} because we did not have the radial velocity
data necessary to properly analyse their orbits.
For the GCs we used the \citet{Baumgardt18} catalogue of 154 clusters. The results from
\citet{Baumgardt18} are in good agreement with similar studies \citep{Vasiliev19, Gaia},
and additionally provide radial velocities for each GC, which are vital for calculating
orbits. \citet{Baumgardt18} combines their own distance measurements based on fitting
velocity dispersion profiles to N-body models with existing catalogues of GC distances
\citep[2010 edition]{Harris96} to determine the distance to each cluster and the distance
uncertainty for 53 of the clusters. For the other 101 GCs with no measurements of
distance uncertainty, we introduced an error margain of 10 per cent. While this is
significantly higher than the errors presented in \citet{Baumgardt18}, potentially
biasing orbits to favour an accretion scenario, we have elected to err on the side of
caution. Furthermore, it is very possible that some GCs will still fall outside of
this range.
\subsection{A model for the Milky Way}
We construct the Galactic potential using three components: a disc, a bulge, and a dark matter halo.
The gravitational potential of the disc is represented by a Miyamoto--Nagai profile \citep{Miyamoto1975},
\begin{equation}
{\phi}(R,z)=-\frac{G M_{\rm d}}{\sqrt{R^2+(a+\sqrt{z^2+b^2})^2}},
\end{equation}
where $G$ is Newton's constant, $R$ is the Galactocentric distance in the plane of the disc,
$z$ is the height above the disc, $M_{\rm d}$ is disc mass, and $a$ and $b$ are the scale length
and scale height of the disc, respectively. We adopt the values $a = 4$ kpc, and $b = 0.3$ kpc.
For the bulge we adopt a Hernquist potential \citep{Hernquist1990},
\begin{equation}
{\phi}(r)=-\frac{G M_{\rm b}}{r+c},
\end{equation}
where $r$ is the Galactocentric distance, $M_{\rm b}$ the bulge mass and $c$ the scale radius.
We adopt the value $c = 0.6$ kpc.
The scale parameters for the disc and bulge are comparable to those used in similar models of the
Galactic potential
\citep[e.g.][]{Diaz12, Yozin12, Bajkova17, Errani17, Erkal18, Secco18, Erkal19}.
For the dark matter halo we adopt a Navarro--Frenk--White profile \citep[][hereafter NFW]{NFW1996},
\begin{equation}
{\phi}(r)=-\frac{G M_{\rm h}}{r} \ln \, \biggr(1+\frac{r}{r_{\rm s}}\biggl),
\end{equation}
where $M_{\rm h}$ is the halo mass and $r_{\rm s}$ its scale radius. We identify $M_{\rm h}$ with
the traditional virial mass, ${\rm M_{200}}$, which is the mass enclosed by a sphere of radius $r_{200}$
corresponding to a mean density $200\times\rho_{\rm crit}$ ($\rho_{\rm crit}=3{\rm H^2}/8\pi G$ is the critical
density for a closed universe). The halo's concentration is defined $c=r_{200}/r_{\rm s}$.
The structural parameters of a galaxy can be related to its mass accretion history (MAH; e.g.
\citealt{Ludlow14}). We model the halo using the empirical prescription present in \citet{COMMAHa, COMMAHb, COMMAHc}
(hereafter referred to as COMMAH), which describes time evolution of the {\em average} virial mass and concentration
for haloes of a given present-day mass, ${\rm M_{200}}(z=0)$. We use COMMAH to predict the evolution of the halo's
structural properties from the present-day to a look-back time of $t=13\,{\rm Gyr}$. Since COMMAH only models
the halo, the disc and bulge are evolved according to a simple prescription (eq.~\ref{eq:gas_evol}, below).
We also investigate static models where the masses of each component---and hence the associated
gravitational potential---are kept fixed to the present-day values.
We emphasize that COMMAH predicts the {\em smooth averaged} MAHs. Realistic cold dark matter
haloes will instead experience bursts of activity as a result of occasional mergers.
\citet{Evans20} showed that an unusual assembly history is required to form a MW-like halo with
a LMC-like counterpart, with a lower halo mass at earlier times. A more accurate handling of the MAH
of the Galaxy would need to factor in its individual quirks.
We do not account for the possible contraction of the dark matter halo due to the presence of a stellar disc
\citep[see e.g.][]{Schaller15, Zhu16, Dutton16, Cautun20}. While this may impact the orbits of the innermost GCs and UFDs,
the effects are similar to adopting a larger disc mass or more concentrated dark matter halo \citep{Cautun20}.
We instead adopt a relatively broad range of disc masses (Table~\ref{Models})
and avoid the uncertainties inherent to modelling halo contraction.
In addition to the halo, we need to evolve the disc and bulge components of the potential.
Because the mass of the halo is so dominant, the way we handle the evolution of the other
components is less impactful. We evolve the bulge and disc using the simple prescription of
\begin{equation}
\dot{M} \propto \exp{\biggr(-\frac{t}{4~{\rm Gyr}}\biggl)}.
\label{eq:gas_evol}
\end{equation}
The difference between this and a more sophisticated method is small compared to the case
in which no evolution occurs, which is the primary focus of this study. The effect of this
is shown in Fig.~\ref{mass}.
\begin{figure}
\includegraphics[width=\columnwidth]{masses.eps}
\vspace{-5mm}
\caption{
Halo and gas evolution of a sample potential with $M_{\rm h}=1.0\times10^{12}{\rm M}_{\odot}$,
$M_{\rm d}=1.0\times10^{11}{\rm M}_{\odot}$, and $M_{\rm b}=1.0\times10^{10}{\rm M}_{\odot}$.
Each of the four model tests 10 different values for the halo mass. The disc and bulge masses
vary between models but are consistent within.
}
\label{mass}
\end{figure}
We investigate four models with different $M_{\rm d}$, $M_{\rm b}$, and with static
and evolving potentials. The differences are summarised in Table~\ref{Models}. Model M1 uses
disc and bulge components
of $M_d=10^{11} {\rm M}_{\odot}$ and $M_b=10^{10} {\rm M}_{\odot}$, respectively,
and a Galactic potential that evolves according to COMMAH and eq.~\ref{eq:gas_evol}.
M2 is similar to M1, but has a static potential. M3 has an evolving potential and smaller
disc and bulge components of $3\times10^{10} {\rm M}_{\odot}$ and $3\times10^{9} {\rm M}_{\odot}$, respectively.
Finally, M4 has no disc or bulge components and consists of only an evolving dark matter halo.
\subsubsection{The mass of the Milky Way }
Within each model we test a range of present-day halo masses, from $M_{\rm h}=0.6\times10^{12} {\rm M}_{\odot}$
to $2.4\times10^{12} {\rm M}_{\odot}$, divided into 10 evenly-spaced intervals.
This relatively broad mass range covers that presented by \citet{Watkins19}
($M_{\rm MW} = 1.54^{+0.75}_{-0.44}\times10^{12} {\rm M}_{\odot}$), but has a lower limit roughly 50 per cent
smaller to accommodate potential overestimation in MW mass estimates that do not account for the Magellanic Clouds
\citep{Erkal20}. We stress, however, that more precise measurements of the Milky Way's mass exist
\citep[e.g.][]{McMillan17, Callingham19, Cautun20, Fritz20, Li20b}. A comparison of mass estimates performed by \citet{Wang20}
suggested that $M_{\rm MW} \approx 1.2\times10^{12} {\rm M}_{\odot}$, though different methods yield systematically
different results. We adopt a broad MW mass range to fully capture published mass estimates of the MW.
It also simplifies the comparison between our results and those of previous studies, such as \citet{Simon18},
which uses a MW mass of $M_{\rm MW} = 0.9\times10^{12} {\rm M}_{\odot}$.
While this method does mean that a given halo mass
corresponds to slightly different {\em total} masses between models (due to the different $M_{\rm d}$
and $M_{\rm b}$) the impact is expected to be small since the total mass is dominated by the halo
in all cases.
\subsubsection{The Magellanic Clouds}
We have elected not to include the additional potential of the LMC and SMC.
The orbital history of the Magellanic Clouds is still a topic of some debate,
so we cannot easily include a robust treatment of their gravitational potentials.
A full exploration of the parameter space of the Magellanic Clouds would vastly increase
the complexity of this work.
To ensure that our study can focus primarily on the effect of mass accretion on orbits, we have
used only the Galaxy's gravitational potential. While is unlikely to affect the orbits of the GCs,
which are too closely tied to the MW, and distant UFDs, which are unlikely to have ever had a close
approach with the LMC, the results for the UFDs in \citet{Simon18} that are associated with the LMC
(Carina II, Carina III, Horologium I, Hydrus I, Reticulum II, Tucana II) or have had a close
interaction with it (Tucana III, Segue 1) are unlikely to reflect these objects' true trajectories.
In spite of this, the orbits of these UFDs can still provide valuable insight into how orbits in
general can change in the presence of an evolving potential. No such problem is expected for the other nine UFDs.
\subsubsection{Dynamical Friction}
The effects of dynamical friction on the orbits of close MW satellites is an important factor controlling
their long-term evolution. However, this is primarily relevant for massive, close dwarfs. With
the exception of Tucana III, all studied UFDs are too distant for dynamical friction to have much effect
\citep{Simon18}, and the GCs are too low-mass to be strongly affected.
So that we can focus purely on the effect of the evolving potential,
we have neglected dynamical friction in our model. This means that the evolution of
the potential is the only thing that can change an orbit over time, ensuring that M2 is truly static.
This is unrealistic for the GCs and Tuc II, the closest UFD, but it will allow us to separate out the results
from the potential evolution and with clarity comment on whether it is worth including in future studies.
\subsection{Calculating orbital histories}
To calculate the trajectory of a satellite, we first need to know its right ascension, declination,
proper motions, distance, and radial velocity. We took these kinematic parameters and converted
the positions and motions into Galactocentric coordinates\footnote{We have defined
our coordinate system such that U velocities are positive towards the Galactic centre, V velocities are
positive in the direction of Galactic rotation, and W velocities are positive towards the Galactic
north pole. This convention is the same as in \citet{Gaia} and opposite that of \citet{Simon18}.} using
the Astropy software package for Python \citep{Astropy1, Astropy2}. We made the assumption that the
Sun is $d=8.3$ kpc from the Galactic centre \citep{Gillessen09} and 27 pc above the mid-plane \citep{Chen01}.
We have assumed a solar motion of $(U,V,W)_\odot=(11.1, 12.24, 7.25)$ km ${\rm s^{-1}}$ relative to the
local standard of rest \citep{SBD10}, and that the MW has a circular velocity of 240 km ${\rm s^{-1}}$
at the distance of the Sun. We integrated the orbits of the satellites backwards for 13 Gyr using our
own orbital integrator, which uses the second-order Leapfrog method, to determine the orbital histories
of each satellite. Examples of UFD and GC trajectories are shown in Fig.~\ref{egufd} \& Fig.~\ref{eggc},
respectively.
In order to fully explore the available parameter-space of the satellites' orbits, we allowed the
measurements for distance, radial velocity, and proper motions take five possible values: the given value,
the value $\pm$ error/2, and the value $\pm$ error.
As discussed above, because 101 of the GCs in \citet{Baumgardt18} did not have
distance uncertainties we introduce an uncertainty of 10 per cent. While this is higher than the
average distance error for the other GCs, we have leaned on the side of caution.
There is no such problem with the UFDs in \citet{Simon18}.
We have ignored the error on the celestial coordinates because they are negligible. Exploring every
combination of parameters, we have a total of $625$ possible trajectories for each UFD and GC per
potential. Between the 10 different halo masses explored and the four potential models, this means
that $25000$ trajectories were explored per satellite, for a total of $4275000$ orbits.
We have treated every potential trajectory of a satellite for each model and halo mass as being
equally likely. This treatment is unrealistic: there are two sets of orbits at the extremes of the uncertainty
range but only one at the centre, which one might expect to be the most likely value for the parameter.
Our results therefore may be biased towards more improbable, extreme orbits, while more conventional orbits may be
under-represented. This means that a satellite that might otherwise be bound to the MW could have a
specific combination of unlikely parameters come together to show a history of accretion. However,
this also means that the absence of any signs of accretion despite the thorough exploration of
parameter-space will be strong evidence that the satellite has been bound to the MW for an extended
period of time. An important implication of this is that discussions about fractions of orbits are
distinct from probabilities; a UFD for which 90 per cent of the orbits investigated are bound
is not bound with a 90 per cent probability. Since those 10 per cent of clusters likely require extreme combinations
of parameters at their utmost limits, the chances are very likely smaller.
\begin{figure}
\includegraphics[width=\columnwidth]{eg_ufd.eps}
\caption{
Three example UFD trajectories (Segue 1, UMa I, and Bo\"o II) for the lowest mass
($M_{\rm h}=1.0\times10^{12}{\rm M}_{\odot}$;
purple) and highest mass ($M_{\rm h}=2.2\times10^{12}{\rm M}_{\odot}$; green) potentials consistent
with \citet{Watkins19}. The left figures are in the xy-plane and the right
figures are in the xz-plane. These trajectories do not account for uncertainty. The UFDs have varied
paths that are not strongly tied to the plane of the disc.
}
\label{egufd}
\end{figure}
\begin{figure}
\includegraphics[width=\columnwidth]{eg_gc.eps}
\caption{
Three example GC trajectories (Pal 1, Pyxis, and NGC 3201) for the lowest mass
($M_{\rm h}=1.0\times10^{12}{\rm M}_{\odot}$;
purple) and highest mass ($M_{\rm h}=2.2\times10^{12}{\rm M}_{\odot}$; green) potentials consistent
with \citet{Watkins19}. The left figures are in the xy-plane and the right
figures are in the xz-plane. These trajectories no not account for uncertainty. Most GCs follow the
example of Pal 1 and move in prograde around the disc, but clusters like Pyxis and NGC 3201 display
very different behaviour.
}
\label{eggc}
\end{figure}
\begin{figure*}
\includegraphics[width=\textwidth]{all.eps}
\caption{
Galactocentric distance to the UFDs for the lowest mass ($M_{\rm h}=1.0\times10^{12}{\rm M}_{\odot}$;
purple) and highest mass ($M_{\rm h}=2.2\times10^{12}{\rm M}_{\odot}$; green) potentials consistent
with \citet{Watkins19}. The small difference is made up by $M_{\rm d}$. The solid and dashed lines
show M1, the evolving potential, and M2, the static potential, respectively. The dotted lines show the
virial radius of the halo for the high and low mass haloes throughout time. The first point at which
the orbits cross the virial radius is considered its infall time.
}
\label{orbits}
\end{figure*}
\section{Results}
After tracking each orbit, we calculate $f_b$, the fraction of possible orbits that are currently
bound to the MW, for each satellite. We determine the present-day
pericentre, apocentre, eccentricity, and angle of the rotation vector
for each system by averaging the results over the most recent 2 Gyr of integration \citep{Gaia},
the results of which can be found in Tables~\ref{full_ufd} \& \ref{full_gc}.
We do this because the potential's asymmetry causes them to oscillate slightly between
passes of the Galactic centre, occurring the most dramatically for closer GCs. Because
these GCs also have short periods, 2 Gyr is sufficient to capture their full range of behaviours.
For orbits with periods $>2$ Gyr, we instead continued following
their trajectories for one complete orbit.
We also calculate the infall time for each satellite by finding the earliest time
at which it crosses the virial radius its parent dark matter halo.
Satellites no measurable pericentre or apocentre are considered to be
undergoing their first approach of the Galaxy.
Previous studies have claimed that a time-evolving potential can substantially change the trajectory
of satellites around the Galaxy \citep{Zhang12, Haghi15, Miyoshi20}, but unless they are examined
in the greater context of the existing parameter uncertainties, it is difficult to
tell how reliable any conclusions are. Since one of the largest
unknowns in the equation is the mass of the MW \citep[see e.g.][]{Yozin15}, this makes for a natural
point of comparison. If we assume perfect information about the kinematic parameters
and compare a static and evolving potential with the bounds over a realistic MW mass,
we should be able to test how impactful it is.
While some UFDs are known to be associated with the Magellanic Clouds,
we presently neglect this point because even if they are not the `true' orbits, they can still
show the impact of a changing potential on a satellite.
Fig.~\ref{orbits} plots the Galactocentric distance for each of the UFDs across the 13 Gyrs of backwards
integration. The purple and green lines correspond to halo masses of
$M_{\rm h}=1.0\times10^{12}{\rm M_{\odot}}$ and $M_{\rm h}=2.2\times10^{12}{\rm M_{\odot}}$,
respectively, which, combined with the disc and bulge components used in M1 and M2
(Table~\ref{Models}), closely matches the range of MW masses expected by \citet{Watkins19}.
The solid lines represent M1, the evolving potential, while the dashed lines show M2, the static variant.
The short-dashed lines indicate the time evolution of the virial radius, $r_{200}(z)$, for each model.
Comparing the range of trajectories for each UFD, it is apparent that most have
substantially different orbits for the different values of $M_{\rm h}$. Since these are just the limits
from \citet{Watkins19}, any similar orbit between these two extremes is plausible.
The first pericentre for Tri II, Hyi I, Horo I, and Tuc II could reasonably be anywhere from $8-13$
Gyr ago and beyond, and Car II, Car III, UMa I, and Bo\"o II could be as recent as $6$ Gyr.
By comparison, the difference between the evolving and static models is more subdued.
The models start to noticeably diverge after $\approx 6$ Gyr, but this is mostly restricted to the
low-mass cases where the UFDs are on very long orbits. These orbits can see a significant change
in the timing of the first pericentre approach (e.g. UMa I), but this is certainly not guaranteed.
At the high-mass end, the difference is minimal until the final Gyrs, and even then only in some cases.
The first pericentre approach happens at more or less the same time across the board.
In roughly one third of the cases (Seg 2, Ret II, Seg 1, Wil I, Bo\"o I, \& Tuc III),
the orbit is bound tightly enough that neither changing the mass nor evolving the potential
greatly affects the trajectories. Because of their proximity and relatively stable orbits,
most GCs also fall into this category, so we do not provide the same plots for the 154 Galactic
GCs studied in this work.
While the evolution of the potential can have an effect on a satellite's trajectory,
particularly when going back to the very early Universe, it is significantly less
important than the present-day structure of that potential being tested. If we loosen
our constraints and allow for uncertainty in the trajectories and for the model of the
potential to vary in structure, not just halo mass, then we allow for an even wider range
of possible trajectories, minimising the role of the potential evolution.
Any attempt to draw conclusions from an orbit based upon the inclusion of a time-varying
potential should therefore be treated with caution. This is not to say that a time-evolving potential
is worthless and should be neglected in future studies, just that it is a relatively small
problem compared to the existing issue of correctly modelling the mass distribution of the Galaxy.
\begin{figure*}
\includegraphics[width=\textwidth]{FA_UFD.eps}
\vspace{-5mm}
\caption{The fraction of investigated UFD trajectories that are bound to the MW as a function of the present-day
mass of the dark matter halo. UFDs which are always bound are not displayed. Top-left: model M1, an evolving
potential with a large disc and bulge component; top-right: M2, a static potential with large disc and bulge;
bottom-left: M3, an evolving potential with a lower mass disc and bulge; bottom-right: M4, an evolving halo-only
potential. Each model is described in Table~\ref{Models}.}
\label{FA_UFD}
\end{figure*}
\begin{figure*}
\includegraphics[width=\textwidth]{FA_GC.eps}
\vspace{-5mm}
\caption{The fraction of investigated GC trajectories that are bound to the MW as a function of the present-day
mass of the dark matter halo. GCs which are always bound are not displayed. Top-left: model M1, an evolving
potential with a large disc and bulge component; top-right: M2, a static potential with large disc and bulge;
bottom-left: M3, an evolving potential with a lower mass disc and bulge; bottom-right: M4, an evolving halo-only
potential. Each model is described in Table~\ref{Models}.}
\label{FA_GC}
\end{figure*}
\subsection{Fraction of bound orbits}
\subsubsection{Ultra-faint dwarf galaxies}
Fig.~\ref{FA_UFD} tracks $f_b$ for the UFDs as a function of halo mass using the four models
described in Table.~\ref{Models}.
Only the 12 satellites with at least one unbound orbit are included; the other 5 UFDs always have $f_b=1$.
Comparing how $f_b$ changes in Fig.~\ref{FA_UFD}, M1 (an evolving potential)
and M2 (a static potential) are almost identical. This is unsurprising.
We showed in Fig.~\ref{orbits} that the difference between an evolving and a static
potential is only really prominent in the earliest couple of Gyr, so for a UFD to be on first approach in
one case but not the other would require the unusual circumstance where the UFD in the static case has
its only other pericentre approach during this small window. As can be inferred from Fig.~\ref{orbits},
this is viable for very few of the UFDs.
The difference between M1 and M3, which has a smaller bulge and disc component, or M4, which
consists of a dark matter halo only, are significantly more pronounced.
Where Fig.~\ref{orbits} showed that the halo mass was more important than its evolution, Fig.~\ref{FA_UFD}
shows that the same argument can be made about the way that $M_{\rm MW}$ is divided up into its components.
The most significant factor determining whether a UFD is accreting or bound is the initial value for $M_{\rm h}$.
There are 11 UFDs in M1 that have at least one possible trajectory consistent with a first approach, with a
12th introduced in M4. While this is a large subset of the initial population of 17, the number of accretion-capable
UFDs drops dramatically as $M_{\rm h}$ increases. In M1, only five UFDs can accrete by
$M_{\rm h}=1.0\times10^{12}{\rm M}_{\odot}$, and none by $M_{\rm h}=2.0\times10^{12}{\rm M}_{\odot}$.
The UFDs can be divided into two broad categories.
Eight UFDs see a very fast jump from $f_b\approx0$ to $f_b\approx1$ over one or two $M_{\rm h}$ intervals.
These systems are usually always bound or always accreting, rarely in-between. These are Triangulum II,
Hydrus I, Carina II, Carina III, Ursa Major II, Coma Berenices, and Draco II. The second category are
the UFDs that also experience a noticeable change in $f_b$ between $M_{\rm h}$ values and models, but
do so gradually. These include the four UFDs Horologium I, Bo\"otes II, Ursa Major I, and Tucana II.
The final UFD, Reticulum II, is not present for long enough to clearly fall into either category.
Looking at these satellites in greater detail \citep[Table~\ref{full_ufd}]{Simon18},
the key difference is in the uncertainties. Gradually increasing UFDs have at least one parameter with an
unusually large uncertainty, whereas those that change quickly do not. This is particularly prominent
for the proper motions and radial velocities where large uncertainties tend to cause the velocity vector,
and thus the energy of the satellite, to be overestimated \citep{Li20a}. This results in a wider range of possible
trajectories, causing $f_b$ to change more gradually with $M_{\rm MW}$.
Some of these satellites are of particular interest. If we examine only the non-Magellanic UFDs,
the five UFDs with a rapid change in $f_b$ are Tri II (purple solid),
Hyi I (green solid), UMa II (dark blue solid), Coma B (black solid), and Dra II (green dashed).
While Coma B and Hyi I have very a
similar $f_b$, Tri II and Dra II are noticeably different. Each of these satellites are highly sensitive to
$M_{\rm h}$, going from almost always accreting to almost always being bound over two mass intervals.
This means that these satellites can be used to place limits on the mass of the Galaxy; if we can
independently check whether these UFDs have recently accreted or not, we can constrain the MW mass to only
values that can reproduce the UFD's history. \citet{Boylan-Kolchin13} used the velocity of the
dwarf spheroidal galaxy Leo I to place constraints on the MW mass, so similar studies with UFDs should
be possible (but see \citet{Erkal20} on how the absence of the LMC may alter the outcome).
The other UFD of particular note is Bo\"otes II. Of all the UFDs, Bo\"o II has consistently has
the lowest $f_b$ over most values of $M_{\rm h}$ tested. Despite having significant uncertainties,
Bo\"o II is the UFD most likely to be on its first approach of the Galaxy.
Conversely, if Bo\"o II is not accreting, then it is unlikely
that any other UFDs are doing so either. Looking into the individual orbits in M1, for haloes of
$M_{\rm h}\leq1.2\times10^{12}{\rm M}_{\odot}$ there are multiple combinations of parameters within the more
likely central regions of the uncertainties that put Bo\"o II on its first approach of the Galaxy. Beyond
this point, the accreting orbits require more improbable circumstances, with
unusually high distances ($d=42.0\pm2.0~{\rm kpc}$), unusually low proper motions in Right Ascension
($\mu_\alpha {\rm cos}\delta=-2.517\pm0.325~{\rm mas~yr}^{-1}$), or both.
Bo\"o II is therefore a natural target for studies trying to distinguish between accreted and bound UFDs.
\subsubsection{Globular clusters}
Fig.~\ref{FA_GC} tracks $f_b$ using the GCs as a function of halo mass using the four models
described in Table.~\ref{Models}. Only 18 of the clusters are displayed; the rest are always bound to the MW.
M1 and M2 are even more similar to each other than for the UFDs. This happens because the GCs are usually far
closer to the Galactic centre, so their tightly-bound orbits are harder to disrupt.
M3 and M4 are even more different, with 9 of the GCs with $f_b\neq1$ only appearing in these two models.
As with the UFDs, the evolution of the potential is insignificant compared to $M_{\rm h}$. The 18 GCs that
can be accreting drop to just four by $M_{\rm h}=2.4\times10^{12}{\rm M}_{\odot}$.
Dividing the GCs up like the UFDs, five GCs see a quick jump (Pyxis, NGC 5466, NGC 6101, NGC 6934, Pal 12),
four GCs are gradual (Eridanus, Pal 3, NGC 6426, Djor 1), six do not have enough information
(Arp 2, Ter 8, NGC 5904, NGC 6254, Ter 7, Pal 13), and three clusters change extremely slowly (AM 1, AM 4, Crater).
Compared to the UFDs,
the fraction of GCs potentially on first approach is much smaller, but almost all of those clusters
have a much more gradual case, particularly outside of M4. This reflects the higher number of GCs
with large uncertainties.
The cluster Djor 1 stands out as changing drastically between models,
varying between $f_b=0.03$ in M1 to $f_b=0.86$ in M4 for a $M_{\rm h}=1.2\times10^{12}{\rm M}_{\odot}$ halo,
setting it apart from every other cluster.
This happens because Djor 1, while having large uncertainties, is also moving very quickly relative to
similar clusters \citep{Baumgardt18}.
Additionally, its proximity to the Galactic centre makes it highly susceptible to the asymmetric potential
of the disc component.
In addition to the two types of orbits seen in the UFDs, we also have the three unusual clusters AM 1, AM 4,
and Crater. These GCs all go from about $f_b=0.2$ to $f_b=0.6$ over the
halo mass range, regardless of the model tested.
This gentle slope makes the clusters appear visually distinct from any of the other satellites.
The reason these clusters take this shape is similar to the slowly-changing clusters: they have unusually
large uncertainties, even moreso than their counterparts.
AM 1 and Crater are also very far away from the Galactic centre compared to other GCs at 123.3 and 145.0 kpc,
respectively, while AM 4 has a 3D velocity of $\approx 450 {\rm km s^{-1}}$, with uncertainties
of $>100{\rm km s^{-1}}$ in each direction \citep{Baumgardt18}.
The placement of these clusters in Figs.~\ref{FA_UFD} \& \ref{FA_GC} are a clear example of the bias
introduced by the way we select trajectories. For satellites with sufficiently wide error
bars, it becomes increasingly likely that at least some combinations of parameters will produce a trajectory
on its first approach of the MW while others will be bound.
As a result, these satellites will tend to say around the middle of the plot, never becoming fully bound
or wholly accreted. This matches the behaviour of AM 1, AM 4, and Crater.
The GCs cannot be as easily used to constrain $M_{\rm MW}$ as the UFDs. In M1 and M3, the more realistic models,
Pyxis is the only GC that has the requisite rapid change. The other clusters with a quick change in M4
(NGC 5466, NGC 6101, NGC 6934, Pal 12) are potentially interesting if they display any evidence of accretion,
but because the halo-only M4 is not an incredibly realistic model, their behaviour may not be reproduced by
lowering the halo mass beyond our lower limit. Pal 12 (purple dashed), for example, changes very quickly
in M4 but does so far slower in M3, so similar behaviour could occur for the other clusters. Because of the
large uncertainties, we cannot make conclusive statements about which clusters are likely to have been accreted.
\begin{figure}
\includegraphics[width=\columnwidth]{hist_ufd.eps}
\caption{Histograms of the fraction of UFDs, $f_{\rm UFD}$, within each 0.1-width eccentricity bin.
Results are presented for four equally spaced halo masses, $M_{\rm h}$, for each model tested
(see Table~\ref{Models} for details). Unbound UFDs are not displayed, but are considered
when calculating $f_{\rm UFD}$. While the eccentricity distributions for M1 and M2 are almost identical,
M3 and M4 have noticeably less bound UFDs and the distribution shifts to favour higher eccentricity orbits.
The halo mass, $M_{\rm h}$, causes the most significant change by binding more UFDs and lowering eccentricities
as $M_{\rm h}$ increases. The evolution of the potential is insignificant compared to how the potential is modelled.
Although there are only a small number of UFDs, we see similar trends with the more populous GCs (Fig.~\ref{hist_gc}).
}
\label{hist_ufd}
\end{figure}
\subsection{Orbital eccentricities}
To investigate the behaviour of individual orbits in more depth, we created a histogram of the eccentricities of each
UFD (Fig.~\ref{hist_ufd}) and GC (Fig.~\ref{hist_gc}) for four equally-spaced values of $M_{\rm h}$ is each model.
The fraction of UFDs or GCs across all eccentricity bins does not always sum to one; unbound satellites have no
measurable eccentricity and thus are excluded by necessity. This is most obvious for the UFDs in Fig.~\ref{hist_ufd} where,
due to the low number of total UFDs, one can clearly see the number of satellites in each bin.
Now that we are able to see the change in individual orbits instead of results averaged over all trajectories in
Figs~\ref{FA_UFD} and \ref{FA_GC}, we can see a slight difference between M1 and M2
for both kinds of satellites.
However, both models continue to follow the same trends, with only minor
variations in each bin. By comparison, M3 and M4 see a much more significant change, with eccentricities shifting
predominantly towards higher values, particularly in the case of the GCs. The biggest difference
between these models is the effect that the disc has in introducing a non--spherically symmetric
potential component. The disc pulls the satellites into a similar orbit, lowering their eccentricities.
This is why the clusters are affected more strongly; their proximity to the disc
means that their orbits are significantly more affected by the asymmetry, causing a more severe eccentricity drop.
The biggest factor affecting the histogram is again the halo mass, $M_{\rm h}$. Higher $M_{\rm h}$ histograms
have a larger proportion of satellites with eccentricities that are not very high or very low,
favouring more central values. This is obscured somewhat by the changing number of accreting UFDs
in the lower halo masses, but is clearer when looking at the GCs (Fig.~\ref{hist_gc}).
The biggest influence on individual orbits are the different components of the potential,
how they're constructed, and the masses used. By contrast, the evolution of that potential
has a much smaller effect on the behaviour of the orbits.
This is consistent with our previous findings that changing the depth of the potential through evolution
is far less important than accurately modelling the present-day shape of the potential.
Until we have a more complete image of the mass distribution of the MW, modelling the
evolution of the potential in detail is unlikely to significantly influence the outcome of satellite orbits.
\begin{figure}
\includegraphics[width=\columnwidth]{hist_gc.eps}
\caption{Histograms of the fraction of GCs, $f_{\rm GC}$, within each 0.1-width eccentricity bin.
Results are presented for four equally spaced halo masses, $M_{\rm h}$, for each of the four models tested
(Table~\ref{Models}). Unbound GCs are not displayed, but are considered
when calculating $f_{\rm GC}$. Like the UFDs in Fig.~\ref{hist_ufd}, eccentricity decreases as $M_{\rm h}$ rises,
increases in models with smaller disc and bulge components, and is nearly unaffected by the evolution of the potential.
}
\label{hist_gc}
\end{figure}
\begin{figure*}
\includegraphics[width=\textwidth]{Z_R_hz.eps}
\vspace{-5mm}
\caption{Specific angular momentum along the \textit{z}-axis, $h_z$, of the inner MW GCs compared with $R$, the
2D distance from the Galactic centre in the plane of the disc. $R$ is averaged over 2 Gyr.
Models are described in Table~\ref{Models}.
We have used a halo mass of $M_{\rm h}=1.8\times10^{12}{\rm M}_{\odot}$.
A positive $h_z$ indicates the cluster is moving in retrograde to the disc.
A negative $h_z$ means prograde motion.
The GCs have been divided into metal-poor (${\rm [Fe/H]}\leq-1.1$ dex; purple circles) and
metal-rich (${\rm [Fe/H]}>-1.1$ dex; green triangles) populations.
The solid line and the dashed line show the $h_z$ of a satellite with a circular velocity of 240 and 200 ${\rm km~s^{-1}}$,
respectively.
}
\label{Metal}
\end{figure*}
\begin{figure}
\includegraphics[width=\columnwidth]{ecc_metal_180.eps}
\vspace{-5mm}
\caption{
Eccentricity distribution of GCs divided into 0.2-width metallicity bins for a
$M_{\rm h}=1.8\times10^{12}{\rm M}_{\odot}$ halo. The circle and bars indicate the
mean value and standard deviation of the bin, respectively. The higher metallicity clusters show a clear
preference for lower eccentricity orbits. M1 and M2 look like two separate populations of $e\approx 0.65$ and
$e\approx 0.35$, while M3 has a more gradual downwards trend. M4 does not show a substantial change with
metallicity.
The slight dip at the low-metallicity end is likely an artefact from the small number of clusters with
${\rm [Fe/H]}<-2.1$.
}
\label{e_z}
\end{figure}
\begin{figure*}
\includegraphics[width=\textwidth]{spin_gc_180.eps}
\vspace{-5mm}
\caption{
Angle of the GC rotation vector. $\theta$, the mean inclination, is measured from the Galactic north pole.
$\phi$ is the mean angle measured clockwise from the direction of the Galactic centre from the Sun to the
projection of the rotation vector onto the plane of the disc. Both values are averaged over 2 Gyr.
The asymmetric disc potential in M1-M3 causes $\phi$ of close satellites to approach zero as the orbital
plane moves around the $z$-axis. M4 is symmetric, so the rotation vector does not change. This means it
acts as a snapshot of the present-day values. While many metal-poor clusters do not have a strong connection
to the potential of the disc, almost all of the metal-rich clusters do.
}
\label{spin_gc}
\end{figure*}
\begin{figure*}
\includegraphics[width=\textwidth]{spin_ufd_180.eps}
\vspace{-5mm}
\caption{
Angle of the UFD rotation vector. $\theta$, the mean inclination, is measured from the Galactic north pole.
$\phi$ is the mean angle measured clockwise from the direction of the Galactic centre from the Sun to the
projection of the rotation vector onto the plane of the disc. Both values are averaged over 2 Gyr.
While the asymmetric disc potential woud cause nearby satellites to cluster at $\phi=0^{\circ}$ as in
Fig.~\ref{spin_gc}, no UFDs are close enough for this effect to matter. Many of
UFDs are orbiting within $60^{\circ}<\theta<120^{\circ}$, nearly perpendicular to the plane of the disc.
}
\label{spin_ufd}
\end{figure*}
\subsection{Metal-rich and metal-poor cluster kinematics}
\subsubsection{Globular cluster motion in the disc}
While we did not find clear evidence that there were any GCs currently undergoing accretion,
we can still explore the kinematic features of the metal-rich (${\rm [Fe/H]}>-1.1$; green triangles) and
metal-poor (${\rm [Fe/H]}\le-1.1$; purple circles) GC populations, where this threshold was chosen to
be roughly halfway between the two metallicity peaks \citep[2010 edition]{Harris96}.
We measured the specific angular momentum projected along the $z$-axis, $h_z$, of each GC orbit and compared that with the 2D
distance along the plane of the disc, $R$, dividing the results into metal-poor and metal-rich.
Our results are shown in Fig.~\ref{Metal}.
Four clusters with no metallicity measurements were excluded (Crater, FSR 1716, FSR 1735, and Mercer 5).
We used the model M1 with a halo mass of $M_{\rm h}=1.8\times10^{12}{\rm M}_{\odot}$. Changing $M_{\rm h}$
does not substantially change these results. The black solid line
indicates what the $h_z$ of a satellite at that distance would be if travelling with a circular velocity of
240 ${\rm km s^{-1}}$, and the black dashed line does the same for 200 ${\rm km s^{-1}}$. This approximately covers the range of the
MW rotation curve. $R$ is averaged over 2 Gyr. Clusters beyond 25 kpc are not shown. Because of the
chosen coordinate system, a negative $h_z$ indicates prograde motion while a positive value is retrograde.
The difference between the different metallicity populations is clear. In M1 and M2, the metal-rich clusters form a
line that closely follows the black lines, which roughly indicating the motion of the disc. There is some variation
for clusters within about 5 kpc, but otherwise they almost universally move very closely with the disc. Moving
to M3, we see more scatter and the gradient formed is steeper, and finally M4 has a wide spread of
$R$. By contrast, the metal-poor clusters do have a noticeable number of clusters following the same
line, but many others are scattered throughout the graph on both the prograde and retrograde side. These clusters
do not show the same movement between models, which indicates that they do not have the same strong connection
to the disc. This also happens independently of how close a satellite is to the centre of the disc.
If a GC were to be formed \textit{in-situ}, we would expect it to closely follow the kinematics of the disc.
This is clearly seen in the metal-rich clusters in M1, which means that these high metallicity clusters have
most likely formed within the Galactic thin disc. This may imply that the metal-poor population has
a significantly different origin. Because the metal-poor GCs that are not lying on the black lines are fairly
evenly distributed between prograde and retrograde and do not show obvious trends that might indicate a common
origin, it is plausible that these clusters accreted onto the Galaxy in the past.
\subsubsection{Eccentricity-metallicity relation}
While we have used a sharp cut-off to divide the metal-rich and metal-poor clusters, the bimodality
is best represented by a pair of overlapping Gaussians and the [Fe/H] = -1.1 threshold is not
physically-motivated beyond being roughly halfway between their peaks. It is unclear how
well this division separates the populations. To investigate whether cross-over in the populations
is muddling the results, we searched for a connection between the eccentricity and metallicity
for each model.
Fig.~\ref{e_z} shows the eccentricity and metallicity for each model, divided into 0.2-dex bins.
The circle indicates the mean value in the bin and the bars the standard deviation. We have
assumed a halo mass of $M_{\rm h}=1.8\times10^{12}{\rm M}_{\odot}$. As before, changing $M_{\rm h}$
does not substantially change these plots.
In M1 and M2, the metal-rich and metal-poor clusters behave very differently. The metal-poor clusters
predominantly have eccentricities of $e\approx 0.65$, while the metal-rich clusters are closer to $e \approx 0.35$.
Interestingly, both populations are fairly unchanging, until we see a slight drop at -1 and a huge drop at -1.2.
This clear division indicates that the clusters can be well described as being separated at about -1.0 or -1.1.
While M3 has a gentler drop that levels out sooner and M4 shows no such drop, these two models are unlikely
to be realistic because of the large disconnect from the disc in Fig.~\ref{Metal} for M3 and the fact that M4
is a dark matter halo only. However, the fact that this difference is not reproduced in the disc-less M4
indicates that this eccentricity distribution is not an inherent feature of the clusters, but a result
of their place in the Galactic potential.
As we saw above in Fig.~\ref{hist_ufd} \& \ref{hist_gc}, the potential of the disc
lowers the eccentricities of nearby orbits. The metal-rich clusters are predominantly located towards
the centre of the Galaxy (Fig.~\ref{Metal}), where they are much more likely to have their
eccentricities suppressed. There is a slight dip at the low metallicity-end, but this is likely due to the
very small number of clusters within those bins.
\subsection{Angle of rotation}
Another property of the satellites we can examine is the orientation of the averaged rotation vector,
the momentary orbital pole about which the satellite rotates clockwise.
This is defined by $\theta$, the mean inclination from the Galactic north pole, and $\phi$,
the mean angle clockwise around the disc from the direction of the Galactic centre from the
Sun's current position to the projection of the orbital rotation vector onto the plane of the disc,
both averaged over 2 Gyr. Figs.~\ref{spin_gc} \& \ref{spin_ufd} show the mean angle of the rotation vector
for the GCs and UFDs, respectively, with the GCs split into metal-rich and metal-poor populations.
We average the rotation vector because the asymmetric potential of the disc will cause satellites
that approach close enough to vary this vector with time. The additional disc component of the potential
will cause the satellite to move between its furthest points above and below the disc more rapidly,
causing the orbital plane to precess around the $z$-axis. $\phi$ can then take any value, so when averaged will
tend towards $0^{\circ}$. We can confirm this by examining M4 in Fig.~\ref{spin_gc},
which has a dark matter halo--only potential.
We do not see the clustering towards a mean $\phi=0^{\circ}$ as we do in the
other models because the rotation vector does not change with time. M4 therefore
effectively acts as a snapshot of the present-day values.
\subsubsection{Metal-rich and metal-poor clusters}
The metal-rich (green triangles) and metal-poor (purple circles) satellites show very different behaviour.
The metal-rich GCs cluster at $\phi=0^{\circ}$, so the disc's potential is strong enough to
control the orbits. 47 of the 54 metal-rich clusters move in prograde.
The metal-poor GCs have a diverse range of orbits scattered across all $\phi$. While some lie upon
$\phi=0^{\circ}$, a significant population does not. 48 of the 96 metal-poor clusters have orbital planes
substantially offset from the plane of the disc ($60^{\circ} \leq \theta \leq 120^{\circ}$), a noticeably
larger fraction than the 14 metal-rich clusters with similar orbits.
While most metal-rich clusters have $\theta \leq 30^{\circ}$, some move along substantially different orbits.
Seven metal-rich clusters have $\phi \approx 0^{\circ}$ but move in retrograde. These clusters are
Ter 2 ($\theta=134^{\circ}, \phi=-2^{\circ}, {\rm [Fe/H]}=-0.69$),
Lil 1 ($\theta=166^{\circ}, \phi=1^{\circ}, {\rm [Fe/H]}=-0.33$),
NGC 6380 ($\theta=121^{\circ}, \phi=1^{\circ}, {\rm [Fe/H]}=-0.75$),
NGC 6388 ($\theta=140^{\circ}, \phi=0^{\circ}, {\rm [Fe/H]}=-0.77$),
NGC 6440 ($\theta=113^{\circ}, \phi=-2^{\circ}, {\rm [Fe/H]}=-0.36$),
Ter 6 ($\theta=142^{\circ}, \phi=-1^{\circ}, {\rm [Fe/H]}=-0.56$), and
2MASS-GC02 ($\theta=170^{\circ}, \phi=1^{\circ}, {\rm [Fe/H]}=-1.08$).
Of these clusters, NGC 6388, Ter 6, and 2MASS-GC02 are retrograde in each of their explored orbits,
and NGC 6380, Ter 2, and Lil 1 are retrograde outside of extreme combinations of uncertainties, so
these 6 clusters are most likely retrograde.
NGC 6440 is by default retrograde but shifts to a prograde orbit at larger initial distances.
A better understanding of the distance uncertainty for this cluster will be required to work out
the direction of its motion.
In addition to the retrograde clusters, there are four metal-rich GCs with unusually large $\phi$:
Whiting 1 ($\theta=72^{\circ}, \phi=98^{\circ}, {\rm [Fe/H]}=-0.70$),
E3 ($\theta=29^{\circ}, \phi=-25^{\circ}, {\rm [Fe/H]}=-0.83$),
Ter 7 ($\theta=85^{\circ}, \phi=91^{\circ}, {\rm [Fe/H]}=-0.32$), and
Pal 12 ($\theta=67^{\circ}, \phi=97^{\circ}, {\rm [Fe/H]}=-0.85$).
While 2MASS-GC02's metallicity is close enough to the ${\rm [Fe/H]}=-1.1$ cutoff that it could be
misidentified, the other clusters are clearly metal-rich. These GCs are unlikely to have been formed
within the disc and would require the accretion of a different kind of satellite to the kind resulting
in metal-poor GCs, which make up the large majority of potentially accreting clusters.
The Galaxy is thought to have undergone a merger with a massive, Magellanic Cloud--like dwarf galaxy
with slight retrograde motion \citep{Belokurov18, Haywood18, Koppelman18, Helmi18}. Such a dwarf
would likely be large enough to form such metal-rich GCs, making this a plausible scenario for the
origin for these clusters.
\subsubsection{Ultra-faint dwarf galaxies}
Unlike the clusters, the UFDs in Fig.~\ref{spin_ufd} show little difference between M1--3 and M4.
Almost all of the UFDs
have orbits too large to be significantly altered by the asymmetry of the disc potential, so they remain
within the same orbital plane. This prevents the clustering at $\phi=0^{\circ}$ seen in the GCs.
Almost all of the UFDs are found within $60^{\circ} \leq \theta \leq 120^{\circ}$, close to perpendicular
to the plane of the disc. This is similar to observations of the MW classical satellites
\citep{Metz08, Libeskind09, Deason11, Shao16}. While planes of satellites are common in other galaxies,
both observations and simulations generally find them aligned with their host's disc
\citep[see e.g.][]{Brainerd05, Yang06, Agustsson10, Nierenberg12, Tully15, Welker18, Brainerd19}.
However, \citet{Cautun15} showed that planes of satellites have very diverse properties and that
the Galaxy is just one possible outcome of this population, so cannot alone be used to test cosmological models.
While the orientation itself and the flatness of the satellite plane may be temporary and just a
chance occurrence \citep{Shao19}, what is interesting is just how many satellites lie within this plane.
\citet{Shao19} showed that 8 of the 11 classical dwarfs have likely shared the same orbital plane for
billions of years. Given the similarities in orbits, the same is likely true for the UFDs.
This could make them useful for studying the structure of the dark matter halo. \citet{Shao20} argued
that the MW halo was twisted such that the outer halo was perpendicular to the inner halo by studying
MW analogues in simulations with a similar arrangement of classical satellites to the Galaxy.
It would be interesting how the inclusion UFDs could help probe the halo in greater detail.
\section{Discussion and summary}
In this paper we have investigated how the evolution of the Galactic potential can influence the orbits
of UFDs and GCs. We found that while an evolving potential can lead to noticeable differences in UFD orbits
when tracked backward for 6 Gyr or more, the differences are small compared to the existing uncertainties in
orbital parameters. While one should account for the evolution where possible, one must consider
this in the context of the full range of uncertainties. Because the relative impact is minor, we can justify using
simple approximations to model the MAH of the Galaxy (e.g. COMMAH, \citealt{COMMAHc}).
Even if these models do not well represent the true MAH of the MW, they are almost certainly
closer than a static potential.
Our exploration of the 17 UFDs in \citet{Simon18} showed that, for model M1, 11 have at least one orbit
consistent with a first approach scenario. Within the MW mass range predicted
by \citet{Watkins19}, this drops to four: Bo\"otes II, Horologium I, Tucana II, and Ursa Major I.
By $M_{\rm h} = 1.4\times10^{12} {\rm M_{\odot}}$ ($M_{\rm MW} \approx 1.5\times10^{12} {\rm M_{\odot}}$),
all accreting trajectories require unlikely parameter combinations. Bo\"otes II is the most likely
candidate for being on first passage. Of the 154 Galactic GCs in \citet{Baumgardt18}, 9 have at at least
one first approach trajectory in M1. Because of the uncertainties on these satellites, it is much harder
to determine which, if any, are likely candidates.
The non-Magellanic UFDs Tri II, Hyi 1, Coma B, and Dra II and the GC Pyxis all swap from mostly bound
to mostly accreting over a small mass range. If their accretion histories were independently verified,
they could be used to place constraints on the MW mass.
We find the metal-rich and metal-poor GC sub-populations to be kinematically distinct. The metal-rich
GCs behave consistently, with predominately prograde motion with respect to the disc, a clear relation
between $R$ and $h_z$ (Fig.~\ref{Metal}), low eccentricities ($e\approx 0.35$, Fig.~\ref{e_z}),
and rotation vectors indicative of motion defined by the disc (Fig.~\ref{spin_gc}). This shows a
fundamental link between these metal-rich GCs and the thin disc of the MW. By contrast, the metal-poor
GCs show a diverse range of behaviours. They have higher eccentricities ($e\approx 0.65$), do not show the
same connection to disc, and 31 of the 96 clusters are moving in retrograde. Half of the GCs are
found within $60^{\circ} \leq \theta \leq 120^{\circ}$, which is where the UFDs are found
(Fig.~\ref{spin_ufd}). These features are consistent with a history of accretion.
This view of metal-poor GCs being accreted and metal-rich GCs forming \textit{in-situ}
presents a problem: the stars in the thin disc have higher metallicities than these GCs
\citep[e.g.][]{Haywood02, Taylor05, Marsakov11, Schlesinger14, Hayden17}. If the GCs were formed from
the same material, they should have similar metallicities. One possible solution is that the metal-rich
gas in the MW was mixed with another source, such as an accreting metal-poor dwarf galaxy, which the GCs
were then formed from. This scenario was studied by \citet{BC02}, who found that this process
would form clusters of approximately [Fe/H] = -0.58, and that GCs formed by the dwarf before the merger
would average [Fe/H] = -1.45. This is remarkably close to the -0.6 and -1.6 peaks of the MW clusters and
may indicate that the metal-rich and metal-poor GCs shared an origin in the same accreting dwarfs. The
gas would experience pressure where the clusters would not and be pulled into the rough plane of the disc,
explaining why most metal-rich GCs orbit with a non-zero inclination (Fig.~\ref{spin_ufd}).
If there is a link between the disc and the metal-rich GCs, what can we say about the halo stars?
\citet{Carollo10} derived the orbital eccentricity for Galactic halo stars in various metallicity
ranges. They found that stars with $-1.0$ < [Fe/H] < $-0.5$ peaked at $e \approx $ 0.2 and
$e \approx $ 0.3 for ${\rm |z|} = 1-2$ and $2-4$ kpc, respectively.
This matches the observed
eccentricities for metal-rich GCs, suggesting that the metal-rich halo stars may have a common ancestry
with the metal-rich GCs.
For halo stars with $-1.5$ < [Fe/H] < $-1.0$ and ${\rm |z|} = 1-2$ there was a small peak at $e \approx $ 0.35,
but otherwise most of the stars were found at high eccentricities. While the peak points to some
of these coming from mixed gas, most metal-poor halo stars follow the lead of the metal-poor GCs,
suggesting that they are the stellar remnants of the accreted dwarfs.
There are 11 metal-rich clusters that do not fit neatly into this picture. Ter 2, Lil 1, NGC 6380,
NGC 6388, NGC 6440, Ter 6, and 2MASS-GC02 move retrograde to the disc, while Whiting 1, E3, Ter 7,
and Pal 12 do not have the $\phi=0^{\circ}$ expected of something created by the disc. While 2MASS-GC02
has a metallicity close to the cutoff, the other GCs are clearly metal-rich. This may indicate that
these clusters had a different kind of origin to the other GCs, forming within a more metal-rich,
and thus due to the metallicity-mass relation of dwarf galaxies more massive, environment prior to accretion.
This would require in a significant retrograde merger occurring in the past, something supported
by existing studies \citep[e.g. ][]{Belokurov18, Haywood18, Koppelman18, Helmi18}.
Since a surprisingly large number of metal-rich GCs have retrograde orbits, the accretion of retrograde
cluster hosts may have a significant impact on Galaxy evolution.
\section*{Acknowledgements}
We thank the anonymous referee for their helpful comments and suggestions on how to improve this paper.
This research made use of Astropy,\footnote{http://www.astropy.org} a community-developed core Python package for Astronomy \citep{Astropy1, Astropy2}.
ADL acknowledges financial support from the Australian Research Council through
their Future Fellowship scheme (project number FT160100250).
|
\section{Introduction}
\label{intro}
Deep neural networks have been achieving a variety of successes in both supervised and unsupervised learning. The theoretical understanding of the mechanism underlying deep learning power is continually refining and expanding by researchers. Remarkably, recent progress in deep learning theory has shown that over-parameterized networks are capable of achieving very low or even zero training error through gradient descent based optimization \cite{jacot2018neural,allen2019convergence,du2018gradient,chizat2018global,zou2018stochastic}. Meanwhile, these over-parameterized networks can generalize well to the test set, known as the double descent phenomenon \cite{nakkiran2019deep}.
How can over-parameterized networks survive from the over-fitting problem given that model parameters are far more than the sample size of training data or the input dimension? Among existing explanations for this question, a promising answer is the implicit bias \cite{soudry2018implicit} or implicit regularization \cite{neyshabur2014search}. Specifically, a large family of works studying the exponential tailed losses, including logistic and exponential loss, has reported a strong regularization resulted from the maximum margin \cite{soudry2018implicit,gunasekar2018characterizing,ji2019implicit,nacson2019lexicographic,lyu2019gradient}.
Notably, all theoretical results associated with implicit bias are assuming the learning rate is sufficiently small. The theoretical understanding of optimization and generalization properties remains limited when the learning rate goes beyond the small learning rate setting. Furthermore, adopting a learning rate annealing scheme with a large initial learning rate often achieves better performance in practice \cite{he2016deep,zagoruyko2016wide}. Lewkowycz et al. \cite{lewkowycz2020large} shed light on the large learning rate phase by observing a distinct phenomenon that the local curvature of the loss landscape drops significantly in the large learning rate phase and thus typically can obtain the best performance.
By following \cite{lewkowycz2020large}, we characterize the gradient descent training in terms of three learning rate regimes or phases: (i) {\bf lazy phase} $\eta<\eta_0$, when the learning rate is small, the dynamics of neural networks its linearized dynamics regime, where model converges to a nearby point in parameter space which is called {\it lazy training} and characterized by the neural tangent kernel \cite{jacot2018neural,arora2019exact,yang2019scaling,huang2019dynamics,allen2019convergence,du2018gradient}. (ii) {\bf catapult phase} $\eta_0<\eta<\eta_1$, the loss grows at the beginning and then drops until it converges to the solution with a flatter minimum. (iii) {\bf divergent phase} $ \eta>\eta_1$, the loss diverges, and the model does not train. The importance of the {\it catapult phase} rises because the {\it lazy phase} is in general detrimental to generalization and does not explain the practically observed power of deep learning \cite{allen2019can,chizat2019lazy}.
While the phenomenon of three learning rate phases is reported in a regression setting with mean squared error (MSE) loss, it remains unclear whether this can be extended to cross-entropy (logistic) loss. To fill this gap, we exam the effect of the large learning rate on deep linear networks with logistic and exponential loss. Contrary to MSE loss, the characterization of gradient descent with logistic loss concerning learning rate is associated with separation conditions of data. Finally, we summarize our contribution as follows:
\begin{itemize}
\item According to separation conditions of data, we characterize the dynamics of gradient descent with logistic and experiential loss corresponding to the learning rate. We find the gradient descent iterates converge to a flatter minimum in the catapult phase when the data is non-separable. Such three learning rate phases do not apply to the linearly separable data since the optimum is off at infinity.
\item Our theoretical analysis ranges from linear predictor to one hidden layer network. By comparing the convex optimization characterized by Theorem \ref{thm:linear_predictor_degenerate} and non-convex optimization characterized by Theorem \ref{thm:linear_network_degenerate} in terms of the learning rate, we show that the {\it catapult phase} is a unique phenomenon for non-convex optimization.
\item We find that in practical classification tasks, the best generalization results tend to occur in the {\it catapult phase}. Given the fact that the infinite-width analysis ({\it lazy training}) does not fully explain the empirical power of deep learning, our result can be used to fill this gap partially.
\end{itemize}
\section{Related Work}
\label{rela}
\paragraph{Implicit bias of gradient methods.} Since the seminal work from \cite{soudry2018implicit}, implicit bias has led to a fruitful line of research. Works along this line have treated linear predictors \cite{gunasekar2018characterizing,ji2019implicit,ali2020implicit}; deep linear networks with a single output \cite{nacson2018convergence,gunasekar2018implicit,ji2018gradient} and multiple outputs \cite{radhakrishnan2020balancedness}; homogeneous networks (including ReLU, max pooling activation) \cite{nacson2019lexicographic,lyu2019gradient,ji2020directional}; ultra wide networks \cite{chizat2020implicit,oymak2018overparameterized}; matrix factorization \cite{razin2020implicit}. Notably, these studies adopt gradient flow (infinitesimal learning rate) or a sufficient small learning rate.
\paragraph{Neural tangent kernel.} Recently, we have witnessed exciting theoretical developments in understanding the optimization of ultra wide networks, known as the neural tangent kernel (NTK) \cite{jacot2018neural,arora2019exact,yang2019scaling,huang2019dynamics,allen2019convergence,du2018gradient,zou2018stochastic}. It is shown that in the infinite-width limit, NTK converges to an explicit limiting kernel, and it stays constant during training. Further, Lee et al. \cite{lee2019wide} show that gradient descent dynamics of the original neural network fall into its linearized dynamics regime in the NTK regime. In addition, the NTK theory has been extended to various architecture such as orthogonal initialization \cite{huang2020neural}, convolutions \cite{arora2019exact,li2019enhanced}, graph neural networks \cite{du2019graph}, attention \cite{hron2020infinite}, and batch normalization \cite{jacot2019freeze} (see \cite{yang2020tensor} for a summary). The constant property of NTK during training can be regarded as a special case of the implicit bias, and importantly, it is only valid in the small learning rate regime.
\paragraph{Large learning rate and logistic loss} A large learning rate with SGD training is often set initially to achieve good performance in deep learning empirically \cite{krizhevsky2012imagenet,he2016deep,zagoruyko2016wide}. Existing theoretical explanation of the benefit of the large learning rate contributes to two classes. One is that a large learning rate with SGD leads to flat minima \cite{keskar2016large,jiang2019fantastic,lewkowycz2020large}, and the other is that the large learning rate acts as a regularizer \cite{li2019towards}. Especially, Lewkowycz et al. \cite{lewkowycz2020large} find a large learning rate phase can result in flatter minima without the help of SGD for mean squared loss. In this work, we ask whether the large learning rate still has this advantage with logistic loss. We expect a different outcome because the logistic loss is sensitive to the separation conditions of the data, and the loss surface is different from that of MSE loss \cite{nitanda2019gradient}.
\section{Background}
\subsection{Setup}
Consider a dataset $\{ x_i, y_i \}_{i=1}^n$, with inputs $x_i \in \mathbb{R}^d $ and binary labels $y_i \in \{-1,1 \}$. The empirical risk of classification task follows the form,
\begin{equation} \label{eq:propagation}
\mathcal{L} = \frac{1}{n}\sum_{i=1}^n \ell (f(x_i) y_i),
\end{equation}
where $f(x_i)$ is the output of model corresponds to the input $x_i$, and $\ell(\cdot)$ is loss function. In this work, we study two exponential tail losses which are exponential loss $\ell_{\exp}(u) = \exp(-u)$ and logistic loss $\ell_{\log}(u) = \log(1+\exp(-u))$. The reason we look at these two losses together is that they are jointly considered in the realm of implicit bias by default \cite{soudry2018implicit}. We adopt gradient descent (GD) updates with learning rate $\eta$ to minimize empirical risk,
\begin{equation} \label{eq:propagation}
w_{t+1} = w_t-\eta \nabla \mathcal{L}(w_t) = w_t-\eta \sum_{i=1}^n \ell'(f(x_i) y_i),
\end{equation}
where $w_t$ is the parameter of the model at time step $t$.
\subsection{Separation Conditions of Dataset}
It is known that landscapes of cross-entropy loss on linearly separable data and non-separable data are different. Thus the separation condition plays a crucial role in understanding the dynamics of gradient descent in terms of learning rate. To build towards this, we define the two classes of separation conditions and review existing results for loss landscapes of a linear predictor in terms of separability.
\begin{ass}
The dataset is linearly separable, i.e. there exists a separator $w_\ast$ such that $\forall i: w^T_\ast x_i y_i > 0$.
\label{ass:1}
\end{ass}
\begin{ass}
The dataset is non-separable, i.e. there is no separator $w_\ast$ such that $\forall i: w^T_\ast x_i y_i > 0$.
\label{ass:2}
\end{ass}
\paragraph{Linearly separable.} Consider the data under assumption \ref{ass:1}, one can examine that the loss of a linear predictor, i.e., $f(x) = w^T x$, is $\beta$-smooth convex with respect to $w$, and the global minimum is at infinity. The implicit bias of gradient descent with a sufficient small learning rate ($\eta < \frac{2}{\beta}$) in this phase has been studied by \cite{soudry2018implicit}. They show the predictor converges to the direction of the maximum margin (hard margin SVM) solution, which implies the gradient descent method itself will find a proper solution with an implicit regularization instead of picking up a random solver. If one increases the learning rate until it exceeds $\eta<\frac{2}{\beta}$, then the result of converging to maximum margin will not be guaranteed, though loss can still converge to a global minimum.
\paragraph{Non-separable.} Suppose we consider the data under assumption \ref{ass:2}, which is not linearly separable. The empirical risk of a linear predictor on this data is $\alpha$-strongly convex, and the global minimum is finite. In this case, given an appropriate small learning rate ($\eta < \frac{2}{\beta}$), the gradient descent converges towards the unique finite solution. When the learning rate is large enough, i.e., $\eta>\frac{2}{\alpha}$, we can rigorously show that gradient descent update with this large learning rate leads to risk exploding or saturating.
We formally construct the relationship between loss surfaces and learning dynamics of gradient descent with respect to different learning rates on the two classes of data throng the following proposition,
\begin{prop}\label{prop:linear_predictor}
For a linear predictor $f = w^T x $, along with a loss $\ell \in \{ \ell_{\exp}, \ell_{\log} \}$.
\begin{enumerate}
\item [1]
Under Assumption \ref{ass:1}, the empirical loss is $\beta$-smooth. Then the gradient descent with constant learning rate $\eta < \frac{2}{\beta}$ never increase the risk, and empirical loss will converge to zero:
\[
\mathcal{L}(w_{t+1}) - \mathcal{L}(w_t) \le 0, ~~~ \lim_{t \rightarrow \infty} \mathcal{L}(w_t) = 0, ~~~with~~~ \eta < \frac{2}{\beta}
\]
\item [2]
Under Assumption \ref{ass:2}, the empirical loss is $\beta$-smooth and $\alpha$-strongly convex, where $\alpha \le \beta$. Then the gradient descent with a constant learning rate $\eta < \frac{2}{\beta}$ never increases the risk, and empirical loss will converge to a global minimum. On the other hand, the gradient descent with a constant learning rate $\eta > \frac{2}{\alpha}$ never decrease the risk, and empirical loss will explode or saturate:
\[
\begin{aligned}
&\mathcal{L}(w_{t+1}) - \mathcal{L}(w_{t}) \le 0, ~~~ \lim_{t \rightarrow \infty} \mathcal{L}(w_t) = G_0,~~~ with~~~ \eta < \frac{2}{\beta} \\
&\mathcal{L}(w_{t+1}) - \mathcal{L}(w_t) \ge 0, ~~~ \lim_{t \rightarrow \infty} \mathcal{L}(w_t) = G_1,~~~ with~~~ \eta > \frac{2}{\alpha}
\end{aligned}
\]
where $G_0$ is the value of a global minimum while $G_1 = \infty$ for exploding situation or $G_0 <G_1 < \infty$ when saturating.
\end{enumerate}
\end{prop}
\section{Theoretical results}
\subsection {Convex Optimization}
It is known that the Hessian of the logistic and exponential loss with respect to the linear predictor is non-constant. Moreover, the estimated $\beta$-smooth convexity and $\alpha$-strongly convexity vary across different finite bounded subspace. As a result, the learning rate threshold in Proposition \ref{prop:linear_predictor} is not detailed in terms of optimization trajectory. However, we can obtain more elaborate thresholds of the learning rate for linear predictor by considering the {\it degeneracy assumption}:
\begin{ass}
The dataset contains two data points where they have same feature and opposite label, that is
$$(x_1 = 1, y_1 = 1)\ \ \ \text{and}\ \ \ (x_2 = 1,y_2 = -1).$$
\label{ass:3}
\end{ass}
We call this assumption the {\it degeneracy assumption} since the features from opposite label degenerate. Without loss of generality, we simplify the dimension of data and fix the position of the feature. Note that this assumption can be seen as a special case of non-separable data. There is a work theoretically characterizing general non-separable data \cite{ji2019implicit}, and we leave the analysis of this setting for the large learning rate to future work. Thanks to the symmetry of the risk function in space at the basis of {\it degeneracy assumption}, we can construct the exact dynamics of empirical risk with respect to the whole learning rate space.
\begin{thm}\label{thm:linear_predictor_degenerate}
For a linear predictor $f = w^T x $ equipped with exponential (logistic) loss under assumption \ref{ass:3}, there is a critical learning rate that separates the whole learning rate space into two (three) regions. The critical learning rate satisfies $$\mathcal{L}'(w_0) = -\mathcal{L}'(w_0-\eta_{\rm critical} \mathcal{L}'(w_0)),$$ where $w_0$ is the initial weight. Moreover,
\begin{enumerate}
\item [1]
For exponential loss, the gradient descent with a constant learning rate $\eta < \eta_{\rm critical}$ never increases loss, and the empirical loss will converge to the global minimum. On the other hand, the gradient descent with learning rate $ \eta = \eta_{\rm critical}$ will oscillate. Finally, when the learning rate $ \eta > \eta_{\rm critical}$, the training process never decreases the loss and the empirical loss will explode to infinity:
\[
\begin{aligned}
& \mathcal{L}(w_{t+1}) - \mathcal{L}(w_t) < 0, ~~~ \lim_{t \rightarrow \infty} \mathcal{L}(w_t) = 1,~~~ with~~~ \eta < \eta_{\rm critical}, \\
& \mathcal{L}(w_{t+1}) - \mathcal{L}(w_t) = 0, ~~~ \lim_{t \rightarrow \infty} \mathcal{L}(w_t) = \mathcal{L}(w_0),~~~ with~~~ \eta = \eta_{\rm critical}, \\
& \mathcal{L}(w_{t+1}) - \mathcal{L}(w_t) > 0, ~~~ \lim_{t \rightarrow \infty} \mathcal{L}(w_t) = \infty,~~~ with~~~ \eta > \eta_{\rm critical}. \\
\end{aligned}
\]
\item [2]
For logistic loss, the critical learning rate satisfies a condition: $\eta_{\rm critical} > 8$. The gradient descent with a constant learning rate $\eta < 8$ never increases the loss, and the loss will converge to the global minimum. On the other hand, the loss along with a learning rate $8 \le \eta <\eta_{\rm critical} $ will not converge to the global minimum but oscillate. Finally, when the learning rate $ \eta > \eta_{\rm critical}$, gradient descent never decreases the loss, and the loss will saturate:
\[
\begin{aligned}
& \mathcal{L}(w_{t+1}) - \mathcal{L}(w_t) < 0, ~~\lim_{t \rightarrow \infty} \mathcal{L}(w_t) = \log(2),~with~ \eta < 8, \\
& \mathcal{L}(w_{t+1}) - \mathcal{L}(w_t) \le 0, ~~\lim_{t \rightarrow \infty} \mathcal{L}(w_t) = \mathcal{L}(w_\ast) < \mathcal{L}(w_0), ~with~ 8 \le \eta < \eta_{\rm critical}, \\
& \mathcal{L}(w_{t+1}) - \mathcal{L}(w_t) \ge 0, ~~\lim_{t \rightarrow \infty} \mathcal{L}(w_t) = \mathcal{L}(w_\ast) \ge \mathcal{L}(w_0),~with~ \eta \ge \eta_{\rm critical}. \\
\end{aligned}
\]
where $w_\ast$ satisfies $-w_\ast = w_\ast - \frac{\eta}{2} \frac{\sinh(w_\ast)}{1+\cosh(w_\ast)}$.
\end{enumerate}
\end{thm}
\begin{rem}
The differences between the two loss is due to monotonicity of the loss. For exponential loss the function $|\mathcal{L}'(w_t)/w_t|$ is monotonically increasing with respect to $|w_t|$, while it is monotonically decreasing for logistic loss.
\end{rem}
We demonstrate the gradient descent dynamics with degenerate and non-separable case through the following example.
\begin{exmp}\label{example:1}
Consider optimizing $\mathcal{L}(w)$ with dataset $\{ (x_1 = 1, y_1 = 1)\ \ \text{and}\ \ (x_2 = 1,y_2 = -1).\}$ using gradient descent with constant learning rates. Figure \ref{fig:1}(a,c) show the dependence of different dynamics on the learning rate $\eta$ for exponential and logistic loss respectively.
\end{exmp}
\begin{exmp}\label{example:2}
Consider optimizing $\mathcal{L}(w)$ with dataset $\{ (x_1 = 1, y_1 = 1),\ \ (x_2 = 2,y_2 = -1)\ \ \text{and}\ \ (x_3 = -1,y_3 = 1).\}$ using gradient descent with constant learning rates. Figure \ref{fig:1}(b,d) show the dependence of different dynamics on the learning rate $\eta$ for exponential and logistic loss respectively. .
\end{exmp}
\begin{rem}
The dataset considered here is an example of non-separable case, and the dynamics of loss behave similarly to those with Example \ref{example:1}. We use this example to show that our theoretical results on the degenerate data can be extended to the non-separable data empirically.
\end{rem}
\begin{figure*}[t!]
\centering
\centering
\includegraphics[width=1.0\textwidth]{figure/fig1_predictor.pdf}
\caption{Dependence of dynamics of training loss on the learning rate for linear predictor, with (a,b) exponential loss and (c,d) logistic loss on Example \ref{example:1} and \ref{example:2}. (a,c) The experimental learning curves are consistent with the theoretical prediction, and the critical learning rates are $\eta_{\rm critical}= 1.66843$ and $\eta_{\rm critical}= 8.485$ respectively. (b,d) For non-separable data, the dynamics of training loss regarding learning rate for non-separable data are similar to those of degenerate case. Hence the critical learning rates can be approximated by $\eta_{\rm critical}= 0.895$ and $\eta_{\rm critical}= 4.65$ respectively.}
\label{fig:1}
\end{figure*}
\subsection{Non-convex Optimization}
\label{Two layer}
To investigate the relationship between the dynamics of gradient descent and the learning rate for deep linear networks, we consider linear networks with one hidden layer, and the information propagation in these networks is governed by,
\begin{equation} \label{eq:propagation}
f(x) = m^{-1/2} w^{(2)} w^{(1)} x,
\end{equation}
where $m$ is the width, i.e. number of neurons in the hidden layer, $w^{(1)} \in \mathbb{R}^{m \times d}$ and $ w^{(2)} \in \mathbb{R}^{m}$ are the parameters of model. Taking the exponential loss as an example, the gradient descent equations at training step $t$ are,
\begin{equation} \label{eq:gradient}
\begin{aligned}
w^{(1)}_{t+1} &= w^{(1)}_{t} -\frac{1}{n} \frac{\eta} {m^{1/2}} (-e^{-y_\alpha f_t(x_\alpha)}) w^{(2)}_{t} x_{\alpha}y_\alpha, \\
w^{(2)}_{t+1} &= w^{(2)}_{t} -\frac{1}{n} \frac{\eta} {m^{1/2}} (-e^{-y_\alpha f_t(x_\alpha)}) w^{(1)}_{t} x_{\alpha}y_\alpha,
\end{aligned}
\end{equation}
where we use the Einstein summation convention to simplify the expression and will apply this convention in the following derivation.
We introduce the neural tangent kernel, an essential element for the evolution of output function in equation \ref{eq:evolution}. The neural tangent kernel (NTK) is originated from \cite{jacot2018neural} and formulated as,
\begin{equation} \label{eq:ntk}
\Theta_{\alpha \beta} = \frac{1}{m} \sum_{p=1}^P \frac{\partial f(x_\alpha)}{\partial_{\theta_p}}\frac{\partial f(x_\beta)}{\partial_{\theta_p}}.
\end{equation}
where $P$ is the number of parameters. For a two-layer linear neural network, the NTK can be written as,
\begin{equation} \label{eq:ntk}
\Theta_{\alpha \beta} = \frac{1}{mn} \big( (w^{(1)}x_{ \alpha}) ( w^{(1)}x_{ \beta}) + (w^{(2)})^2 (x_{\alpha} x_{\beta} ) \big).
\end{equation}
Here we use normalized NTK which is divided by the number of samples $n$. Under the degeneracy assumption \ref{ass:3}, the loss function becomes $\mathcal{L} = \cosh(m^{-1/2} w^{(2)} w^{(1)})$. Then the equation \ref{eq:gradient} reduces to
\begin{equation}
\begin{aligned}
w^{(1)}_{t+1} = w^{(1)}_t - \frac{\eta}{m^{1/2}} w^{(2)}_t \sinh(m^{-1/2} w^{(2)}_t w^{(1)}_t), \\
w^{(2)}_{t+1} = w^{(2)}_t - \frac{\eta}{m^{1/2}} w^{(1)}_t \sinh(m^{-1/2} w^{(2)}_t w^{(1)}_t). \\
\end{aligned}
\end{equation}
The updates of output function $f_t$ and the eigenvalue of NTK $\lambda_t$, which are both scalars in our setting:
\begin{equation} \label{eq:evolution}
\begin{aligned}
f_{t+1} & = f_t - \eta \lambda_t \tilde {f_t}_{\rm exp} + \frac{\eta^2}{m} f_t \tilde {f^2_t}_{\rm exp}, \\
\lambda_{t+1} & = \lambda_t - \frac{4\eta}{m} f_t \tilde {f_t}_{\rm exp} + \frac{\eta^2}{m} \lambda_t \tilde {f^2_t}_{\rm exp}. \\
\end{aligned}
\end{equation}
where $\tilde {f_t}_{\rm exp} := \sinh(f_t)$ while $\tilde {f_t}_{\rm log} := \frac{ \sinh(f_t)}{1+\cosh(f_t)}$ for logistic loss.
\begin{figure*}[t!]
\centering
\centering
\includegraphics[width=1.0\textwidth]{figure/fig2_two_layer.pdf}
\caption{ Dependence of dynamics of training loss and maximum eigenvalue of NTK on the learning rate for one hidden layer linear network, with (a,b,e,f) exponential loss and (c,d,g,h) logistic loss on Example \ref{example:3} and \ref{example:4}. (a,b,c,d) In the large learning rate regime (the catapult phase), the loss increases at beginning and converges to a global minimum. (e,f,g,h) The maximum eigenvalue of NTK decreases rapidly to a fixed value which is lower than its initial position in the large learning regime (the catapult phase).}
\label{fig:2}
\end{figure*}
We have introduced the {\it catapult phase} where the loss grows at the beginning and then drops until converges to a global minimum. In the following theorem, we prove the existing of the {\it catapult phase} on the degenerate data with exponential and logistic loss.
\begin{thm}\label{thm:linear_network_degenerate}
Under appropriate initialization and assumption \ref{ass:3}, there exists a {\it catapult phase} for both the exponential and logistic loss. More precisely, when $\eta$ belongs to this phase, there exists a $T>0$ such that the output function $f_t$ and the eigenvalue of NTK $\lambda_t$ update in the following way:
\begin{enumerate}
\item $\mathcal{L}_t$ keeps increasing when $t < T$.
\item
After the $T$ step and its successors, the loss decreases, which is equivalent to:
$$|f_{T+1}|>|f_{T+2}| \ge |f_{T+3}| \ge \dots.$$
\item The eigenvalue of NTK keeps dropping after the $T$ steps:
$$\lambda_{T+1} > \lambda_{T+2} \ge \lambda_{T+3} \ge \dots .$$
\end{enumerate}
Moreover, we have the inverse relation between the learning rate and the final eigenvalue of NTK:
$ \lambda_\infty \le \lim_{t \rightarrow \infty} \frac{4f_t}{\eta \tilde {f_t}_{\rm exp}} $ with exponential loss, or $ \lambda_\infty \le \lim_{t \rightarrow \infty} \frac{4f_t}{\eta \tilde {f_t}_{\rm log} }$ with logistic loss.
\end{thm}
We demonstrate that {\it catapult phase} can be found in both degenerate and non-separable data through the following examples. The weights matrix is initialized by i.i.d. Gaussian distribution, i.e. $w^{(1)}, w^{(2)} \sim \mathcal{N}(0,\sigma^2_w)$. For exponential loss, we adopt the setting of $\sigma^2_w = 0.5$ and $m=1000$ while we set $\sigma^2_w = 1.0$ and $m=100$ for logistic loss.
\begin{exmp}\label{example:3}
Consider optimizing $\mathcal{L}(w)$ using one hidden layer linear networks with dataset $\{ (x_1 = [1,0], y_1 = 1) \ \ \text{and}\ \ (x_2 = [1,0],y_2 = -1).\}$ and exponential (logistic) loss using gradient descent with constant learning rate. Figure \ref{fig:2}(a)(c)(e)(g) show how different choices of learning rate $\eta$ change the dynamics of loss function with exponential and logistic loss.
\end{exmp}
\begin{exmp}\label{example:4}
Consider optimizing $\mathcal{L}(w)$ using one hidden layer linear networks with dataset $\{ (x_1 = [1,1], y_1 = -1),\ \ (x_2 = [1,-1], y_1 = 1),\ \ (x_3 = [-1,-2], y_1 = 1)\ \ \text{and} \ \ (x_4 = [-1,1],y_4 = 1).\}$ and exponential (logistic) loss using gradient descent with constant learning rate. Figure \ref{fig:2}(b)(d)(f)(h) show how different choices of learning rate $\eta$ change the dynamics of loss function with exponential and logistic loss.
\end{exmp}
As Figure \ref{fig:2} shows, in the {\it catapult phase}, the eigenvalue of NTK decreases to a lower value than its initial point, while it keeps unchanged in the {\it lazy phase} where the learning rate is small. For MSE loss, the lower value of neural tangent kernel indicates the flatter curvature given the training loss is low \cite{lewkowycz2020large}. Yet it is unknown whether aforementioned conclusion can be applied to exponential and logistic loss. Through the following corollary, we show that the Hessian is equivalent to the NTK when the loss converges to a global minimum for degenerate data.
\begin{cor} [Informal] \label{cor:hessian_ntk}
Consider optimizing $\mathcal{L}(w)$ with one hidden layer linear network under assumption \ref{ass:3} and exponential (logistic) loss using gradient descent with a constant learning rate. For any learning rate that loss can converge to the global minimal, the larger the learning rate, the flatter curvature the gradient descent will achieve at the end of training.
\end{cor}
\begin{figure*}[t!]
\centering
\centering
\includegraphics[width=1.0\textwidth]{figure/fig3_two_layer_hessian.pdf}
\caption{ Top eigenvalue of NTK ($\lambda_0$) and Hessian ($h_0$) measured at $t=100$ as a function of the learning rate, with (a,b) exponential loss and (c,d) logistic loss on Example \ref{example:3} and \ref{example:4}. The green dashed line $\eta = \eta_0$ represents the boundary between the lazy phase and catapult phase, while black dashed line $\eta=\eta_1$ separates the catapult phase and the divergent phase. We adopt the setting of $\sigma^2_w=0.5$ and $m=100$ for exponential loss and setting for logistic loss is $\sigma^2_w=0.5$ and $m=200$. (a,c) The curves of maximum eigenvalue of NTK and Hessian coincide as predicted by the corollary \ref{cor:hessian_ntk}. (b,d) For the non-separable data, the trend of the two eigenvalue curves is consistent with the change of learning rate.}
\label{fig:3}
\end{figure*}
We demonstrate the flatter curvature can be achieved in the {\it catapult phase} through Example \ref{example:3} and \ref{example:4}, using the code provided by \cite{nilsen2019efficient} to measure Hessian, as shown in Figure \ref{fig:3}. In the {\it lazy phase}, both curvature and eigenvalue of NTK are independent of the learning rate at the end of training. However, in the {\it catapult phase} the curvature decreases to the value smaller than that in the {\it lazy phase}. In conclusion, the NTK and Hessian have the similar behavior at the end of training on non-separable data.
Finally, we compare our results for the catapult phase to the result with MSE loss and show the summary in Table \ref{tab:1}.
\begin{table*}[!htbp]
\caption{A summary of the relationship between separation condition of data and the catapult phase for different losses}
\label{tab:1}
\begin{center}
\begin{tabular}{|c |c | c| c|}
\hline
separation condition & linear separable & degenerate & non-separable \\
\hline
exponential loss (this work) & \xmark & \cmark & \cmark \\
\hline
logistic loss (this work) & \xmark & \cmark & \cmark \\
\hline
squared loss (\cite{lewkowycz2020large}) & \cmark & \cmark &\cmark \\
\hline
\end{tabular}
\end{center}
\end{table*}
\section{Experiment}
In this section, we present our experimental results of linear networks with the logistic loss on CIFAR-10 to examine whether fatter minima achieved in the catapult phase can lead to better generalization in the real application. We selected two ("cars" and "dogs") of the ten categories from CIFAR-10 dataset to form a binary classification problem. The results will be illustrated by comparing the generalization performance with respect to different learning rates.
Figure \ref{fig:5} shows the performance of two linear networks, one is one hidden layer without bias, and the other is two hidden layer linear network with bias, trained on CIFAR-10. We present results using two different stopping conditions. Firstly, we fix the training time for all learning rates, the learning rates within the catapult phase have the advantage to obtain higher test accuracy, as shown in Figure \ref{fig:5}(a,c). However, adopting a fixed training time will result in a bias in favor of large learning rates, since the large learning rate runs faster naturally. To ensure a fair comparison, we then use a fixed physical time, which is defined as $ t_{\rm phy} = t_0 \eta $, where $t_0$ is a constant. In this setting, as shown in Figure \ref{fig:5}(b,d), the performance of the large learning rate phase is even worse than that of the small learning phase. Nevertheless, we find that is achieved in the catapult phase when adopting the learning rate annealing strategy.
To explain the above experimental results, we refer to theorem 2 in \cite{ji2018gradient}. According to this theorem, the data can be uniquely partitioned into linearly separable part and non-separable part.
When we tune the learning rate to the large learning rate regime, the algorithm quickly iterates to a flat minimum in a space spanned by non-separable data. At the same time, for linearly separable data, the gradient descent cannot achieve the maximum margin due to the large learning rate. As a result, for this part of the data, the generalization performance is suppressed. This can explain why when we fix the physical steps, the performance in the large learning rate regime is worse than that of the small learning rate phase. On the other hand, when we adopt the strategy of learning rate annealing, for non-separable data, since the large learning rate has learned a flat curvature, the subsequent small learning rate will not affect this result. For data with linearly separable parts, reducing the learning rate can restore the maximum margin. Therefore, we can see that under this strategy, the best performance can be found in the phase of large learning rate.
\begin{figure*}[t!]
\centering
\centering
\includegraphics[width=1.0\textwidth]{figure/fig5_cifar10.pdf}
\caption{Test performance on CIFAR-10 dataset with respect to different learning rate phases. The data size is of $n_{\rm train}= 2048$ and $n_{\rm test} = 512$. (a,b) A two-layer linear network without bias of $\sigma_w^2 = 0.5$ and $m=500$. (c,d) A three-layer linear network with bias of $\sigma_w^2 = 0.5$, $\sigma_b^2 = 0.01$, and $m=500$. (a,c) The test accuracy is measured at the time step $t = 500$ and $t = 300$ respectively. The optimal performance is obtained when the learning rate is in the catapult phase. (b,d) The test accuracy is measured at the physical time step (red curve), after which it continues to evolve for a period of time at a small learning rate (purple): $t_{\rm phy} = 50/\eta$ and extra time $t = 500$ at $\eta = 0.01$ for the decay case. Although the results in the catapult phase do not perform as well as the lazy phase when there is no decay, the best performance can be found in the catapult phase when adopting learning rate annealing.}
\label{fig:5}
\end{figure*}
\section{Discussion}
In this work, we characterize the dynamics of deep linear networks for binary classification trained with gradient descent in the large learning rate regime, inspired by the seminal work \cite{lewkowycz2020large}. We present a {\it catapult effect} in the large learning rate phase depending on separation conditions associated with logistic and exponential loss. According to our theoretical analysis, the loss in the catapult phase can converge to the global minimum like the lazy phase. However, from the perspective of Hessian, the minimum achieved in the catapult phase is fatter. We show empirically that even without SGD optimization, the best generalization performance can be achieved in the catapult stage phase for linear networks. While this work on the large learning rate for linear networks in the binary classification, there are several remaining open questions. For non-linear networks, the effect of a large learning rate is not clear in theory. In addition, the stochastic gradient descent algorithm also needs to be explored when the learning rate is large. We leave these unsolved problems for future work.
\bibliographystyle{plain}
|
\section{Introduction} \label{sec:intro}
Fast Radio Bursts (FRBs; \citealt{lorimer2007, thornton2013}) are bright ($\approx$Jy) and short-lived ($\lesssim$10~ms) pulses of coherent,
low-frequency ($\approx$0.4--8~GHz) radio emission.
With an estimated all-sky rate of $\approx$10$^{3}$ - 10$^{4}$~events per day \citep{thornton2013,champion2016,connor2016},
FRBs dominate the transient radio sky. Yet their true nature remains a mystery.
Mounting observational evidences -- such as their high Galactic latitudes, excessive dispersion and rotation measures
\citep{lorimer2007,thornton2013,masui2015,petroff2016}, and the recent identification of their host galaxies \citep[e.g.][]{chatterjee2017,Bhandari2020} --
suggest that FRBs originate from cosmological distances. They have a power law luminosity function spanning $\sim 8$ orders of magnitude \citep{luo2018,luo2020a,lu2020a,lu2020b},
and an isotropic equivalent energy in the range $\sim (10^{35}-10^{43})$ erg \citep{zhang2020}.
The fact that at least some FRB sources repeat \cite{spitler2016,scholtz2016,chime2019a,chime2019b,luo2020b} and that the FRB event rate density exceeds those of catastrophic explosions such as supernovae \citep{ravi2019,luo2020a} suggest that the majority of FRBs should arise from non-catastrophic events. Likely scenarios include bursting magnetar \citep{popov2013,lyubarsky2014,katz2016,lu2020b} or radio pulsar giant pulses \citep{cordes2016,connor2016b}, or some models invoking interactions with a neutron star magnetosphere \citep{zhang2017,zhang2020}.
Nevertheless, the possibility that a small fraction of FRBs may be related to catastrophic events is not ruled out.
Among catastrophic models, several scenarios predict an association between an FRB and a gamma-ray burst (GRB). First, if the collapse of a supramassive neutron star can make an FRB \citep{falcke2014},
\citet{zhang2014} showed that a GRB could be followed by an FRB, occurring at the time when the internal X-ray plateau abruptly ends \citep{Troja2007}.
Second, several authors have suggested that compact binary mergers may produce an FRB in association with a short GRB \citep[e.g.][]{wang2016,zhang2016}. Finally, even for non-catastrophic events, a foreground neutron star magnetosphere being suddenly reshaped by the blastwave of a GRB can also make an FRB associated with a GRB \citep{zhang2017}.
A robust GRB-FRB association is essential to constrain these models.
Most searches for coincident GRB-FRB associations, unsurprisingly, gave negative results
\citep[e.g.][]{bannister2012,palaniswamy2014,sun2018,cunningham19,martone2019,anumarlapudi2020,guidorzi2020,palliyaguru2020,rowlinson2020}.
However, one potential association has been claimed.
\citet{delaunay2016} (hereafter D16) presented the discovery of a long-lived ($\approx$380~s) hard X-ray transient, Swift J0644.5-5111, spatially coincident with FRB~131104 \citep{ravi2015}.
The onset of the high-energy emission appears delayed by $\approx$300~s with respect to the FRB, and due
to its low significance ($\lesssim$4$\,\sigma$) it was not found by the standard on-board trigger algorithm, but during a targeted archival search for FRB counterparts. This search included two more known FRBs for which no gamma-ray counterpart was detected in the \textit{Swift} data.
A possible origin for Swift J0644.5-5111 and its association to FRB131104 was discussed by \cite{murase2017}. \cite{shannon2017} pointed out that the lack of a radio afterglow disfavors a standard GRB fireball scenario, whereas \cite{gao2017} found that the radio upper limits can be still consistent with the existence of a GRB for a reasonable range of parameters. \cite{zhang2017} suggested that the event could be a result of interaction between a GRB blastwave and the magnetosphere of a foreground neutron star (the ``cosmic comb'' model).
The association between a long-lasting high-energy transient and an FRB, if confirmed, would greatly constrain FRB source models, at least for this event.
For instance, the reported long duration disfavors those scenarios with a short-lived central engine, such as compact object mergers.
Most importantly, if placed at the same estimated redshift $z$\,$\sim$0.5 of FRB~131104,
the observed fluence $S_{\gamma} \approx 4 \times 10^{-6}$ erg cm$^{-2}$ implies a total energy release
$E_{\gamma,iso} \approx 5 \times 10^{51}$ erg, similar to GRBs.
This would challenge most non-catastrophic progenitor models and suggest that there could be a category of catastrophic FRBs.
However, it should not be overlooked that the claimed detection of D16 is suspiciously located at the edge of the Burst Alert Telescope (BAT)'s field of view.
This region, characterized by a low ($\approx$5\%) partial coding, is known to be affected by large noise fluctuations and complex systematic effects, and is generally excluded in standard analyses.
For this reason, we performed a re-analysis of the \textit{Swift}/BAT data presented by D06
and assessed the significance of the putative source Swift J0644.5-5111 with different analysis techniques.
Throughout the paper we use as reference time $t^\mathrm{FRB}_{0}$\ the radio detection time of FRB~131104, which is 18:03:59 UT on November 4th, 2013 \citep{ravi2015}.
\section{BAT Data Analysis}
At the FRB trigger time \textit{Swift} was pointing toward the location of GRB~130925A \citep{piro2014},
at R.A., Dec. = 41.105$^{\circ}$, $-26.135^{\circ}$ (J2000).
\textit{Swift} slewed to this pre-planned target starting from $t^\mathrm{FRB}_{0}$ $-$171 s, settled at $t^\mathrm{FRB}_{0}$ $-$19 s,
and kept observing it until 18:17:57 UT ($\sim$$t^\mathrm{FRB}_{0}$+14 min).
No BAT on-board trigger occurred at or around $t^\mathrm{FRB}_{0}$. For this reason, the typical burst data products, such as the event data
with full time and spectral resolution, are not available.
However, the BAT produces several other data products all the time, regardless of whether there is a trigger or not.
For our search, we used these continuous BAT data, such as the raw light curves data (Sec.~\ref{raw}),
the survey data (Sec.~\ref{survey}) and the scaled map data (Sec.~\ref{scaled}).
\subsection{Raw light curves data}\label{raw}
Figure \ref{fig:BAT_64ms_lc} shows the 64 ms and 1.024 s raw (i.e. non-background subtracted)
light curves around $t^\mathrm{FRB}_{0}$\ in the four energy bands (15-25 keV, 25-50 keV, 50-100 keV and 15-100 keV).
Each light curve is accumulated over the full array of BAT detectors and has no positional information.
Since the distribution of the count rate at the 100-350 keV band shows a systematically larger standard
deviation than that of the rest of the light curves, we removed the data of the 100-350 keV band from the search.
We searched for excess emission above the background level over the time interval from $t^\mathrm{FRB}_{0}$ $-$19~s to
$t^\mathrm{FRB}_{0}$ $+$14~min when FRB 131104 was in the field of view of BAT.
The signal-to-noise ratio (SNR) was calculated by scanning the light curve bins using the foreground count in one time
bin and the background count in ten time bins prior to the foreground bin.
The searched timescales are 64~ms, 128~ms, 512~ms, 1.024~s, 2.048~s, 5.120~s, and 10.24~s.
The detection thresholds are set as 3 $\sigma$ for 64~ms and 128~ms, 2 $\sigma$ for 512~ms, 1.024~s, and 2.048~s,
1 $\sigma$ for 5.120~s and 0.05 $\sigma$ for 10.24~s timescales.
Table \ref{tbl:snr_raw_lc_search} summarized the maximum SNR and also calculated false-positive
detection applying the number of trial in four different energy bands and seven different time scales.
Given the high chance of a false positive detection, we concluded that no
significant excess was found between 64~ms and 10~s time scales in the BAT raw light curve data.
\subsection{Survey data}\label{survey}
BAT survey data are continuously collected during pointed observations. They have typical integration times of 5 minutes
and are stored in an 80 energy channel histogram for each detector.
These data are used, for example, in the BAT
all-sky hard X-ray survey \citep{markwardt2007,tueller2010,baumgartner2013} and also for searching
a weak GRB emission prior to and post to the GRB trigger time \citep{lien2016}.
They are particularly useful to investigate a weak and long-lasting transient as they allow for a good characterization of the sky background over the same temporal window.
In our case, survey data are available starting from $t^\mathrm{FRB}_{0}$$-$7 s.
We processed them using the standard {\tt batsurvey} script. As described in the \textit{Swift} BAT
calibration document, SWIFT-BAT-CALDB-CENTROID-v2\footnote{http://heasarc.gsfc.nasa.gov/docs/heasarc/caldb/swift/docs/bat/SWIFT-BAT-CALDB-CENTROID-v2.pdf}, three types of the aperture masks are included in the BAT calibration database (CALDB).
They are the full aperture mask (detection mask), the reduced aperture mask (flux mask)
and the difference between the full and the reduced aperture mask (edge mask).
Although the `detection mask' is the actual BAT aperture mask,
it is usually recommended to use the `flux mask', which excludes the edges of the field of view.
This is because fluxes for far off-axis sources are often not accurate and should not be considered in standard analyses.
However, in our case, the FRB position is at the edge of the field of view and the `detection mask' should be used to accurately measure the significance of detected sources.
The source partial coding fraction using the `detection mask' is only 5.7\%.
The left panel of figure \ref{fig:BAT_survey_img} shows the BAT sky image in the 15-150 keV band between $t^\mathrm{FRB}_{0}$$-7$ s and $t^\mathrm{FRB}_{0}$$+273$ s (total integration time of 300s).
Furthermore, the {\it Swift} BAT team is using the `detection mask' for GRBs located at the partial coding
fraction less than 10\% in the published three GRB catalog papers \citep{bat_grb1_cat,bat_grb2_cat,lien2016}. Our work also uses the 'detection mask' which is the recommended analysis procedure for a source located at a low partial coding fraction.
The source significance at the radio\footnote{The radio position used in the analysis is (R.A., Dec.) = (101.040, $-51.271$) (J2000).}
and the D16 positions is 1.7 $\sigma$ and 2.4 $\sigma$, respectively.
To quantify the significance directly from the data, we randomly ran the source detection software, {\tt batcelldetect},
throughout the image and extracted the SNR at random positions. We extracted 8379 random points in the BAT sky image, and the distribution of their significance is shown in
Figure \ref{fig:BAT_15_150kev_sigifmap}. Both 1.7 $\sigma$ and 2.4 $\sigma$ values are well within the noise distribution of the image,
and the probability to measure a comparable SNR at a random position is 6.1\% and 1.4\%, respectively. Therefore, we conclude that the signal is not statistically significant to claim a detection in the BAT survey data.
The fluence upper limit is estimated as follows.
From the noise sky map, we derive an average value of 3.2 $\times$ 10$^{-2}$ counts s$^{-1}$
at the radio FRB position, which corresponds to a
5 $\sigma$ detection threshold of $\approx$0.16 counts s$^{-1}$.
Using the task {\tt batdrmgen},
we then generate an energy response file at the
incident angle of the FRB position ($\approx$ 51$^{\circ}$) and input it into {\tt xspec}.
The rate-to-flux conversion factor is derived
assuming a power-law spectral shape with photon index of $1.16$ (the photon index of the claimed D16 source) and $2.0$ (Crab-like spectrum).
The resulting 5 $\sigma$ fluence upper limits in the 15-150 keV with an integration time of 300 s
are 3.3 $\times$ 10$^{-6}$ erg cm$^{-2}$ and 2.7 $\times$ 10$^{-6}$ erg cm$^{-2}$, respectively. The fluence reported by D16 is $\approx$4.0 $\times$ 10$^{-6}$
erg cm$^{-2}$ which is at a comparable level of our derived upper limit.
The results of D16 can be reproduced only by processing the survey data using the `flux mask'. The right panel
of Figure \ref{fig:BAT_survey_img} shows the corresponding sky image. In this image the significance of the candidate counterpart is 4.3 $\sigma$, close to what reported in D16. Therefore, it is clear that the main
difference between D16 and our analysis is in the selection of the aperture mask, and that the significance of the high energy source sensitively
on this particular choice, dropping from 4.3 $\sigma$ (with the `flux mask') to 2.4 $\sigma$ (with the `detection mask').
Based on this fact, we conclude that the statistical significance adopted by D16 overestimates the true SNR of this source, and find no robust evidence to claim a detection of a high-energy counterpart at the FRB position.
\subsection{Scaled map data} \label{scaled}
During regular {\it Swift} operations, the onboard processor stores detector plane count maps every 64 s
in order to enable the discovery of long duration transients (image trigger). The maps are collected in the 15-50 keV energy band, and then scaled relative to a full scale value of 255.
These scaled maps can then be convolved with the
mask pattern to produce a BAT sky image.
For FRB131104, the scaled map data are available from $t^{\rm FRB}_{0}-2$ s to $t^{\rm FRB}_{0}$+830 s
with integration time of 64 s, 320 s, and a full 832 s exposure. The scaled map data are processed
using the standard BAT tools. The scaled map count map is transferred to the sky image
using {\tt batfftimage} specifying the `detection mask' aperture. The generated sky image is cleaned
only for the flat fielding using {\tt batclean} (the balancing option is `flight'). Then, the
count rate at both the radio and the D16 positions are extracted by {\tt batcelldetect}. Finally, the
extracted count rates are corrected to the on-axis count-rates based on the Crab data
\citep{bat_gsc_trans_mon}.
Figure \ref{fig:smap_lc} shows the light curves in the 15-50 keV
band generated from the scaled map data using the radio and the D16 positions.
No significant emission is evident, and the count rate
is seen to fluctuate around zero (top panel of figure \ref{fig:smap_lc}). During the time interval of the putative BAT transient ($t^{\rm FRB}_{0}$+318 s and $t^{\rm FRB}_{0}$+637 s), the
source significance is 0.3 $\sigma$.
For comparison, the light curve generated from the same scaled map data
presented in D16 (Figure 1 of D16) shows a gradual trend (from high to low) in count rate, which is similar to the background trend seen in the right panel of Figure \ref{fig:BAT_64ms_lc}.
In order to improve the sensitivity of our search,
we selected a background interval ($t^{\rm FRB}_{0}-2$ s and $t^{\rm FRB}_{0}$+318 s) and subtracted the corresponding image to the source image,
extracted over the time interval $t^{\rm FRB}_{0}$+318 s and $t^{\rm FRB}_{0}$+637 s.
In this subtracted image the source significance increases to 0.7~$\sigma$, and is therefore not sufficient for a detection.
\section{Conclusion and Discussion}
We investigated all the available BAT data around
the onset of FRB~131104, from the raw light curves to the sky images. No significant emission is seen in the search for both short timescales (64 ms and 1.6 s) based on the light curve analysis and long timescales (64 s up to 5 min) based on the image analysis.
Our null result does not confirm the detection of a hard X-ray counterpart for FRB 131104, claimed by D16 using the same BAT data.
As shown in Figure \ref{fig:bat_monthly_frb_sgr}, no significant detection from FRB 131104 is seen by BAT over the last 14 years of its operation. On the other hand, the hard X-ray emission from the Galactic magnetar, SGR 1806-20, is constantly detected by the monthly averaged data of BAT. This demonstrates that long lasting emission from an active magnetar can be seen by BAT and recovered by our analysis. However, such an emission is not evident from FRB 131104.
Recently the FRB-like millisecond radio bursts and the burst in the hard X-ray band were simultaneously detected from the known Galactic magnetar SGR 1935+2154 \citep{mereghetti2020}. This discovery
provides strong support for a magnetar as the origin of at least some fraction of FRBs. Although it is not possible to conduct a detailed search to investigate as a magnetar origin for FRB~131104 because of the limitation of the available data, a recent new capability of downlinking the BAT event data based on an external trigger by a rapid uplink commanding \citep{tohuvavohu2020} will enhance to identify such a possibility by the BAT data.
Our result suggests that so far there is no evidence of FRBs associated with catastrophic events such as GRBs. This is consistent with the consensus in the community that the majority of FRBs, if not all, are related to non-catastrophic, repeating sources \citep[e.g.][]{nicholl17,ravi2019,luo2020a}. The existence of catastrophic events remains possible, but the fraction should be quite small \citep{zhang2020}. Continued searches of FRBs in association with catastrophic events (GRBs and compact binary coalescence gravitational wave signals) will progressively tighten the upper limit of the fraction of catastrophic FRBs.
\acknowledgements
We would like to thank the anonymous referee for comments and suggestions that materially improved the paper.
We also would like to thank D.~B. Fox and J.~J. DeLaunay for valuable comments and discussions. This work is
supported by MEXT KAKENHI Grant Numbers 17H06357 and 17H06362.
|
\section{Introduction}
Action recognition (AR) is usually formulated as a task that aims to recognise the primary human action being performed within a given video. Despite the constraint that such videos mainly feature human actions, AR is integral to achieving generic video understanding and benefiting many downstream video understanding applications, such as video retrieval, self-driving systems, surveillance, robotics, \textit{etc.}. In AR, involved actions could be `knitting', `playing flute', `haircut', and so on. Figure \ref{fig:examples} shows a brief example in which a human is petting a cat in the video.
In general, action classification, which assigns a label to a video to indicate the occurred actions in the video sequence, is the abstract and foundation of various action recognition down-stream tasks like action detection and action localisation. In this paper, we mainly study the action classification approaches for action recognition.
\begin{figure}
\centering
\includegraphics[width=0.5\textwidth]{title.pdf}
\caption{A brief example from \textbf{Kinetics400} dataset \cite{kay2017kinetics}, illustrating the general processing logic of appearance-baesd action recognition methods. Given a video with frames stacked across time axis $t$, appearance-based action recognition methods model spatial and temporal visual information and then predict the action appeared in the video based on the modelled appearance information.
}
\label{fig:examples}
\end{figure}
\begin{figure*}
\centering
\includegraphics[width=\textwidth]{category.pdf}
\caption{Tree diagram for different categories and subcategories of appearance-based action recognition methods.}
\label{fig:categorisation}
\end{figure*}
Over recent years, researchers who study the action recognition problem have widely applied deep neural networks (DNNs) for action recognition. DNNs, especially deep convolutional neural networks (DCNNs), have facilitated researchers to achieve great success in various image recognition tasks, as well as action recognition, due to their impressive representational power and large annotated datasets available for training.
Existing DNN-based action recognition algorithms either exploit human pose information to estimate actions or purely perceive actions based on visual appearances in the video. Pose-based methods first estimate human pose, \textit{i.e.} keypoints indicating the positions of the head, shoulder, \textit{etc.}., from videos, and then recognise actions based on estimated poses. Correspondingly, appearance-based methods utilise RGB colors of one or several frames of the video as their primary input modality and recognises the action based on this color information. Although both types of methods have made promising progress, appearance-based methods are attracting more interest from researchers because pose-based methods usually perform poorly when only RGB information is available\cite{yan2018spatial}. For example, Choutas \textit{et al.} \cite{choutas2018potion} showed that their successful pose-based method degraded the performance of a simple appearance-based architecture in the absence of depth data and where the subject is partially occluded. To this end, in this survey, we put our focus on the appearance-based action recognition algorithms. By excluding pose-based action recognition methods, subsequent references to ``action recognition'' within the remainder of this article are synonymous with ``appearance-based action recognition''.
Since appearance-based action recognition methods classify videos into actions mainly based on visual information, how to better describe appearances is one of the most important questions for solving the problem of action recognition. To answer this question, researchers have introduced various strategies that differ from each other in the way how representations, or features, of the video data are learned and extracted. According to our study, existing appearance-based action recognition methods can be roughly grouped into four main categories based on their mechanisms to extract features: 1) \emph{2D convolutional methods} that mainly extract features from still images with 2D convolutions; 2) \emph{3D convolutional methods} that extract features from a series of subsequent frames with 3D convolutions; 3) \emph{Motion-based methods} that particularly extract motions from videos to help tackle the action recognition problem; and 4) \emph{Context-based methods} that tend to extract contextual features from surrounding areas or frames to benefit the recognition of actions.
2D convolutional methods employ the common 2D DCNNs to spatially represent actions within static frames that, when aggregated over time, achieve a classification for the whole video. These action representations either utilise interactions across the features from subsequent frames or are used directly by a classifier. In cases where actions can be recognised by purely intra-frame features, simple temporal aggregation techniques, such as mean or max pooling across all sampled frames, are sufficient for effective action recognition.
2D convolutional methods can take advantage of the representational power of cutting-edge 2D DCNNs, but they require the additional facilitation of temporal interactions in the feature learning process \cite{lin2019tsm} or the more complicated classifiers that subsume temporal reasoning \cite{donahue2015long} for successful recognition.
3D convolutional methods exploit the use of 3D convolution which extends the 2D convolution by further convolving over an extra time dimension. The time dimension is obtained by stacking adjacent frames across time. Different from 2D convolutional methods which convolve individual frames and aggregate the outputs, 3D convolutional methods directly encode spatial and temporal information within features, thereby achieving spatio-temporal representations of actions.
Using inter-frame information from the outset is beneficial to recognize the semantics of actions contained within the video sequence rather than the frames themselves, and 3D convolutions are able to model this inter-frame information within their 3D kernel. However, 3D kernels can be difficult to learn because inter-frame transformations can be very complex, non-affine, and have varied temporal extents. The complexity of the 3D kernel, both in terms of computational cost and difficulty learning, has motivated many methods including decomposing the 3D kernel into separate spatial and temporal convolutions \cite{feichtenhofer2016spatiotemporal,qiu2017learning,xie2018rethinking,tran2018closer} and initialising the 3D kernel with inflated spatial features \cite{carreira2017quo}.
Besides the 2D or 3D convolutional methods, researchers also utilized motion information as a powerful inductive bias for representing appearances. In particular, different from 3D convolutional methods, motion information can be usually obtained based on low-level, affine transformation, such as optical flow, to describe the temporal changes of visual contents in a video. Such motion information provides beneficial cues for describing an action but can be fraught with challenges, especially considering the computation costs of traditional ways to extract motion cues \cite{zach2007duality}. Alternative to traditional ways, many current motion-based representations introduce an additional CNN to learn motion features from various input modalities \cite{simonyan2014two,wu2018compressed}.
\begin{figure*}
\centering
\includegraphics[width=\textwidth]{main-fig.pdf}
\caption{Brief illustration for our categorisation of appearance-based action recognition methods.
}
\label{fig:infographic}
\end{figure*}
Contexts have been shown to be advantageous for various computation tasks \cite{chen2020recursive,chen2017spatial,zhao2017pyramid}, including action recognition. Context features can be used to augment individual features or emphasise them by including the relationships to other features. Context representations for action recognition can be either the global video context in order to make sure key frames featuring the action are sampled \cite{kar2017adascan,wu2019liteeval,wu2019adaframe} or the global feature volume context to facilitate higher level reasoning across a wide spatio-temporal extent for representing actions \cite{wang2018non}. Despite the benefits, the extraction of the context features can be more time-consuming in pursuing higher accuracy.
In summary, our categorisation can be summarized in figure \ref{fig:categorisation} with a detailed explanation in the following section. In the rest of this paper, we will discuss each category of reviewed methods providing comparisons within the context of our categorisation. For example, Section \ref{sec:2d} and Section \ref{sec:3d} describe the 2D convolutional methods and 3D convolutional methods, respectively. We then review motion-based methods in Section \ref{sec:mot} and context-based methods in Section \ref{sec:ctx} subsequently. In Section \ref{sec:exp}, we will briefly analyse the quantitative performance of each of these methods and attempt to draw conclusions as to promising directions for future appearance-based action recognition research.
\section{Overview}
\subsection{Problem Definition}
We expound our definition of action recognition and our categorisation methodology with the following definitions. In general, action recognition methods specify the function $\mathcal{F}$ which takes as input an ordered set $X$ of sampled frames from an input video to estimate the class $y$ of the action presented in the video:
\begin{equation}
y = \mathcal{F}(X, \mathcal{W}),
\label{eq:def}
\end{equation}
where the function $\mathcal{F}$ is parameterised by $\mathcal{W}$.
Given the ground-truth action class $\hat{y}$ for each video, action recognition can then be formulated as a learning problem described by
\begin{equation}
\argmin_\mathcal{W} \mathcal{L}(y, \hat{y}),
\label{eq:loss}
\end{equation}
where $\mathcal{L}$ is some loss function representing the semantic deviation of the recognised action $y$ and the true action class $\hat{y}$.
Training regimes that implement this problem enable action recognition methods to realise a parameterisation $\mathcal{W}$ with satisfactory estimations of the action class of any video for testing or inference.
In practice, $y$ and $\hat{y}$ are represented by non-negative integers, each of which describe an action like laughing or running.
According to different strategies to model temporal or spatial features from visual appearances in $X$, we categorize current deep learning methods for appearance-based action recognition into four major types.
\subsection{Method Formulation}
The first type of methods, \textit{i.e.} 2D convolutional methods, tend to focus on the modeling of the spatial information of each frame from $X$.
This type of methods generally process the the sampled individual frames from $X$ separately. Consider that $X$ has sampled $n$ subsequent frames from the video:
$X = \{x_1, x_2, \dots , x_n\}$,
where $x_i$ represents a single frame in $X$ and $i$ spans the total number of frames within the sampled video sequence.
Then, by using the form of equation \eqref{eq:def}, 2D convolutional methods can be described by the following function:
\begin{equation}\label{eq:spatial}
y = \mathcal{F}((x_1, x_2, \dots , x_n),\mathcal{W}) = G(\bigoplus_{i=0}^{n} \mathcal{F}_{2D}(x_i, \mathcal{W}_{2D}), \mathcal{W}_G),
\end{equation}
where $\mathcal{F}_{2D}$ represents the function that models spatial visual appearances of each frame, $\bigoplus$ is some aggregation operation like concatenation, and $G$ is a function that maps the aggregated information to the desired output.
The function $\mathcal{F}_{2D}$ is commonly implemented by a 2D CNN.
The functions $\mathcal{F}_{2D}$ and $G$ have corresponding parameters $\mathcal{W}_{2D}$ and $\mathcal{W}_G$ such that $\mathcal{W} = \mathcal{W}_G \cup \mathcal{W}_{2D}$. Note that, in some cases, $G$ is not parameterised such that $\mathcal{W}_G = \emptyset$.
Although some real world action classes can be directly recognised by the static content of an individual frame, there many cases in which temporal information is important for successful recognition. 3D convolutional methods propose to apply 3D convolutions on the $X$ to obtain temporal information and to facilitate inter-frame reasoning. Comparing to the 2D convolution which operates on images with two spatial dimensions, the 3D convolution operates on the tensor formed by the stack of several subsequent frames form. Such stacked frames result in an additional time dimension. As a result, the spatio-temporal representation of actions can be modeled and encoded within the output features implicitly. A mathematical description of 3D convolutional methods can be described as:
\begin{equation}\label{eq:3d}
y = \mathcal{F}((x_1, x_2, \dots , x_n),\mathcal{W}) = \mathcal{F}_{3D}(\bigoplus_{i=0}^{n}x_i, \mathcal{W}_{3D}),
\end{equation}
where $\mathcal{F}_{3D}$ represents a 3D CNN parameterized by $\mathcal{W}_{3D}$.
Motion-based representations, such as the displacement of pixels occurring between adjacent frames, can be a useful and explicit inductive bias for action recognition.
This inclusion is typically fulfilled by the two-stream architecture framework which is described by the function:
\begin{equation}\label{eq:motion}
y = G(\mathcal{F}_{2D/3D} (X, \mathcal{W}_{2D/3D}), \mathcal{F}_{M} (R(X), \mathcal{W}_{M})),
\end{equation}
where the $\mathcal{F}_{2D/3D}$ parameterised by $\mathcal{W}_{2D/3D}$ denotes either 2D CNN or 3D CNN for modeling visual appearance, and $\mathcal{F}_{M}$ parameterised by $\mathcal{W}_{M}$ represents the function that extracts motion information.
The function $G$ aggregates classifications from the two streams with operations like simple averaging. $R$ denotes the transformation of input sample $X$ into a representation of the motion in $X$ which is then further processed into a motion representation for action recognition by the motion stream $\mathcal{F}_{M}$.
Lastly, context representation-based methods tend to incorporate additional useful information to complement the representation extracted with normal operations, aiming to improve the recognition performance of complex actions. In particular, complex actions are the actions
composed of many high-level subactions that can make it difficult to perform accurate recognition without representations of subactions and having these representations be accessible by the same model. An example of this is making tea where many subactions, such as `turning on kettle', `adding teabag' and `pouring', occur over a wide temporal extent. Sparse sampling of frames then makes typical modeling of $X$ difficult to obtain sufficient knowledge about whether the video contents present the action of making tea because some important cues may be ignored.
To this end, the global video representation can be the contexts to help ensure successful recognition. To sum up, the context-based method can be formulated with following function:
\begin{equation}\label{eq:context}
y = \mathcal{F}_{2D/3D} (\mathcal{F}_{C} (X, X', \mathcal{W}_{C}), \mathcal{W}_{2D/3D}),
\end{equation}
where $\mathcal{F}_{C}$ is the function, optionally parmeterised by $\mathcal{W}_C$, which either learns to augment the input sample $X$ with the video context computed using the input video $X'$ or simply returns the sample for feature volume context methods where the function $\mathcal{F}_{2D/3D}$ includes global connectivity.
For ease of understanding, the summary and detailed categorization of the reviewed methods are visualised in figure \ref{fig:infographic}.
\subsection{General Discussion}
Considering the rapid development of 2D CNNs in computer vision, it is straight-forward for 2D convolutional methods to apply cutting-edge 2D CNNs for action recognition. For example, 2D convolutional methods can enjoy the explicit transferability from image recognition by exploiting thoroughly researched architectures with pre-training on large image recognition datasets like ImageNet \cite{russakovsky2015imagenet}. 2D convolutional methods can also take advantage of very efficient designs of 2D CNNs like \cite{tan2019efficientnet,tan2019efficientdet} to reduce the computational costs for recognizing actions. However, the model capacities of these 2D convolutional methods could be limited because 2D CNNs are commonly optimized according to the recognition based on spatial visual cues from still images. They generally lack the ability to model temporal information comprehensively.
On the contrary, the power of 3D convolutional methods is undeniable from a purely quantitative performance perspective. This performance may be explained to some extend by a number of advantages 3D convolutional methods enjoy. Firstly, they have much higher capacity due to the additional convolution dimension parameters. This advantage can be significantly useful with the development of much more difficult datasets such as those with very little representation bias or security applications where subjects are adversarially masking their own action. Secondly, 3D convolutions are a relatively generic operation that can be customised, such as by changing the receptive field, to accommodate future advances in deep learning as a whole. The inductive bias that motivates convolution over a given dimension also applies to the temporal dimension. Despite these advantages, the major problems of 3D convolutional methods include the considerable computational costs and the great difficulty for optimizing 3D CNNs. In particular, by introducing an additional dimension, the clip-based nature of 3D methods typically results in sampling vastly more frames in total. Some 3D methods samples 10 times more frames than comparable 2D methods which directly increases computation costs by that same factor ignoring the further costs associated with the larger kernel. Besides, the lacking large-scale video datasets for the pre-training of 3D CNNs and the extra model dynamics accompanied by larger model capacities would pose significant difficulty for training 3D CNNs properly.
In addition to 2D/3D convolutional methods which focus on the backbone network for action recognition, motion-based and context-based methods tend to better achieve the recognition task by introducing extra auxiliary information. Motion-based methods provide particular advantages to architectures by including motion information such as optical flow inherited in videos. This inclusion can take place as an auxiliary motion stream which is entirely supplementary and as such is entirely compatible with other methods. Although spatio-temporal representation methods such as 3D convolutional methods already have the capacity of subsuming motion representations, motion-based studies often experience additional performance gains by incorporating a motion stream. In practice, however, the introduction of motion-based representation is usually at the cost of doubling the computational loads because it usually requires an additional backbone architecture and a pre-processing step to transform the temporal visual information to a preliminary representation of its motion. The introduced computational loads may also make it infeasible for some applications which need real-time processing speed.
Context-based methods usually introduce the global representation of the entire video to extract extra visual cues for improving action recognition. These methods can reason across very wide spatio-temporal receptive field with the potential to encompass the entire volume in a given layer. This can be achieved even in the early layers of the network, enabling features with long-term dependencies to be extracted earlier. The extraction of contexts usually comes at only modest computational costs and can complement the representation of many actions of interest which are difficult to describe with sampled frames only.
In addition to simply augmenting features, contexts can also be configured to massively reduce the number of frames required to recognise actions by learning to sample salient frames. This also has a further advantageous side effect of using context to emphasise these salient frames improving performance. Both forms of contextual information are compatible other action recognition methods including those from other methods and subsequent backbone CNNs either as a modular residual layer or as simply a function that alters the input either adding context or transforming it based on the context.
\section{2D Convolutional Methods}
\label{sec:2d}
Based on the typical single-frame architecture \cite{karpathy2014large}, 2D convolutional methods commonly study how to better exploit temporal information with 2D CNNs for the action recognition task. Based on different strategies of encoding temporal information, current 2D convolutional methods can be further described by two sub-categories. The first group is to enable temporal interaction between frame-level features in the input or at various depths throughout the 2D CNNs. We name this group as feature-based 2D convolutional methods. For the second group of methods, the classification heads, or classifier, of the 2D CNNs are comprehensively studied so that inter-frame reasoning and temporal reasoning can be subsumed at the highest level of abstraction. A brief illustration about some typical methods of these subcategories are shown in table \ref{tab:subcat2d} for clarity.
\begin{table}
\begin{center}
\resizebox{\columnwidth}{!}{%
\begin{tabular}{rl}
\hline
\textbf{Feature-based} & \textbf{Main Contributions}\\
\hline
TSN \cite{wang2016temporal} & Uniform sampling, multimodal Video Consensus \\
MDI \cite{bilen2016dynamic} & 2D video summarisation of input \\
STCB \cite{wang2017spatiotemporal} & Bilinear fusion of streams \\
TSM \cite{lin2019tsm,chen2018biglittle,sudhakaran2020gate} & Temporally shifting channels \\
\hline
\textbf{Classifier-based} & \textbf{Main contributions}\\
\hline
LSTM \cite{donahue2015long,yue2015beyond,sun2017lattice,sudhakaran2019lsta} & LSTM classifier\\
ActionVLAD \cite{girdhar2017actionvlad} & Closest learnt descriptor with residual vector\\
SVMP \cite{wang2018video} & SVM hyperplane descriptor\\
\hline
\end{tabular}
}
\end{center}
\caption{Subcategories and summary of some typical 2D convolutional methods.}
\label{tab:subcat2d}
\end{table}
\subsection{Feature-based Methods}
Feature-based methods were pioneered with various forms of temporal fusion including the simplest form of single-frame processing \cite{karpathy2014large}. Later studies then focus on the more specialised feature extraction techniques and more effective training regimes.
The very typical work authored by Karpathy et al. \cite{karpathy2014large} comprehensively investigate the performance of CNN architectures for large-scale action recognition using the first dataset of its kind which they introduce therein. The authors compare a variety of architectures for encoding temporal features with 2D CNNs, including the single frame-based model, the model with late fusion, the model with early fusion, and the model with slow fusion. Each of these architecture recognises actions based on randomly sampled clips of contiguous frames with clips being averaged for test time video-level classification. In this study, it has shown that the performance is not very sensitive to the architectural details of encoding visual changes along time, even for the sport videos with more dynamic appearances.
Following \cite{karpathy2014large}, researchers have tried to develop more effective feature extraction architectures to model connectivity along time for action recognition. For example, there exists a group of methods which perform feature extraction that is capable of modelling temporal interactions either in the input or in latent space as with the early fusion and slow fusion, respectively. Bilen et al. \cite{bilen2016dynamic} pool video features into a single `dynamic' image enabling powerful 2D CNNs to be directly applied to videos. This is achieved through approximate rank pooling which the authors extended to be applicable to feature maps as well as videos represented by other modalities such as optical flow. Wang et al. \cite{wang2017spatiotemporal} extend feature extraction methods to two-stream architectures by using cross-stream correspondences to model temporal interactions. These correspondences are extracted hierarchically using bilinear fusion.
Lin et al. \cite{lin2019tsm} propose a fully 2D decomposition of 3D convolutions which involves temporally shifting a portion of channels and folding the multiplication and accumulation operations for the time dimension into the one that is performed along the channel dimension. Specifically, a fraction of the channels in each layer are shifted by one voxel in the time dimension, half forwards, half backwards.
The resulting features outsource temporal interactions to the channel dimension as with slow and early fusion methods.
Fan et al. \cite{fan2019more} extend the receptive field of these temporal shifts using the Big-Little Net image recognition model \cite{chen2018biglittle}. This model features one stream with a high channel capacity which operates at a low spatial resolution and another stream operating at a high resolution but without as many channels. The features from the two streams are aggregated throughout the network allowing interaction between the streams.
To extend the limited receptive field, the authors propose a module which is interleaved with convolutional layers and entails weighting feature channels with depth-separable convolutions and aggregating neighbouring channels within a hyperparameterised temporal window.
Sudhakaran et al. \cite{sudhakaran2020gate} propose a different extension to temporal shifting where the shifting mechanism is discriminitvely learnt. This is achieved using adaptive gating which learns to shift channels forward or backward in time where the modes of the activation function computing the average or difference of shifted channels.
Derived from \cite{karpathy2014large}, another group of methods implicitly refine the learnt features to emphasise temporal reasoning which is otherwise lacking in 2D CNN architectures. Wang et al. \cite{wang2016temporal} propose to capture long-term temporal dependencies by sparsely sampling snippets uniformly and by providing a video level supervisory signal rather than a snippet level one. Snippets, in this case, are composed of a stack of 5 frames for the motion stream within their two-stream architecture, along with a single frame for the appearance stream.
Roberto de Souza et al. \cite{roberto2017procedural} observe that there is more space to utilise procedurally generated data which can emphasise the temporal evolution of the appearance of frames. The authors validate that synthetic video data can impose regularising effects when trained jointly with small real world datasets. Rather than implicitly learn temporal interaction with the supervisory signal or selection of data, Fernando et al. \cite{fernando2017self} propose to set an explicit, temporally focused self-supervised learning task, odd-one-out. This is where a 2D CNN learns to correctly ascertain which, of a number of videos, has had the ordering of its frames perturbed. This method encourages the learning of meaningful semantic features as it uses both positive and negative examples each iteration. Lin et al. \cite{lin2018action} propose a framework that learns coarse-to-fine grain representations using early prediction losses on coarse grain feature maps as well as coarse grain meta-class losses with the ground-truth being approximated by a lightweight CNN.
\subsection{Classifier-based Methods}
Rather than feature-based methods, classifier-based methods generally investigate effective mechanisms to model action across time with the most abstract visual features extracted with 2D CNNs. There are two main groups of classifier-based methods. The first group all use classifiers capable of temporal reasoning such as long short-term memory (LSTM) from the RNN family of neural networks. The second group assume that actions can be uniquely identified by appearance and/or motion features and, thus, do not require specific temporal reasoning for classification. These methods opt to directly exploit this inductive bias in the design of the classifier.
The first method to utilize LSTM is that of Donahue et al. \cite{donahue2015long} who enable the modelling of long-term spatio-temporal dependencies of actions. They first compute two-stream CNN features for each frame in a given clip. Then, they process the 2D CNN features sequentially using an LSTM with the final clip level prediction being the average of its outputs at all time steps. Subsequent methods increase the capacity of this LSTM classifier. One such method is proposed by Yue-Hei Ng et al. \cite{yue2015beyond} which performs spatial max pooling over CNN feature maps for the whole video and aggregates these features using a stack of five LSTMs. The final classification is the linearly weighted average of the LSTM stack outputs such that the output for the first frame has 0 weight and the last has 1.
The authors also propose a novel training technique whereby the bulk of the training can be done on very few or even a single frame with fine-tuning being done at progressively higher numbers of frames. Sun et al. \cite{sun2017lattice} claim that these methods do not allow modelling of long range dependencies in the spatial dimensions due to local patching and max pooling, respectively. To alleviate this, the authors propose the Lattice LSTM ($\textrm{L}^2$STM) which learns separate state transition functions for each pixel location and facilitates inter-pixel interactions with a recurrent attention layer. Sudhkaran et al. \cite{sudhakaran2019lsta} are motivated by the fact that videos are biased towards consistent movement across time to propose the long short-term attention classifier. This modified version of an LSTM applies spatio-temporal attention to the input features using learnt latent category filters which are processed into the attention map by an additional RNN. The category filters are pooled over in order to track the most important latent categories, such as types of object, across space and time.
A further group of methods utilise inductive biases in the form of video level descriptors which isolate the key discriminitive semantics in high level feature maps for classification. Girhar et al. \cite{girdhar2017actionvlad} consider the semantics of an actions as a set of high level appearance and motion feature descriptors/subactions. This concept is related in the form of an example of the `basketball game' action class which can be recognised by running and jumping subactions as well as appearance descriptors for basketballs and hoops. The authors introduce this inductive bias to two-stream action recognition methods via the proposed ActionVLAD which is the conceptual extension of NetVLAD \cite{arandjelovic2016netvlad} to the temporal dimension.
In another study, Wang et al. \cite{wang2018video} observe that methods of aggregating frame level features over time overly bias recognition towards appearance features that are commonly between many classes. They assume that there exists at least one frame whose appearance features enable correct recognition.
Under these assumptions, successful recognition requires disentangling the key feature of this frame from the redundant remainder of the video. In practice, the authors learn an SVM hyperplane to separate this unknown feature from the rest and use the parameters of this hyperplane as a descriptor for the entire video thereby pooling over all the features. This hyperplane is learnt discriminatively and thus can train end-to-end.
\subsection{Discussion}
Despite that both the surveyed feature-based methods and classifier-based methods show promising results for action recognition, the major difference of both groups is the depth at which this reasoning is performed.
Feature-based methods are able to perform temporal reasoning at multiple levels, or depths, of abstraction within the CNN feature hierarchy before the spatial dimension are marginalised out. They are also able to refine their CNN descriptors in conjunction with added temporal reasoning. This has more potential to exploit the full advantage of the backbone 2D CNN for action recognition, but feature-based methods would require extensive retraining to accommodate. Conversely, classifier-based methods focus on the layers of the classifier or, for recurrent classifiers, the number of frames per sample. They are compatible with generic frame level 2D CNN descriptors, thus can be benefited from recent successful progress of 2D CNNs for image recognition. These methods also have the potential for greatly reduced computational costs. A drawback of classifier-based methods is that they use much shallower temporal reasoning with the depth being limited to the employed classifiers.
\section{3D Convolutional Methods}
\label{sec:3d}
Comparing to 2D convolutional methods, 3D convolutional methods study different strategies to improve the effectiveness of 3D CNNs for action recognition. Since 3D CNNs convolve an additional time dimension of input data, corresponding researchers mainly focus on how to better obtain and utilise the temporal information with 3D CNNs. We further categorise 3D convolutional methods into two groups. The first group develops advanced 3D CNN structure for describing temporal information, and the second group studies improved pre-training mechanisms to improve performance for kernels in 3D CNNs. We name the first group and the second group as feature-based methods and initialisation-based methods, respectively. A brief description of both groups of methods can be found in Table \ref{tab:subcat3d}.
\begin{table}
\begin{center}
\resizebox{\columnwidth}{!}{%
\begin{tabular}{rl}
\hline
\textbf{Feature-based} & \textbf{Main Contributions}\\
\hline
ST-ResNet \cite{feichtenhofer2016spatiotemporal,qiu2017learning,xie2018rethinking,tran2018closer} & 2D spatial and 1D temporal decomposition\\
AssembleNet \cite{ryoo2019assemblenet} & Neural architecture search\\
SlowFast \cite{feichtenhofer2019slowfast} & Dual frequency frame sampling\\
\hline
\textbf{Pre-training} & \textbf{Main Contributions}\\
\hline
I3D \cite{carreira2017quo} & Temporal replication of pre-trained 2D features\\
IG-Kinetics \cite{ghadiyaram2019large} & Large scale pre-Training \\
\cite{wei2018learning,dwibedi2019temporal,xu2019self,korbar2018cooperative,kim2019self,wang2019self} & Spatio-temporal self-supervised tasks \\
\hline
\end{tabular}
}
\end{center}
\caption{Subcategories and summary of representative 3D convolutional methods.}
\label{tab:subcat3d}
\end{table}
\subsection{Feature-based Methods}
The feature-based methods of 3D convolutional action recognition algorithms study different forms of 3D convolutional kernels. The first type of feature-based methods investigate fully 3D convolutional kernels as pioneered in \cite{ji20123d,tran2015learning}.
In Tran et al. \cite{tran2015learning}, the authors initiate their successful application to action recognition by using a homogeneous 3D CNN architecture. A large-scale dataset is also introduced for pre-training in order to reduce the degree to which 3D kernels overfit. Hara et al. \cite{hara2018can} analyse this susceptibility by applying various 3D residual CNN architectures to both large and small-scale datasets, finding that the latter indeed induce overfitting. Within the groups of residual architectures examined, trends similar to those of image recognition were observed with group convolutions being part of the best networks.
Luo and Yuille et al. \cite{luo2019grouped} utilise group convolutions with two groups, one made up of 2D convolutions and the other of 3D convolutions. The latter is allocated with a smaller fraction of the output channels to account for the large computational cost of the 3D kernel. The authors analyse the contribution of each of these groups finding that the 2D group's features are emphasised in earlier blocks and the 3D group's in the latter half of the network. In addition, Tran et al. \cite{tran2019video} find that channel interactions are a key determinant of action recognition performance such that only very deep models are able to balance the reduced channel interactions of group convolutions. The authors utilise depth-separable bottleneck 3D convolutions on very deep architectures enabling them to leverage the substantial regularising effect of channel separation. Chen et al. \cite{chen2018multi} propose a group convolutional architecture that uses both 2D and 3D convolutions. Its channel interactions are enabled by a `multiplexer' composed of inter-group point convolutions. This multiplexer operates on a smaller latent subspace and enables global information to be routed and aggregated across groups. Zhou et al. \cite{zhou2018mict} mix 2D and 3D convolutions such that their representations are concatenated and fused by further 2D convolutions. The parallel 2D branch frees up the capacity of the 3D convolutions to focus on more complex representations and balances the overall capacity towards spatial representations thereby accounting for the greater redundancy of temporal information in action recognition videos. Similarly, Wang et al. \cite{wang2018appearance} decompose the computation of appearance and relationship features with a 2D convolutional branch and 3D convolutional branch, respectively. The relation branch squares the 3D convolutional activities to attain inter-patch relationships which then undergo cross channel pooling. Choi et al. \cite{choi2019can} reduce the scene bias in 3D CNN architectures by formulating two auxiliary losses based on the outputs of a pre-trained human figure detector and a pre-trained scene classifier. As an example, the authors use the former's output to occlude the human figure in each frame and penalise confident classifications which must inherently be scene biased.
Besides full 3D convolution, another type of feature-based 3D convolutional methods attempt to decompose 3D convolutions to reduce computational cost and make learning easier. The decomposition commonly transforms 3D convolutions into the sequential application of a 2D spatial convolutions and a 1D temporal convolution.
Feichtenhofer et al. \cite{feichtenhofer2016spatiotemporal} augment 2D residual CNNs with temporal convolutions with kernel size $>1$ in some of its layers thereby resulting in the decomposed 3D convolutions which are explicitly designed by subsequent methods. Qiu et al. \cite{qiu2017learning} decompose the full, $3 \times 3 \times 3$ 3D convolution kernel into a spatial $3 \times 3 \times 1$ convolution and a temporal $1 \times 1 \times 3$ convolution. The authors examine three possible implementations: applying the spatial and temporal convolutions in parallel, sequentially or sequentially but with features maps from both stages being aggregated. They find that interleaving all three throughout the network performed best but later studies reverted to homogeneous architectures finding those to be superior. One such study is that of Tran et al. \cite{tran2018closer} which also showed that both test and training error was reduced by decomposing 3D convolutions, suggesting that they are easier to optimise rather than them inducing a regularising effect. They also find that the performance of 3D CNNs, relative to 2D, increases as clip length does which motivated them to further improve the performance of their decomposed 3D CNN architecture by fine-tuning them on longer clips. Xie et al. \cite{xie2018rethinking} proposed another decomposed architecture but also find that, when removing temporal convolutions from different layers in the network, architectures which retained them in the layers at the top of the network were superior to those which used them in the early layers. Li et al. \cite{li2019collaborative} proposed a different decomposition where they split the 3D kernel into intersecting planes by processing each combination of dimensions, or `view' of the spatio-temporal feature volume, with a weight shared 2D convolution, and concatenating the resulting feature maps.
In addition to directly decomposing 3D convolutions, many methods propose various methods to refine the features they learn.
Feichtenhofer et al. \cite{feichtenhofer2017spatiotemporal} encourage feature correspondence between the two-streams of 3D CNNs using asymmetric multiplicative gating of the appearance stream with features from the motion stream. Zhao et al. \cite{zhao2018trajectory} claim that decomposed 3D CNNs ought take into account the misalignment of spatial features caused by motion. They propose to realign kernels across time using deformable convolutions. Rather than learning adaptive deformable kernel offsets, the authors use an optical flow field of the input feature maps approximated by a CNN \cite{zhu2018hidden}. Ryoo et al. \cite{ryoo2019assemblenet} investigate the structure of decomposed 3D CNN architectures using neural architecture search with the search space constrained to the connections between modality streams and the temporal resolution of each of these streams in the form of dilated temporal convolutions. The optimisation used for the architecture search is a genetic algorithm which is guided by epigentic principals by weighting stream connection mutations by discriminatively learnt gating parameters. He et al. \cite{he2019stnet} propose to further reduce the computational cost of decomposed 3D convolutional methods by stacking input frames into a super-image of 5 frames thereby subsuming the clip dimension into the channel dimension. To facilitate interaction between the temporal and channel dimensions the authors propose a block consisting of depth-separable convolution and subsequent temporal convolution. Feichtenhofer et al. \cite{feichtenhofer2019slowfast} observe that the inductive bias that motivates 2D convolutions, that both spatial dimensions are isotropic, does not hold for the temporal dimension of 3D convolutions. The authors propose a slow fast dichotomy of spatio-temporal features to align with orientation biases present in human actions. This is implemented by factorising the spatio-temporal modelling of a decomposed 3D CNN into two streams with a low frame rate stream with many channels for slow spatial semantics and a stream for fast motion with a much higher frame rate offset by proportionally fewer channels. Kim et al. \cite{kim2020regularization} propose to regularise decomposed 3D CNNs by perturbing the low frequency signal in action recognition videos which the authors show to be less important to successful recognition than the high frequency signal. This is achieved by 3D average pooling over the feature volume yielding the smoothed low frequency signal which is perturbed by a sampled scalar during training and residually connected to the original feature map with the high frequency signal intact.
\subsection{Pre-training Methods}
Based on 3D CNNs, researchers analyse pre-training mechanisms mainly to provide a pre-training that, after training on action recognition datasets, yields better performance, or to achieve comparable performance to normal supervised pre-training without needing access to any labelled data pre-training data.
In particular, there is a group of pre-training methods that propose alternatives to normal supervised pre-training. Carreira and Zisserman \cite{carreira2017quo} enable the use of image recognition datasets for pre-training 3D convolutional action recognition methods by inflating the weights of pre-trained 2D convolution layers to 3D which involves, simply, replicating weights across the time dimension. This is analogous to being trained on very boring videos where a only single frame is repeated across time. Despite the success of this technique, Ghadiyaram et al. \cite{ghadiyaram2019large} later demonstrated that pre-training 3D networks with video data is vastly superior to pre-training on image data. Their proposed initialisation method was to pre-train action recognition models using a huge dataset of 65 million weakly labelled (tagged) videos which they also split into frame level image samples to facilitate a fair comparison with image-based pre-training.
In the absence of vast quantities of labelled data, self-supervsied learning presents and alternative means of providing a good pre-training scheme for action recognition models by learning some intrinsic characteristic of unlabelled videos. Wei et al. \cite{wei2018learning} propose the self-supervised learning task of explicitly learn the arrow of time where optical flow is computed and used to classify videos playing forward and videos playing backwards. Korbar et al. \cite{korbar2018cooperative} also introduce another modality in their audio-visual temporal synchronisation learning task. The supervisory signal used by this method is whether a pair of sampled visual and audio clips from a video are sampled over the same time interval or different intervals from the video. Dwibedi et al. \cite{dwibedi2019temporal} propose a self-supervised learning method which involves learning a 3D convolutional embedding space for video frames. The network which performs the mapping is trained using a cycle consistency loss which is zero if, for two given frames from different videos, they are each others nearest neighbours in the embedding space. The authors quantify the level of inconsistency by recasting this loss as a regression task with a Gaussian prior. Xu et al. \cite{xu2019self} investigate the clip order prediction learning task which deviates from existing methods that use the true ordering of random permutations of the input in that the permutations are done to temporally contiguous clips rather than individual frames. Kim et al. \cite{kim2019self} extend this method to include spatial semantics. Here, the supervisory signal is either the correct temporal ordering of clips sampled from a spatial quadrant of a video or the correct spatial configuration of spatial quadrants sampled from a quarter of the temporal extent of the video. By sharing weights across quadrants, the model learns to solve both spatial and temporal puzzles, alternately. Directly modelling brightness through pixel intensities, as is done throughout computer vision, can potentially be fraught with challenging sources or modulators of light other than that of the semantic class the image belongs to. Alayrac et al. \cite{alayrac2019visual} propose to disentangle these confounding layers by training a model with the task of reconstructing two separate videos from their blended, convex combination. Although not investigated by the authors, this task can be recast as a self-supervised learning problem. Wang et al. \cite{wang2019self} propose yet another self-supervised method which is to regress various statistics computed on spatial blocks of the video. The authors split the spatial extent of videos into blocks, pinwheels and concentric squares with each pattern being learnt, concurrently. The statistics regressed for each are the greatest and least of both colour diversity and motion, over the temporal dimension as well as the colour and motion directions themselves for the appearance and motion streams, respectively.
\subsection{Discussion}
Comparing the two groups of 3D convolutional methods, feature-based methods make efficient use of CNN capacity whereas pre-training methods make the difficult process of learning temporally convolutional representations easier.
Feature-based methods are generally able to better extend model capacity of 3D CNNs for action recognition and can achieve promising results by training from scratch. Pre-training methods, on the other hand, have the potential to take advantage of larger-scale unlabeled data and can be readily applied to future architectural developments for 3D CNNs.
\section{Motion Representation-based Methods}
\label{sec:mot}
\begin{table}
\begin{center}
\resizebox{\columnwidth}{!}{%
\begin{tabular}{rl}
\hline
\textbf{Optical Flow-based} & \textbf{Main Contributions}\\
\hline
Simonyan and Zisserman \cite{simonyan2014two} & Two-stream architecture \\
FcF \cite{piergiovanni2019representation} & Second order optical flow \\
D3D \cite{crasto2019mars,stroud2020d3d} & Distilled optical flow features \\
\hline
\textbf{Motion Feature-based} & \textbf{Main Contributions}\\
\hline
CoViAR \cite{wu2018compressed} & Model motion features based on compressed videos\\
OFF \cite{sun2018optical} & Optical flow-guided features\\
\hline
\end{tabular}
}
\end{center}
\caption{Summary of representative motion representation methods.}
\label{tab:subcatmotion}
\end{table}
Rather than encoding temporal information in backbone networks implicitly, there are many papers that propose to extract motion patterns from video explicitly to facilitate the action recognition. The first of such motion representation-based action recognition can be found in
a two-stream architecture featuring a motion stream \cite{simonyan2014two}.
Following methods can be roughly described by two types, \textit{i.e.} the ones that extract optical flows and the ones that learn motion features that can be complementary to optical flows. The former ones compute optical flow from subsequent frames to facilitate recognition or use CNN layers to approximate optical flow, enabling motion representations whose input modalities can be optimised for the learning task. The latter ones
then learn motion features from frames implicitly. We present brief descriptions of some typical methods from this category in Table \ref{tab:subcatmotion}.
\subsection{Optical Flow-based Methods}
Optical flow-based methods can directly compute optical flows to represent motions. For example, Simonyan and Zisserman \cite{simonyan2014two} proposed a two-stream architecture where one CNN is the appearance stream operating on RGB frames and the other is the motion stream whose input is a stack of optical flow frames algorithmically computed using many adjacent RGB frames.
The algorithm used to compute optical flow here and in all subsequent methods is described in TV-L1 \cite{zach2007duality}. The authors found that optical flow is superior to computing trajectories or
bi-directional flow, but optical flow
should be normalised using the mean vector to help compensate for camera movement. As the motion stream cannot be initialised from image recognition pre-trained models, the authors regularise this stream with multi-task learning.
Besides, researchers also tend to approximate optical flow using neural networks. Fan et al. \cite{fan2018end} learn motion representations by unrolling a fixed number of optical flow algorithm iterations as layers within a CNN. The authors derive this layer directly from the optimisation of the TV-L1 algortihm with gradient computations being substituted for convolutions with specific kernel instantiations and bicubic warping substituted for bilinear interpolation. The authors go further by relaxing the values of the convolutional kernels to be parameters that are discriminitvely trained using the combined loss of reconstructing TV-L1 optical flow as well as the action recognition loss of the downstream task. Piergiovanni and Ryoo \cite{piergiovanni2019representation} extend this method in two ways. Firstly, the algorithm hyperparameters, such as for the regularisation term and smoothness control, are also learnt discriminatively and shared across layers. Secondly, the optical flow blocks are hierarchically stacked to compute the flow-of-flow which is an abstract representation of the optical flow of similar motion patterns across frames. This is not possible for traditional optical flow as flow representations violate the brightness consistency constraint.
In addition, some methods learn optical flow within a single-stream architecture by utilising a two-stream architecture as supervision during training. Gao et al. \cite{gao2018im2flow} use unsupervised learning to train a CNN to estimate optical flow on previously unseen images. The output of this CNN is used by the motion stream of a two-stream architecture. It then avoids the computation of optical flow during testing, resulting in significantly faster inference.
Crasto et al. \cite{crasto2019mars} distil pre-trained motion stream features with optical flow input to an untrained appearance stream network with RGB input. The last layer of the network is then fine-tuned with the supervised task loss resulting in an emulation of the motion stream. The authors also train with both losses yielding a motion augmented appearance stream subsuming the two-stream architecture into a single CNN. Stroud et al. \cite{stroud2020d3d} extend this method to 3D CNNs in order to investigate whether 3D convolutions are able to completely subsume motion representations as their spatio-temporal nature would suggest. S3D-G \cite{xie2018rethinking} is used as a baseline architecture trained with the same distillation to which is added an optical flow decoder to measure the presence of optical flow information within the latent features of early network layers.
In particular, the authors found that
improving motion representations does not improve performance, but improving action recognition performance improves latent motion representations.
\subsection{Motion Feature-based Methods}
Motion feature-based methods mainly learn motion features based on implicit motion cues present in compressed video. For example, Wu et al. \cite{wu2018compressed} find that action recognition methods can be confounded by the excess of information contained within videos and propose to apply CNNs on compressed videos. Three types of coding present in compressed videos are modelled together.
The authors accumulate residuals and motion vectors such that each of these predictive frames depends only on the intra-frame coding and separate CNN streams can be learnt for each type of coding. This approach lowers computational costs and has a reduced chance of overfitting.
This method also enables learning motion representations without computing optical flow (although it is shown to be orthogonal).
However, fine grain motion details are lost due to the accumulated residuals being blocked together and the accompanying motion vectors being very low resolution. To address this issue, Shou et al. \cite{shou2019dmc} learn motion representations using both motion vectors and accumulated residuals, together, as they are strongly correlated and contain complementary information. This is performed by a lightweight CNN architecture of densely connected layers \cite{huang2017densely} with a skip connection for the motion vector input such that the CNN learns a refinement to motion vectors which are already an approximation to optical flow. The network is trained using additional reconstruction and adversarial losses with both being computed using optical flow which is then not needed for inference.
Another significant body of work dispenses with optical flow and encode motion representations within the appearance stream of single-stream architectures. Sun et al. \cite{sun2018optical} represent motion by applying optical flow inspired operations to the feature maps of 2D CNNs separated over time. This is achieved by an optical flow guided feature network which is trained separately and comprises OFF blocks interleaved with residual blocks.
Lee et al. \cite{lee2018motion} propose a similar block which pairs temporally adjacent feature maps, shifts one of them in each of the 8 cardinal pixel directions, subtracts these shifts from the other, and aggregates each of these together with the original features.
These blocks are directly interleaved with the appearance blocks.
Such one pixel shift is capable of capturing expressive motion due to the much larger and varying size of the receptive field in latent space relative to the input space.
Mac et al. \cite{mac2019learning} propose another similar block but which has the advantage of being adaptive to the given input by utilising deformable convolutions \cite{dai2017deformable}. Deformable convolutions can learn adaptive positional offsets for their receptive fields. The authors use this deformable receptive field as approximate key point detection. They hypothesise that if these deformation offsets pertain to the same locality across frames, then motion representations can be computed using the change in the vectors implied by the deformation offsets of temporally adjacent frames.
Moreover, Jiang et al. \cite{jiang2019stm} propose a motion encoding module which uses point convolution to distribute the channel dimension over a number of branches equal to the number of frames in the temporal dimensions. Each branch performs a spatial convolution which is point-wise subtracted from the original features of the temporally previous branch with all branches being concatenated and point convolved back to the starting coordinate space.
\subsection{Discussion}
In computer vision, optical flow is a well-developed feature to represent the movements of visual contents in local areas and neighboring frames. Incorporating optical flow in action recognition is straight-forward and promising, but the extraction of optical flow requires careful designs. Traditional ways may not carry high-level abstract information to describe motions accurately, while deep learning-based optical flow computation requires mindful pre-training or approximation. Sometimes the computation is also costly. To this end, many recent studies tend to introduce specifically designed deep learning architectures to extract motion information within feature representations implicitly. Further, these motion feature-based methods can be directly optimised with the loss function of base action recognition methods.
By comparing both types of methods, however, optical flow still attracts significant interests from researchers, thanks to its well-established theories and applications.
\section{Context Representation-based Methods}
\label{sec:ctx}
Context representation usually refers to additional information that is beneficial for the recognition on local instances.
It has been widely agreed in computer vision that context representation is usually helpful for improving performance.
According to our survey, context representation methods exist in two subcategories (shown in table \ref{tab:subcatcontext}) based on the level of abstraction that the incorporated context is sourced from. The first subcategory of methods uses feature volume contexts which represent the contexts of a single feature derived from the rest of the features in the volume and can be considered global at the sample level. The second subcategory pertains to video context methods which represent the context for the current sample using global video features outside of the sample. Table \ref{tab:subcatcontext} shows some typical methods of this category.
\begin{table}
\begin{center}
\resizebox{\columnwidth}{!}{%
\begin{tabular}{rl}
\hline
\textbf{Feature Volume Contexts} & \textbf{Main Contributions}\\
\hline
NL \cite{wang2018non} & Global self-attention\\
GCN \cite{wang2018videos} & Graph convolution over grouped features\\
TimeCeption \cite{hussein2019timeception} & Large temporal kernel\\
V4D \cite{zhang2020v4d} & Convolution over clip dimension\\
\hline
\textbf{Video Contexts} & \textbf{Main Contributions}\\
\hline
AdaScan \cite{kar2017adascan,wu2019liteeval} & MLP frame selector\\
AdaFrame \cite{wu2019adaframe} & RL LSTM frame selector\\
\hline
\end{tabular}
}
\end{center}
\caption{Subcategories and summary of representative context representation methods.}
\label{tab:subcatcontext}
\end{table}
\subsection{Feature Volume Contexts}
Methods which use feature volume contexts can be further described by three main groups.
Attention-based methods attempt to represent abstract sub-actions earlier in the network by exceeding the local constraints of the CNN kernel with attention mechanisms.
In addition, graph-based methods enable the composition of sub-actions into complex actions by explicitly modelling groups of features using group representation. Other methods enable the the modelling of the global feature volume context with novel classification heads such as by simply using multi-scale temporal resolutions with global receptivity.
Attention-based methods utilise discriminatively learnt attention to facilitate global connectivity within the feature volume. Wang et al. \cite{wang2018non}, inspired by the success of recent self attention models for natural language processing and the denoising method of non-local means for computer vision, proposed the non-local block for modelling long-term spatio-temporal feature volume context. The proposed block is a generic abstraction of self attention and, for each feature, aggregates its signal with the average of all others in the feature volume weighted by the similarity or relationship to its signal.
Chen et al. \cite{chen20182} propose a double attention module which is a special case of the non-local block that preserves more information by using bilinear pooling, instead of an embedded Gaussian, as its relationship function. Bilinear pooling computes the outer product of the two module inputs which are a dimensionality reduced feature map and a softmax attention map computed with the same features. Another branch of separate attention masks then adaptively routes these global features to the feature in the input they pertain to. Liu et al. \cite{liu2019learning} enrich non-local blocks with a semantic space learnt by an MLP which represents the displacements of the top $k$ inter-frame spatio-temporal correspondences. Diba et al. \cite{diba2018spatio} propose a residual block to model global channel correlations by spatial and spatio-temporal pooling for spatial and temporal branches, respectively. Both branch outputs are processed by fully connected layers terminating in sigmoid functions yielding channel descriptors used for rescaling each input channel rather than full attention maps. Instead of learning adaptive attention maps, Qiu et al. \cite{qiu2019learning} represent the feature volume context in a stream parallel to CNN features with interactions between these global and local representations performed at each block and final representations being classified together by a novel kernel-based classifier. These interactions are residual connections with the signal first undergoing linear projections after global average pooling or upsampling for local to global and global to local connections, respectively.
Another group of methods utilise global connections between groups of features rather than between individual features. Wang and Gupta \cite{wang2018videos} proposed an action recognition method that utilises context representation at the object level rather than the feature level. Object level contexts are extracted based on bounding boxes which are predicted to contain an object in each box. Features of each detected box
undergo discriminatively learnt transformations to represent their relationships with other objects. The transformed features are then used to compute three adjacency matrices: pairwise object similarity, forward spatio-temporal proximity, and backward spatio-temporal proximity.
Graph convolutions are applied separately over each of these adjacency matrices to facilitate recognition.
Chen et al. \cite{chen2019graph} propose a module which maps to an interaction space defined by an adjacency matrix. The module is learnt based on dimensionreduction and multiplicative projection matrices. Group convolutions are applied to model relationships between features.
The same projection matrices, along with dimension expansion, are then used to revert to the original spatio-temporal coordinate space such that these global reasoning features can then be integrated with those from convolutional layers. Zhang et al. \cite{zhang2020v4d} utilise the clip dimension for grouping features into clips or 'action units' and propose 4D convolutions for modelling their relationships. This is implemented as an intermediate layer between feature volumes computed by 3D convolutional networks with shared weights operating independently on action units. These volumes are thus able to represent subactions recognised within each clip and can be reasoned with at a high level by the 4D convolution. To perform inference, the authors extend into a 5th dimension to enable averaging of clip level predictions as the typical clips are subsumed by their 4D convolution operator.
The last group of methods forego early feature volume context representation and only model contexts at the highest level of CNN abstraction within the classification head. Piergiovanni et al. \cite{piergiovanni2017learning} explicitly model subactions as attention filters. The filters are composed of multiple Gaussians with parameterised frame centre, width and stride (between Gaussians). These attention filters are applied to CNN features to weight their aggregation over time just prior to classification.
Zhou et al. \cite{zhou2018temporal} compute CNN features for different permutations of frames in ordered groupings of various sizes which are less than the total number of sampled frames. For each respective permutation size, an MLP computes a representation of relationships between frames at that grouping size scale. A further MLP aggregates instances of these frame relationship features which are finally summed to the recognised action. Hussein et al. \cite{hussein2019timeception} also apply multiple varied receptive fields to high level CNN features but implement it with a stack of temporal convolution layers instead. Each of these layers comprises of depth-seperable temporal convolutions of multiple varied kernel sizes. Martinez et al. \cite{martinez2019action} augment action recognition CNN architectures with an auxiliary classification branch that utilises cross-channel max pooling to produce spatio-temporally localised features. This takes advantage of the full feature volume context to separate similar classes using using fine-grain local cues of the explicitly modelled variants per class.
\subsection{Video Contexts}
Here, we refer video contexts as the information from broader video information beyond that of a given sample of frames. Methods that utilise video contexts can be described by 4 types.
The first type of video context representation-based methods are those that simply utilise the context of useful inductive biases for understanding videos.
A subsequent group of methods weights the aggregation of sample representations based on the context of the latent representations of other samples. Another group uses various forms of neural network to learn effective sampling patterns based on the entire video contexts. Lastly, a group of methods fully exploits dense sampling to account for the the entire video context to improve performance.
In particular, for the first group of methods, researchers utilise the video meta-contexts to perform sampling based on inductive biases relating to the video format and the task of action recognition. The TSN framework \cite{wang2016temporal} provides an example of where these inductive biases, pertaining to all videos, can be utilised to avoid the computational expense of dense sampling and to achieve efficient coverage of poorly localised actions. The inductive bias in this case is that dense sampling is not commensurate with the semantics of actions where proximal frames contain, on average, vastly more redundant information than distant ones.
The sparse sampling and video level supervision of the TSN framework is extended by Liu et al. \cite{liu2018t} for 3D CNNs which are able to incorporate video level context within the scope of the temporal receptive field. Temporal interactions across sparsely sampled frames combined with video level supervision enables learning features with some semblance of respect to the consistent sampling of frames that are unlikely to be proximal. Zolfaghari et al. \cite{zolfaghari2018eco} propose an architecture that improves on the efficiency of this method by stacking a 2D CNN with subsequent parallel processing by separate 2D and 3D CNN streams which enables the 3D CNN to reserve its capacity for learning high level video context features.
Subsequently, there are a group of methods which eschews computational efficiencies in favour of resolving frame importance in latent space. The latent space is not used retroactively for sampling but is used for weighted pooling of latent frame representations. Wang et al. \cite{wang2017untrimmednets} augment a two-stream framework with two key modules to enable informed pooling of clip level features by utilising global video information. The first module is a clip sampler which, rather than uniformly sampling clips, samples clips with respect to the start and end of different shots.
The second module learns to weight clip level representations discrimitively using either soft attention mechanisms to weight all clip level class scores or using multiple instance learning such that only the features of the most discrimitive clips are aggregated enabling more coverage for poorly localised actions. Kar et al. \cite{kar2017adascan} propose another adaptive pooling method. Given a set of frame level features extracted by a CNN, this method uses an MLP that is iteratively fed each frame level representation as well as the current pooled representation.
The MLP outputs an importance score for the current frame is used to rescale both the pooled representation and the current frame which are then aggregated. A regularising loss is further introduced to encourage sparse frame selection based on the inductive bias that most actions are identifiable by very few frames.
In another group of studies, researchers
utilise the video contexts to help identify which frames ought to be sampled for improving both localisation of sparse actions and the potential for computational efficiency. Korbar et al. \cite{korbar2019scsampler} propose to sample clips at test time using saliency scores. The authors use a light-weight CNN to quickly compute action class scores for each clip within the video with the saliency score being the magnitude of the max action class for each clip. Wu et al. \cite{wu2019liteeval} incorporate the sampler implicitly by learning whether to compute a fine-grain network's computationally expensive features. The decision is made depending on previous hidden state and the current input whilst computing coarse-grain features for all frames with light weight network. Both the fine grain network and the coarse grain network are instantiated by CNN-LSTMs. The decision to compute the expensive features is learnt by an MLP with optimisation being differentiable by a reparameterisation of the categorical distribution given by the binary output of the MLP. In another study, Wu et al. \cite{wu2019adaframe} utilise a reinforcement learning to perform frame sampling. They feed the features of the backbone CNN to a reinforcement learning `agent' LSTM with three output branches, including a frame selection policy, a classification of the video, and a prediction of how helpful sampling the next frame will be. The `agent' LSTM is supplemented by a very light weight CNN applied to the entire downsampled video whose features are attention queried with the previous time-step output of the `agent' LSTM, so that the most relevant parts of the global video context can be attended.
The last group of methods we review take a very different approach in which researchers perform computationally burdensome dense sampling in order to provide the full spatio-temporal feature volume contexts when recognising actions in sampled portions of video. Bhardwaj et al. \cite{bhardwaj2019efficient} attempt to preserve efficiency by only performing dense sampling during training where they disti the global video contexts learnt by a teacher network, trained on every video frame, to a student network which only sees a factor of those frames.
Wu et al. \cite{wu2019long} aggregate clip features extracted using dense sampling over a wide temporal window, yielding a feature bank which is then queried using short term features centred on this window for multi-class action recognition on untrimmed videos. This enables relating the objects and subjects in the current scene to the longer term context.
\subsection{Discussion}
Each subcategory of context representation-based methods elicits advantages but at commensurate computational costs. Feature volume context-based methods hierarchically augment features with global contexts and learn these augmentative connections discriminitively with the target task of action recognition. Computationally, these methods add little to the overall cost of underlying backbone architectures. The feature volume contexts deliver rich information for accurate recognition, especially combining with broad random sampling of many clips during inference. Video context methods require additional computing to extract features from the entire video, but this is sometimes offset by using lightweight networks or fewer-frame approximations to the video context. They are able to access information that other methods may not have access to.
Some of these methods directly optimise frame sampling which is a fundamental procedure in action recognition and enables much finer control over problems like representation bias where biased cues can be avoided for more robust representation.
\section{Experimental Results}
\label{sec:exp}
In this study, we conduct comprehensive quantitative analysis on the popular algorithms we have reviewed. We will list the detailed results of compared methods in this section.
\subsection{Evaluation Methods}
There are many action recognition datasets that provide effective evaluation on various methods. Action recognition datasets pose various challenges based on the properties of their constituent videos and actions classes. Action recognition methods are typically evaluated by computing the quantitative performance on a predefined test or validation set using a predefined training set. Mutually agreed upon benchmark datasets facilitate comparison between methods and can be targeted towards measuring whether each method addresses specific challenges.
The nature of datasets often determines the metrics by which quantitative performance is measured.
Action recognition datasets pose various challenges to the methods evaluated in this section, but dataset selection mediates the challenge of representing motion insofar as methods that address the challenge improve performance much more on some datasets than others. This can also be the case for datasets where temporal dynamics are emphasised and where temporal or spatio-temporal representations significantly improve performance. The sparse action challenge is pertinent for all datasets with some featuring specifically untrimmed videos but, even for those with predominantly trimmed videos, the granularity of the trimming may not be sufficient to perfectly localise the action. With a small granularity, samples will consistently retain blocks of frames that will not represent the action class. Many datasets feature complex action classes with some being solely comprised of them. Some benchmark datasets completely overlook the challenges of real world action recognition relying solely on powerful scene-based representations and other forms of representation bias which voids many possible applications and emphasises spatial representations.
In order to comprehensively illustrate the effectiveness of action recognition algorithms, we introduce their performance on various datasets. The datasets that feature for the methods reviewed in this article and which we use to compare them include:
\begin{itemize}
\item[] \textbf{UCF101}\cite{soomro2012ucf101}: 101 action classes. 9537 and 3783 training and testing samples, respectively, with an average duration of 7.21 seconds each. Representation biased emphasised by small dataset size.
\item[] \textbf{HMDB51}\cite{kuehne2011hmdb}: 51 action classes. 6766 total samples. Representation biased due to small dataset size.
\item[] \textbf{Sports1M}\cite{karpathy2014large}: Over 1 million total samples. 487 sports classes with strong representation bias owing to the consistency of scene correlations in sports-based videos.
\item[] \textbf{Kinetics400/600}\cite{kay2017kinetics,carreira2017quo,carreira2018short}: 306245/495547 total samples of approximately 10 second duration. 400/600 action classes with representation bias offset by large dataset size and diversity.
\item[] \textbf{Something-Something V1/2 (SS-V1/2)}\cite{goyal2017something}: 108499/220847 total samples of approximately 4 second average duration. 174 classes for both versions with an emphasis on temporal dynamics with, for example, the arrow of time being an essential feature for some action classes. This temporal emphasis is achieved by all actions being object agnostic and strong inter-class similarities e.g. `moving something and something so they pass each other' and `moving something closer to something'.
\item[] \textbf{Charades}\cite{sigurdsson2018charades}: 7985 training samples of 30.1 second average duration. 157 action classes featuring realistic depictions of complex everyday actions.
\item[] \textbf{Epic Kitchens}\cite{damen2018scaling}: Egotistical dataset of 39596 total samples focusing on fine-grain variations of both object and action. As such, this dataset comprises metrics for recognition of the object (noun), object agnostic action (verb) and the object-aware action resulting from the possible combinations of noun and verb. There are two main metrics for evaluation seen and unseen. Seen is where the same kitchens feature for training and testing and unseen is where only new kitchens are featured in the test set.
\item[] \textbf{Moments in Time (MiT)}\cite{monfort2019moments}: Over 1 million total samples of approximately 3 second duration each. 339 action classes noting that this dataset is not strictly for action recognition as per our definition as some of the action classes are not performed by humans but, with these in the vast minority, we include results for this dataset for completeness.
\item[] \textbf{ActivityNet 1.2/1.3}\cite{caba2015activitynet}: 100/200 classes and approximately 13000/28000 total samples. With 1365.5 average frames per sample, this dataset specifically features untrimmed videos.
\item[] \textbf{Diving48}\cite{li2018resound}: 16067 training and 2,337 test samples with an average of 159.6 frames each. Very little representation bias due to all samples of all 48 classes having the almost identical background of a competition diving pool.
\end{itemize}
To facilitate a fair comparison of surveyed methods, performance is given using widely used metrics and mediating factors are also taken into consideration for our analysis.
Performance is evaluated in either accuracy or mean average precision (mAP), the latter of which is the average of precision at each recall value averaged over each class. \textbf{Charades} and both versions of \textbf{ActivityNet} are multi-class datasets with performance being reported in mAP. All other datasets, herein, are single action and reported only in accuracy.
Although performance is often reported for clip and video level recognition, we do not consider clip level performance as a meaningful metric, especially, considering that it would lead to bias in favour of methods that process entire videos as a clip. The performance metric of top 5 accuracy is not included here for both clarity and brevity.
Another factor to be considered for a fair representation of relative performance is the extent that auxiliary data is used for pre-training, or otherwise, and modalities that are not sourced from RGB frames such as audio. It is the most descriptive of how methods vary within our proposed categorisation framework.
Lastly, although action recognition performance is also mediated by computational costs, there is not a unified hardware and software platform to implement all the compared methods. We omit the comparison of computational speeds in this paper.
\subsection{Results}
\begin{table*}
\begin{center}
\resizebox{\linewidth}{!}{%
\begin{tabular}{rlllllllll}
& \textbf{Modality} & \textbf{UCF101} & \textbf{HMDB51} & \textbf{Sports1M} & \textbf{Kin400} & \textbf{Kin600} & \textbf{SSV1} & \textbf{SSV2} & \textbf{Charades}\\
\hline
\multicolumn{10}{l}{\textbf{2D Convolutional Methods}}\\
\hline
Fusion CNNs \cite{karpathy2014large} & RGB & 65.4 & & 63.9 & & & & & \\
Donahue et al. \cite{donahue2015long} & RGB & 82.66 & & & & & & & \\
Yue-Hei Ng et al. \cite{yue2015beyond} & RGB+Flow & 88.6 & 73.1 & & & & & & \\
Dynmic Image Net \cite{bilen2016dynamic} & RGB+Flow+IDT & 96.0 & 74.9 & & & & & & \\
TSN \cite{wang2016temporal} & RGB+Flow+Warped & 94.2 & 69.4 & & & & & & \\
Cool-TSN \cite{roberto2017procedural} & RGB+Flow & 94.2 & 69.5 & & & & & \\
ST-ResNet (Multiplier) \cite{feichtenhofer2017spatiotemporal} & RGB+Flow+IDT & 94.9 & 72.2 & & & & & & \\
STCB \cite{wang2017spatiotemporal} & RGB+Flow & 94.6 & 68.9 & & & & & & \\
ActionVLAD \cite{girdhar2017actionvlad} & RGB+IDT & 93.6 & 69.8 & & & & & & 21.0 mAP\\
$L^2$STM \cite{sun2017lattice} & RGB & 93.6 & 66.2 & & & & & & \\
SVMP \cite{wang2018video} & RGB+IDT & & 81.3 & & & & & & 26.7 mAP\\
CO2FI \cite{lin2018action} & RGB+Flow+IDT & 95.2 & 72.6 & & & & & & \\
TSM \cite{lin2019tsm} & RGB+Flow & & & & & & 52.6 & 66.0 & \\%v50.7t/v66.6t 1/2
bLVNet \cite{fan2019more} & RGB+Flow & & & & & & & 68.5 & \\%RGB only: ssv1 val53.1 test48.9 kin400 val73.5. | rgb+flow ssv2 67.1t
GSM \cite{sudhakaran2020gate} & RGB & & & & & & 55.16 & & \\
\hline
\multicolumn{10}{l}{\textbf{3D Convolutional Methods}}\\
\hline
C3D \cite{tran2015learning} & RGB+IDT & 90.4 & & 61.1 & & & & \\
ST-ResNet \cite{feichtenhofer2016spatiotemporal} & RGB+Flow+IDT & 94.6 & 70.3 & & & & & & \\
P3D \cite{qiu2017learning} & RGB & 88.6 & & 66.4 & & & & & \\
MiCT \cite{zhou2018mict} & RGB+Flow & 94.7 & 70.5 & & & & & & \\
TrajectoryNet \cite{zhao2018trajectory} & RGB & & & & & & 47.8 & & \\
ARTNet \cite{wang2018appearance} & RGB & 94.3 & 70.9 & & 70.7 & & & & \\
MF-Net \cite{chen2018multi} & RGB & 96.0 & 74.6 & & 72.8 & & & & \\
S3D-G \cite{xie2018rethinking} & RGB & 96.8 & 75.9 & & 74.7 & & 48.2 & & \\%v42.0t
R(2+1)D \cite{tran2018closer} & RGB+Flow & 97.3 & 78.7 & 73.0 & & & & & \\
StNet \cite{he2019stnet} & RGB & 95.7 & & & 71.38 & 78.99 & & & \\
AssembleNet \cite{ryoo2019assemblenet} & RGB+Flow & & & & & & & & 58.6 mAP \\
GST \cite{luo2019grouped} & RGB & & & & & & 48.6 & 62.6 & \\%v61.18t
SlowFast \cite{feichtenhofer2019slowfast} & RGB & & & & 79.8 & 81.8 & & & 45.2 mAP\\
CoST \cite{li2019collaborative} & RGB & & & & 77.5 & & & & \\
CSN \cite{tran2019video} & RGB & & & 75.5 & 82.6 & & 53.3 & & \\
RMS \cite{kim2020regularization} & RGB & & & & 76.3 & & & 61.2 & \\
I3D \cite{carreira2017quo} & RGB+Flow & 98.0 & 80.9 & & 74.2 & & & & \\
Wei et al. \cite{wei2018learning} & RGB & 88.2 & 55.4 & & & & & & \\
IG-Kinetics \cite{ghadiyaram2019large} & RGB & & & & 82.8 & & 51.6 & & \\
Korbar et al. \cite{korbar2018cooperative} & RGB+Audio & 83.7 & 53.0 & & & & & & \\
Xu et al. \cite{xu2019self} & RGB & 72.4 & 30.9 & & & & & & \\
Kim et al. \cite{kim2019self} & RGB & 65.8 & 33.7 & & & & & & \\
Wang et al. \cite{wang2019self} & RGB & 61.2 & 33.4 & & & & & & \\
\hline
\multicolumn{10}{l}{\textbf{Motion Representation Methods}}\\
\hline
Simonyan and Zisserman \cite{simonyan2014two} & RGB+Flow & 88.0 & 59.4 & & & & & & \\
MFNet \cite{lee2018motion} & RGB & & & & & & 43.92 & & \\
OFF \cite{sun2018optical} & RGB+RGB Diff & 96.0 & 74.2 & & & & & & \\
Fan et al. \cite{fan2018end} & RGB+IDT & 95.4 & 72.6 & & & & & & \\
CoViAR \cite{wu2018compressed} & RGB & 90.4 & 59.1 & & & & & & 21.9 mAP\\%29.4wap
STM \cite{jiang2019stm} & RGB & 96.2 & 72.2 & & 73.7 & & 50.7 & 64.2 & \\%v43.1t/v63.5t 1/2
FcF \cite{piergiovanni2019representation} & RGB & & 81.1 & & 77.9 & & & & \\
DMC-Net \cite{shou2019dmc} & RGB & 96.5 & 77.8 & & & & & & \\
MARS \cite{crasto2019mars} & RGB & 97.6 & 79.5 & & 74.8 & & 51.7 & & \\
D3D \cite{stroud2020d3d} & RGB & 97.6 & 80.5 & & 76.5 & 79.1 & & & \\
\hline
\multicolumn{10}{l}{\textbf{Context Representation Methods}}\\
\hline
Piergiovanni et al. \cite{piergiovanni2017learning} & RGB & & 68.0 & & & & & & \\
NL \cite{wang2018non} & RGB & & & & 77.7 & & & & 39.5 mAP\\
STC \cite{diba2018spatio} & RGB & 95.8 & 72.6 & & 68.7 & & & & \\
GCN \cite{wang2018videos} & RGB & & & & & & 46.1 & & 39.7 mAP\\% t45.0
$A^2$-Net \cite{chen20182} & RGB & 96.4 & & & 74.6 & & & & \\
TRN \cite{zhou2018temporal} & RGB+Flow & & & & & & 42.01 & 55.52 & 25.2 mAP\\
GloRe \cite{chen2019graph} & RGB & & & & 76.09 & & & & \\
Timeception \cite{hussein2019timeception} & RGB & & & & & & & & 41.1 mAP\\
Martinez et al. \cite{martinez2019action} & RGB & & & & 78.8 & & 53.4 & & \\
CPNet \cite{liu2019learning} & RGB & & & & 75.3 & & & 57.65 & \\
LGD \cite{qiu2019learning} & RGB+Flow & 98.2 & 80.5 & & 81.2 & 83.1 & & & \\%kin60082.7t
V4D \cite{zhang2020v4d} & RGB & & & & 77.4 & & 50.4 & \\
T-C3D \cite{liu2018t} & RGB & 92.5 & 62.4 & & & & & & \\
ECO \cite{zolfaghari2018eco} & RGB & 94.8 & 72.4 & & 70.0 & & 46.4 & & \\% 42.3t ssv1
SCSampler \cite{korbar2019scsampler} & RGB & & & 84.0 & 80.2 & & & & \\
LFB \cite{wu2019long} & RGB & & & & & & & & 42.5 mAP\\
\hline
\end{tabular}
}
\end{center}
\caption{Quantitative results, as a percentage and in accuracy, unless otherwise noted.}
\label{tab:main}
\end{table*}
\begin{table}
\begin{center}
\begin{tabular}{rlll}
\hline
& \textbf{Version} & \textbf{Modality} & \textbf{mAP}\\
\hline
UntrimmedNet \cite{wang2017untrimmednets} & 1.2 & RGB+Flow & 91.3\\%87.7 test
AdaFrame \cite{wu2019adaframe} & 1.3 & RGB & 71.5\\
LiteEval \cite{wu2019liteeval} & 1.3 & RGB & 72.7\\
P3D \cite{qiu2017learning} & 1.3 & RGB & 78.9\\
V4D \cite{zhang2020v4d} & 1.3 & RGB & 88.9\\
\hline
\end{tabular}
\end{center}
\caption{Quantitative results for the \textbf{ActivityNet} dataset. Results are given as a percentage and are for test and validation sets for version 1.2 and 1.3, respectively.}
\label{tab:an}
\end{table}
\begin{table}
\begin{center}
\begin{tabular}{rll}
\hline
& \textbf{Modality} & \textbf{Accuracy}\\
\hline
GST \cite{luo2019grouped} & RGB & 38.8\\
GSM \cite{sudhakaran2020gate} & RGB & 40.27\\
\hline
\end{tabular}
\end{center}
\caption{Results for the \textbf{Diving48} dataset given as a percentage and for the test set.}
\label{tab:d48}
\end{table}
\begin{table}
\begin{center}
\begin{tabular}{rll}
\hline
& \textbf{Modality} & \textbf{Accuracy}\\
\hline
bLVNet \cite{fan2019more} & RGB & 31.4\\
AssembleNet \cite{ryoo2019assemblenet} & RGB+Flow & 34.27\\
CoST \cite{li2019collaborative} & RGB & 32.4\\
\hline
\end{tabular}
\end{center}
\caption{Results for the \textbf{Moments in Time} dataset given as a percentage and for the validation set.}
\label{tab:mit}
\end{table}
\begin{table}
\begin{center}
\resizebox{\columnwidth}{!}{%
\begin{tabular}{rllllllllll}
\hline
& \textbf{Modality} & \multicolumn{3}{c}{\textbf{Seen}} & \multicolumn{3}{c}{\textbf{Unseen}} & \multicolumn{3}{c}{\textbf{Val}}\\
& & V & N & A & V & N & A & V & N & A \\
\hline
LFB \cite{wu2019long} & RGB & 60.0 & 45.0 & 32.7 & 50.9 & 31.5 & 21.2 & 53.0 & 31.8 & 22.8\\
LSTA \cite{sudhakaran2019lsta} & RGB & & & 30.16 & & &15.88 & & & \\
GSM \cite{sudhakaran2020gate} & RGB & 59.41 & 41.83 & 33.45 & 48.28 & 26.15 & 20.18 & & & \\
GST \cite{luo2019grouped} & RGB & & & & & & & 56.50 & & \\
IG-Kinetics \cite{ghadiyaram2019large} & RGB & 65.2 & 45.1 & 34.5 & 57.3 & 35.7 & 25.6 & 58.4 & 36.9 & 26.1 \\
\hline
\end{tabular}
}
\end{center}
\caption{Quantitative results for the \textbf{Epic Kitchens} dataset featuring both modes of test set evaluation as well as validation set results. Performance is given, as a percentage and in accuracy, for each task.}
\label{tab:ek}
\end{table}
The results for the main contingent of competitive benchmarks is featured in table \ref{tab:main}.
Note that we mainly compare methods according to their validation results. This is because the validation results can cover related methods more comprehensively. Besides, we do not have access to test labels of included datasets. For
\textbf{UCF101} and \textbf{HMDB51}, the related results are in average accuracy over three predefined splits.
Table \ref{tab:an} features results for the untrimmed video dataset \textbf{ActivityNet}. Noting that this table features context representation methods in the majority. Tables \ref{tab:d48}, \ref{tab:mit} and \ref{tab:ek} feature more difficult and recent action recognition benchmarks that have less current results. Note that some datasets use online videos which are occasionally removed resulting in methods being evaluated on different datasets depending on their publication dates.
According to the results, we can roughly observe that 3D convolutional methods usually achieve better performance than 2D convolutional methods.
We can also find that self-supervised learning methods achieve poorer performance, but this is merely a reflection of the intended purpose which is to attempt to substitute for pre-training thereby reducing the need for additional data.
Note that most motion representation methods do not use optical flow input modality in table \ref{tab:main} and that the modality computed by these methods is often directly compatible with the other methods featured in this table. The apparent shortcomings of motion representation methods is further exacerbated by their primary motivation being efficiency with respect to two-stream architectures. Although not featured in table \ref{tab:main}, many motion representation methods obtain performance very close or in excess of those obtained by using an equivalent architecture or optical flow instead of their learnt approximation.
We can also observe that in recent years there has been a stark reduction in the usage of the optical flow modality which may be due to its very prohibitive impact on inference time. Although recent motion representation methods are able to replicate or exceed the performance gained from the optical flow modality, their uptake remains low across all benchmarks which may simply be a reflection of researchers seeking to avoid conflating the source of performance gains in their experiments.
Another important accompaniment to the results in table \ref{tab:main} is that some methods outside of the feature volume context category utilise backbone networks which include those methods \cite{wang2018non}. This highlights the ubiquity of feature volume context representation methods and the orthogonality of the performance improvements they garner with most other methods being improved by their inclusion. Considering the very minor increase in computational costs, it seems clear that some forms of feature volume contexts should be used for action recognition. Although most video context representation methods are applied directly to untrimmed videos of the conventional sense, the performance of other video methods in table \ref{tab:main} show that the video context is useful, even for trimmed clips
The accuracy of modern methods on smaller scale datasets such as \textbf{UCF101} and \textbf{HMDB51} has reached a bottleneck such that they don't serve as good performance indicators. Given their small scale, it is uncertain whether the slightly better performing methods don't simply use representation biases which can be very powerful on such a small scale but do not transfer to downstream tasks. \textbf{Diving48} presents an antithesis in terms of representation bias exhibiting almost none due to the common features exhibited in all samples for all of its action classes. Table \ref{tab:d48} shows that only very recent methods are applied to this dataset and that even their results are poor. The results on \textbf{Epic Kitchens} is perhaps a more explicit example of action recognition methods using representation biases with a large discrepancy between seen and unseen kitchen performance for all methods in table \ref{tab:ek}. Representation bias is of further concern considering the much lower diversity of \textbf{Something-Something} compared with \textbf{Kinetics} and yet the latter experiences much higher validation accuracy for the same methods despite the ratio of samples to classes being roughly consistent between the two.
In table \ref{tab:main} it is clear that temporal shifting is a very successful method for temporal representation learning especially on the temporally focused \textbf{Something-Something} datasets with strong performance even compared with 3D methods. This is further underscored by its simplicity and low computational cost. Other than temporal shifting methods, 3D convolutional methods vastly outperform 2D methods, especially on the large-scale \textbf{Kinetics} datasets. LSTMs do not appear to work well as the primary means of temporal representation learning but do perform well in auxiliary functions such as frame sampling for video context representation methods \cite{wu2019adaframe}. Otherwise, There is comparable performance achieved by methods from each category within our taxonomy demonstrating the importance of each.
\subsection{Looking Forward}
Here we outline some avenues for future research directions that could be important based on our categorisation and discussion of action recognition methods.
Firstly, there is still much space for further development of the reviewed categories, such as 3D convolutional methods and motion representations. We believe that researchers can continue to push the limit of deep learning architectures for appearance-based action recognition by introducing more accurate models with lower computational costs. In addition, besides the reviewed major categories, we find that the success of shifting channels temporally encourages further investigation.
This could include temporally shifting 3D channels at the frame level like their 2D convolutional counterparts \cite{lin2019tsm}, or at the clip level similar to Zhang et al. \cite{zhang2020v4d}. Existing state-of-the-art shifting methods could also be refined such as by combining the longer range temporal shift of TAM \cite{chen2018biglittle} with the gating of GSM \cite{sudhakaran2020gate} and incorporate shuffling or channel dropout to curtail overfitting in the gating parameters of GSM.
The Kinetics datasets \cite{kay2017kinetics} present an excellent opportunity to test the potential performance of methods that utilise the entire video length as each sample video is a crop from a longer video that is available online. A thorough study about video contexts can be carried out by
comparing performance against existing methods according to contexts from both the full video and the human derived crops of the initial dataset. This comparison could potentially expose the viability of video context methods and, conversely, the viability of applying existing methods to untrimmed video as would be required by many downstream tasks. The entire video context may be too long to both encompass the essential features throughout the action's temporal extent and distinguish the action from the remaining noise.
Furthermore, we find that there remains a disconnection between the untrimmed videos of real world applications and trimmed benchmark videos, in terms of supervision. The labelled action may not occur for the full clip duration, depending on the dataset, or may have no semantic consensus (amongst humans) as to what constitutes the start or end of the action. We think that such problem could motivate further structuring of action recognition output and supervisory signal. This could take the form of sequential/hierarchical representations in the output or over supervised action recognition tasks where fine grain labelling, such as those used in action localisation, is used for training on the coarse grain task of action recognition.
Since Wu et al. \cite{wu2019long} achieved substantial performance improvements and halved training time by simply tuning the learning rate and iterations of existing training regimes, we believe that current and future advances in image recognition architectures, training regimes and regularisation methods can deliver further improvement on performance of action recognition. A comprehensive study of the transferability of these methods should be undertaken to ascertain trends in this regard.
Lastly, given the many mediating costs of action recognition, including the considerable computational cost incurred by the video medium itself, unification of efficiency related metrics is key to understanding action recognition performance and a standardisation of reporting, perhaps into a single, paramount metric, is an ideal worthy of investigation.
\ifCLASSOPTIONcaptionsoff
\newpage
\fi
\bibliographystyle{IEEEtran}
|
\section{Introduction}
In discrete differential geometry, the curvature of a plane or space curve at a point $p$ can be defined as the inverse of the radius of the oscillating circle. This one is the limit of the circle interpolating $p$ and two points moving closer to $p$ along the curve. The radii of the interpolating circle is often used as a discrete curvature of polygonal lines so as to estimate the pointwise curvature of plane curves \cite{Mo}. Another discrete curvature associated to a polygon $P=\{p_0,..,p_n\}$ at a vertex $p_i$, involving the length of two consecutive edges and the exterior angle at $p_i$ (called the angular defect), were introduced in \cite{Bo} and \cite{Bo2}. This notion were applied to
shape blending or morphing of plane curves (\cite{Ma}, \cite{Su}).\\
For subdivision curves in the plane, instead of speaking about regular parametrized curves, we speak about $G^1$-continuous ones. Independently of any parametrization, one can refine iteratively a given polygon in order to approximate curves without cusps. Such schemes are said to be geometric. In \cite{Dy}, we find the so-called angle-based 4-point scheme generating planar $G^1$-limit curves using angle rules.\\
An example of geometric subdivision schemes in three-dimensional space is given in \cite{Ca}. Using a sequence of space points and vectors, one can define the new point and vector on the sphere determined by two consecutive points and their tangents. The scheme can produce $G^1$-limit curves and when the data are sampled from a common sphere the scheme provides a spherical curve.\\
The first $G^2$-continuous planar geometric subdivision scheme was introduced in \cite{De}. For spatial $G^2$-curves we find in \cite{We} and \cite{Ca} examples of those schemes. Unfortunately, the evidence for such schemes to be $G^2$-continuous is only numerical. Theoretical proof remains very difficult. For the plane case, E. Volontè gave in her thesis \cite{Vo} sufficient condition for a planar geometric subdividion scheme to be $G^2$-continuous. But the proof is incomplete. \\
In order to design spherical curves refining only data points on a sphere, the authors in \cite{Be} gave a purely geometrical definition of a spherical interpolatory subdivision scheme. They propose a spherical generalization of the planar incenter subdivision scheme \cite{De} refining point-vector data by proving the convergence and $G^1$-continuity. \\
In this paper, we define the notion of discrete geodesic curvature for a geodesic polygon on a smooth surface (see definition 2.2). We prove the main result that stipulates for a geodesic polygon
$P=\{p_{0}, \ldots, p_{n}\}$ closely inscribed on a
$C^2$-regular curve $C$, the discrete geodesic curvature of $P$ estimates the geodesic curvature of $C$ at the sample points $p_i$.
We give then the spherical generalization of the angle-based 4-point scheme generating spherical curves without involving Hermite data as opposite to \cite{De} and \cite{Be}. We prove that the subdivision scheme is convergent and $G^1$-continuous in the sense of \cite{Be}. We show also that the spherical angle-based 4-point scheme cannot be in general $G^2$-continuous using the discrete geodesic curvature estimation.\\
The rest of the paper is organized as follows: Section 2 is devoted to define the discrete geodesic curvature of an embedded polygon on a surface and to prove that it is an approximation of the geodesic curvature of a regular curve.
In section 3, we give a spherical generalization of the geometric 4-point scheme \cite{Dy} and we prove that it is convergent and $G^1$-continuous. We also investigate the discrete geodesic curvature to show that the proposed spherical scheme cannot be in general $G^2$-continuous. In the end, we give a novel example of $G^2$-continuous scheme using only points and discrete geodesic curvatures called the curvature-based 6-point spherical scheme.
\section{Discrete geodesic curvature of embedded curves on surfaces}
In this section, we will prove the result in Theorem \ref{a3}. For that, we need some definitions.\\
Let $ \sigma : I \rightarrow S $ be a regular $C^2$-curve parametrized by arc length in some oriented smooth surface $S$ with Gauss map $ \mathbf{n} : S \rightarrow \mathbb{S}^{2} $. The geodesic curvature at $p=\sigma(t)$ is defined by:
\begin{equation}
\kappa_{g}(p):=<\ddot{\sigma}(t),\mathbf{n}(p)\wedge \dot{\sigma}(t)>=<\Big(\frac{D\dot{\sigma}}{dt}\Big)(t),\mathbf{n}(p)\wedge \dot{\sigma}(t)>,
\label{GeodCurv}
\end{equation}
where $\displaystyle \frac{D}{dt}$ is the covariant derivative on $S$, and we have:
$$
\ddot{\sigma}(t)=\Big(\frac{D\dot{\sigma}}{dt}\Big)(t)+<\ddot{\sigma}(t)\wedge \mathbf{n}(p)>\mathbf{n}(p).
$$
\begin{defi}\label{d0}
A geodesic V-line $\mathbf{V}:=\{p_1,p,p_2\} $ on a surface $S$ is made of two geodesics $c_1$ and $c_2$ connecting respectively $p_1$ to $p$ and $p$ to $p_2$ (see Fig. \ref{fig:p1}).\\
If the surface is plane, the geodesics are rectilinear segments and $\mathbf{V} $ is simply called a V-line.
\end{defi}
\begin{defi}\label{d1}
\begin{enumerate}
\item Let $\mathbf{P}:= \{q_1,q,q_2\} \subset \R^2$ be a V-line. The discrete curvature of $\mathbf{P}$ at $q$ is defined by
$$
\displaystyle \kappa_{d}(q_1,q,q_2):=\frac{2\, \tilde{\delta}}{qq_1+qq_2} ,$$
where $\tilde{\delta}$ denotes the angle $\sphericalangle(\overrightarrow{q_1q},\overrightarrow{qq_2})$, called the angular defect.
\item Let $\mathbf{L}= \{p_1,p,p_2\} \subset S$ be a geodesic V-line. We define the discrete geodesic curvature of $\mathbf{L} $ at $p$ by:
$$\kappa_g(p_1,p,p_2):=\frac{2\, \delta}{l_1+l_2},$$
where $\delta:=\sphericalangle(u_1,u_2)$ is the geodesic angular defect, and $u_i$ the tangent vector at $p$ of the geodesic $c_i$. $ l_i$ is the length of $c_i$.
\end{enumerate}
\end{defi}
\begin{theo}\label{a3}
Let $\sigma : I \rightarrow S$ be a regular $C^2$-curve on a smooth surface $S$ and $p$ be a point on $\sigma(I)$. Then its geodesic curvature $\kappa(p) $ at $p$ can be obtained as a limit of discrete geodesic curvature of geodesic V-line $\mathbf{P}=\{p_1,p,p_2\} $ inscribed on it, i.e:
$$ \displaystyle \lim_{\substack{ p_1,p_2 \to p \\ p_1, p_2 \in \sigma(I)} }\, \kappa_g(p_1,p,p_2)=\kappa(p).$$
\end{theo}
In \cite{Bo}, the authors showed this theorem in the planar case for a $C^3$- curve, using an analytic proof. In the following, we begin to show this case, assuming only that the curve is of class $C^2$, using a very simple geometric proof.
\begin{lem}\label{a0}(\cite{Bo})\\
Let $\gamma : I \rightarrow \mathbb{R}^2$ be a planar regular $C^2$-curve and $p$ be a point on it.
Then its curvature $\kappa(p)$ at $p$ can be obtained as a limit of discrete curvature of V-line $\{p_1,p,p_2\} $ inscribed on it:
$$\lim_{\substack{p_1,p_2 \to p, \\ p_1,p_2 \in \gamma(I)} }\, \kappa_{d}(p_1,p,p_2)=\kappa(p).$$
\end{lem}
\begin{proof}
We know that the curvature of the circumscribed circle defined by the V-line $ \{p_1,p,p_2\}$ is given by (see Fig. \ref{fig:p2}):
\begin{equation*}
\rho_p(p_1,p,p_2)=\displaystyle \frac{2\, sin\, \alpha_p}{pp_2}=\frac{2\, sin\, \beta_p}{pp_1}.
\end{equation*}
Then
$$
\rho_p(p_1,p,p_2) =\frac{2( sin \, \alpha_p +sin \, \beta_p)}{pp_2+pp_1}.
$$
Hence
$$\rho_p(p_1,p,p_2)=\displaystyle \frac{4\, sin\bigg(\frac{\alpha_p+\beta_p}{2}\bigg)\, cos\bigg(\frac{\alpha_p-\beta_p}{2}\bigg) }{pp_2+pp_1}=\frac{4\, sin\bigg(\frac{\delta_p}{2}\bigg)\, cos\bigg(\frac{\alpha_p-\beta_p}{2}\bigg) }{pp_2+pp_1},$$
where $\delta_p=\alpha_p+\beta_p$. So
\begin{equation}
\rho_p(p_1,p,p_2)=\displaystyle \kappa_d(p_1,p,p_2) \; cos(\alpha_p-\beta_p) \displaystyle \frac{sin(\delta_p/2)}{\delta_p/2}.
\label{44}
\end{equation}
Since $\alpha_p, \, \beta_p \to 0$ as $p_1, \, p_2 \to p$, we conclude that
$$ \displaystyle \lim_{p_1,p_2 \to p}\, \kappa_d (p_1,p,p_2)=\kappa(p).$$
\end{proof}
\begin{lem}\label{a1}
Let $\sigma : I \rightarrow S$ be a $C^2$-regular curve, parametrized by its arc length, lies on a smooth surface $S$ and $p=\sigma(0)$ be a point on the curve.
Let $\gamma$ be the image curve of $\sigma$ by the inverse of the exponential map at $p$, given by $\gamma(s)=exp_{p}^{-1}(\sigma(s))$ and $p=\gamma(0)$. Then we have:
\begin{enumerate}
\item $$\dot{\gamma}(0)=\dot{\sigma}(0), \qquad \ddot{\gamma}(0)=\Big(\frac{D\dot{\sigma}}{dt}\Big)(0).$$
\item The geodesic curvature of $\sigma $ at $p$ is equal to the curvature of $\gamma$ at the origin:
$$
\kappa_{g,\sigma}(p)=\kappa_{ \gamma}(p).
$$
\end{enumerate}
\end{lem}
\begin{figure}
\begin{minipage}[c]{0.45\linewidth}
\includegraphics[width=1.2\linewidth]{CurvFig/vline}
\caption{A geodesic V-line inscribed on $\sigma$.}
\label{fig:p1}
\end{minipage}
\hfill
\hspace*{1.5cm}
\begin{minipage}[c]{0.5\linewidth}
\includegraphics[width=0.9\linewidth]{CurvFig/p2}
\caption{Proof of Lemma \ref{a0}.}
\label{fig:p2}
\end{minipage}
\end{figure}
\begin{proof}
\begin{enumerate}
\item Let $(x^1,x^2)$ be the normal coordinates defined on a neighbourhood of $p$ associated to an orthonormal basis $(e_1,e_2)$ of $T_{p} S$ . Then $exp^{-1}_p(x) = x^1 e_1 + x^2 e_2$ and $\gamma(s) = \sigma^1(s) e_1 + \sigma^2(s) e_2$, where
$\sigma^i= x^i \circ \sigma$. From the fact that Christoffel's symbols $\Gamma_{i,j}^k(p)=0$, we get
$$
\dot{\gamma}(t) = \dot{\sigma^1}(t) e_1 + \dot{\sigma^2}(t) e_2= \dot{\sigma}(t) ,
$$
and
$$
\Big(\frac{D\dot{\sigma}}{dt}\Big)(0)= \displaystyle \sum_{i,j,k} \bigg( \ddot{\gamma}^k(0) +\dot{\gamma}^i(0) \dot{\gamma}^j(0) \Gamma_{i,j}^k(p) \bigg) e_k = \ddot{\gamma}(0).
$$
\item From \eqref{GeodCurv}, we have
$$\kappa_{g,\sigma}(p):=<\Big(\frac{D\dot{\sigma}}{dt}\Big)(0),\mathbf{n}(p)\wedge \dot{\sigma}(0)>
=<\ddot{\gamma}(0),\mathbf{n}(p)\wedge \dot{\gamma}(0)>=\kappa_{ \gamma}(p).
$$
\end{enumerate}
\end{proof}
\begin{proof}[Proof of Theorem \ref{a3}]
Since radial geodesics are mapped isometrically to straight lines in $T_pS$ by $exp^{-1}_p$ (and so is the angle between them), we have $\kappa_g(p_1,p,p_2)=\displaystyle \frac{2\, \delta}{pq_1+pq_2}$ with $q_i=exp_p^{-1}(p_i)$. Then, by Lemma \ref{a0} and Lemma \ref{a1}, we conclude the claim.
\end{proof}
\section{Spherical interpolatory geometric subdivision schemes}
Spherical interpolatory geometric subdivision schemes on the unit sphere \cite{Be} are a generalization of the planar ones \cite{Dy}. Using the exponential map of the sphere and ASA-formula of triangles, one can define geometrically new points on $\mathbb{S}^2$.
In this section, we recall materials found in \cite{Be}.
In Section 3.1, we define the angle-based 4-point scheme on the unit sphere. We prove that the proposed scheme is convergent and $G^1$-continuous. We show that the scheme cannot be in general $G^2$-continuous using the discrete geodesic curvature. \\
The second part of this section will concern a second novel spherical scheme capable of producing $G^2$-continuous curves. The so-called curvature-based 6-point spherical subdivision scheme employs the discrete geodesic curvature to insert new points. \\
Let $\mathbb{S}^2$ be the oriented sphere and $d$ its spherical distance.
On the geodesic polygon $P^j:=\{p_i^j / \, \, p_i^j \in \mathbb{S}^2 \}$ at $j^{st}$ iteration, let $T_i^j=\Delta p_{i-1}^jp_i^jp_{i+1}^j $ be the spherical triangle at $i^{st}$ position. We associate (see Fig. \ref{fig:f10}):
\begin{itemize}
\item The geodesic $c_{i,k}^j$ of arc length $l_{i,k}^j$ connecting $c_{i,k}^j(0)=p_i^j$ and $c_{i,k}^j(l_{i,k}^j)=p_k^j$.
\item The edge length:
\begin{equation}
e_i^j=d(p_i^j,p_{i+1}^j).
\label{11}
\end{equation}
\item The unit tangent vectors to the geodesics $c_{i,i+1}^j$ and $c_{i-1,i}^j$ at $p_i^j$:
\begin{equation}
U_i^j=\dot{c}_{i,i+1}^j(0) \qquad \text{and} \qquad V_i^j=\dot{c}_{i-1,i}^j(l_{i-1,i}^j).
\label{12}
\end{equation}
\item The signed angles:
\begin{equation}
\alpha_i^j=\sphericalangle (\dot{c}_{i-1,i+1}^j(0),U_{i-1}^j) \qquad \text{and} \qquad \beta_i^j=\sphericalangle(V_{i+1}^j,\dot{c}_{i-1,i+1}^j(l_{i,i+1}^j)),
\label{13}
\end{equation}
with the signed angular defect:
\begin{equation}
\delta_i^j=\sphericalangle (U_i^j,V_i^j).
\label{14}
\end{equation}
\item The signed area $A_i^j$ of $T_i^j$ given by Girard's formula:
\begin{equation}
A_i^j=\alpha_i^j+\beta_i^j-\delta_i^j.
\label{42}
\end{equation}
\end{itemize}
\begin{figure}[H]
\begin{minipage}[c]{0.5\linewidth}
\includegraphics[width=1\linewidth]{CurvFig/f10}
\caption{The spherical triangle $T_i^j$.}
\label{fig:f10}
\end{minipage}
\hfill
\hspace*{-2cm}
\begin{minipage}[c]{0.5\linewidth}
\includegraphics[width=0.9\linewidth]{CurvFig/f11}
\caption{The new point $p_{2i+1}^{j+1}$.}
\label{fig:f11}
\end{minipage}
\end{figure}
To define a spherical interpolatory geometric subdivision scheme, we need to express explicitly the new point $p_{2i+1}^{j+1}$ from the data $\alpha_{2i+1}^{j+1}$, $\beta_{2i+1}^{j+1}$ and $l^j_{i,i+1}$ in the triangle $p_{i}^j\, p_{2i+1}^{j+1}\, p_{i+1}^j$ (see Fig. \ref{fig:f11}). \\
First, the plane $\Pi$ containing $\overrightarrow{op_i^j}$ and $\overrightarrow{op_{2i+1}^{j+1}}$ ($o$ is the centre of the sphere) is given by $\overrightarrow{op^j_{i}}$ and $ R_{p^j_{i},\alpha_{2i+1}^{j+1}} U^j_{i}$ the rotation of $U^j_{i}$ around $\overrightarrow{op^j_{i}}$ by angle $\alpha^{j+1}_{2i+1}$. \\
To get $p_{2i+1}^{j+1}$, it remains to rotate $\overrightarrow{op^j_{i}}$ on the plane $\Pi$ by angle $e_{2i}^{j+1}$. Then:\\
\begin{equation}
p_{2i+1}^{j+1}=R_{\vec{n},e_{2i}^{j+1}} \Big( \overrightarrow{op^j_{i}} \Big),
\label{15}
\end{equation}
where $\vec{n}=\overrightarrow{op^j_{i}} \wedge R_{p^j_{i},\alpha_{2i+1}^{j+1}} U^j_{i}$ the normal vector of the plane $\Pi$. \\
In a symmetric way, we have:
\begin{equation}
p_{2i+1}^{j+1}=R_{\vec{m},e_{2i+1}^{j+1}} \Big( \overrightarrow{op^j_{i+1}} \Big),
\label{15a}
\end{equation}
where $\vec{m}=\overrightarrow{op^j_{i+1}} \wedge R_{p^j_{i+1},\pi-\beta_{2i+1}^{j+1}} V^j_{i+1}$. \\
By taking
\begin{equation}
p_{2i}^{j+1}=p_i^j,
\label{odd}
\end{equation}
we have the following definitions:
\begin{defi}[\cite{Be}]\label{DefSIGS}
We define a Spherical Interpolatory Geometric Subdivision (SIGS) scheme by \eqref{15} and \eqref{odd} (or equivalently by \eqref{15a} and \eqref{odd}), where $e^{j+1}_{2i}$ and $e_{2i+1}^{j+1}$ are given by ASA-formulas of spherical triangles:
\begin{equation*}
\left\{
\begin{aligned}
& e_{2i}^{j+1}= \displaystyle Arctan \Bigg( \displaystyle \frac{2sin(\beta_{2i+1}^{j+1})}{cot( \frac{l^j_{i,i+1}}{2}) sin(\alpha_{2i+1}^{j+1}+\beta_{2i+1}^{j+1})+tan( \frac{l^j_{i,i+1}}{2}) sin(\alpha_{2i+1}^{j+1}-\beta_{2i+1}^{j+1})}\Bigg) ,\\
&e_{2i+1}^{j+1}=\displaystyle Arctan \Bigg( \displaystyle \frac{2sin(\alpha_{2i+1}^{j+1})}{cot( \frac{l^j_{i,i+1}}{2}) sin(\alpha_{2i+1}^{j+1}+\beta_{2i+1}^{j+1})+tan( \frac{l^j_{i,i+1}}{2}) sin(\beta_{2i+1}^{j+1}-\alpha_{2i+1}^{j+1})}\Bigg), \\
\end{aligned}
\right.
\label{}
\end{equation*}
and $\alpha_{2i+1}^{j+1}$ and $\beta_{2i+1}^{j+1}$ are both non-zero, $R_{\alpha_{2i+1}^{j+1},p_i^j}$ the rotation around $\overrightarrow{op_i^j}$ by angle $\alpha_{2i+1}^{j+1}$.\\
For the special case when $\alpha_{2i+1}^{j+1}=\beta_{2i+1}^{j+1}$ we said that the SIGS scheme is bisector (SBIGS-scheme), and is defined by \eqref{15} and \eqref{odd} (or \eqref{15a} and \eqref{odd}), where:
$$e_{2i}^{j+1}=e_{2i+1}^{j+1}=\displaystyle Arctan \bigg(\frac{tan(\displaystyle \frac{l^j_{i,i+1}}{2})}{cos(\alpha_{2i+1}^{j+1})}\bigg)$$.
\end{defi}
Note that Definition \ref{DefSIGS} is similar to the one in \cite{Be}. The only difference stands in Eqs. \eqref{15} and \eqref{15a} in which in \cite{Be} they were expressed in terms of the exponential map of the unit sphere, while in this paper, for simplicity, we propose to write them using rotations.\\
Now, let $$\delta^j:=\underset{i\in \mathbb{Z}}{sup}\, |\delta_{i}^{j}|.$$
We recall Corollary 5.1 of \cite{Be} that provides sifficient condition for the convergence and $G^1$-continuity of SBIGS-schemes:
\begin{theo}[\cite{Be}]\label{co1}
If the sequence $\{\delta^j\}_j$ is summable, then the SBIGS-scheme is convergent and the limit curve is $G^1$-continuous.
\end{theo}
\subsection{The spherical angle-based 4-point scheme}
The spherical angle-based 4-point scheme is a SBIGS-scheme in which the new angles are given in terms of two consecutive angular defects $\delta_i^j$ and $\delta_{i+1}^j$ of the four points $p_{i-1}^j,\, p_{i}^j, \, p_{i+1}^j$ and $p_{i+2}^j$. Namely:
\begin{equation}
\alpha_{2i+1}^{j+1}=\beta_{2i+1}^{j+1}=\displaystyle \frac{\delta_i^j+\delta_{i+1}^j}{8}.
\label{41}
\end{equation}
From \eqref{42}, we have
\begin{equation}
A_{2i+1}^{j+1}=2\alpha_{2i+1}^{j+1}-\delta_{2i+1}^{j+1}.
\label{46}
\end{equation}
From \eqref{41}, we get $$\delta_{2i+1}^{j+1}=\displaystyle\frac{1}{4}(\delta_i^j+\delta_{i+1}^j)-A_{2i+1}^{j+1}.$$
As we see in Fig. \ref{fig:p5}, we have
$$\delta_{2i}^{j+1}=\delta_i^j-\alpha_{2i+1}^{j+1}-\alpha_{2i-1}^{j+1}.$$
Then
$$ \delta_{2i}^{j+1}=\displaystyle\frac{1}{8}(-\delta_{i-1}^j+6\delta_i^j-\delta_{i+1}^j).$$
Consequently
\begin{equation}
\left\{
\begin{aligned}
&\delta_{2i+1}^{j+1}=\displaystyle\frac{1}{4}(\delta_i^j+\delta_{i+1}^j)-A_{2i+1}^{j+1}, \\
&\delta_{2i}^{j+1}=\displaystyle\frac{1}{8}(-\delta_{i-1}^j+6\delta_i^j-\delta_{i+1}^j). \\
\end{aligned}
\right.
\label{36}
\end{equation}
\begin{figure}
\centering
\includegraphics[width=0.7\linewidth]{CurvFig/p5}
\caption{A first iteration on the triangle $T_i^j$.}
\label{fig:p5}
\end{figure}
In virtue of Theorem \ref{co1}, the summability of the sequence $\{ \delta^j\}_j$ is sufficient for the convergence and $G^1$-continuity of the 4-point SBIGS-scheme. To prove that $\{\delta^j \}_j$ is summable, it is sufficient to show that for some $\nu<1$ and $p\geqslant 0$, we have $\delta^{j+p}\leqslant \nu \, \delta^j$.
\begin{theo}\label{a5}
The 4-point SBIGS-scheme is convergent and $G^1$-continuous.
\end{theo}
\begin{proof}
Since all angles in \eqref{46} have the same sign, we can write:
$$|\delta_{2i+1}^{j+1}|=2|\alpha_{2i+1}^{j+1}|-|A_{2i+1}^{j+1}|.$$
Then from \eqref{41} we get
\begin{equation}
|\delta_{2i+1}^{j+1}| \leqslant 2|\alpha_{2i+1}^{j+1}| \leqslant \displaystyle
\frac{1}{4} \, (|\delta_i^j|+|\delta_{i+1}^j|).
\label{33}
\end{equation}
Hence
\begin{equation}
|\delta_{2i+1}^{j+1}| \leqslant \displaystyle \frac{1}{2} \, \delta^j.
\label{27}
\end{equation}
On the other hand, by \eqref{36}, we have
\begin{equation}
|\delta_{2i}^{j+1}| \leqslant \displaystyle \frac{1}{8}|\delta_{i-1}^j|+ \frac{6}{8}|\delta_i^j|+\frac{1}{8}|\delta_{i+1}^j| \leqslant \delta^j.
\label{29}
\end{equation}
For the $j+2^{st}$ step, we have by \eqref{33}:
\begin{equation*}
|\delta_{4i+1}^{j+2}| \leqslant \displaystyle \frac{1}{4} \Big( |\delta_{2i}^{j+1}|+|\delta_{2i+1}^{j+1}| \Big), \qquad
|\delta_{4i+3}^{j+2}| \leqslant \displaystyle \frac{1}{4} \Big( |\delta_{2i+1}^{j+1}|+|\delta_{2i+2}^{j+1}| \Big).
\end{equation*}
Using \eqref{27} and \eqref{29} we get
\begin{equation}
|\delta_{4i+1}^{j+2}| \leqslant \displaystyle \frac{3}{8} \delta^j, \qquad
|\delta_{4i+3}^{j+2}| \leqslant \displaystyle \frac{3}{8} \delta^j.
\label{31}
\end{equation}
Likewise
\begin{equation*}
\delta_{4i}^{j+2}=\displaystyle \frac{6}{8} \delta_{2i}^{j+1}-\frac{1}{8} \delta_{2i-1}^{j+1}-\frac{1}{8} \delta_{2i+1}^{j+1}, \qquad
\delta_{4i+2}^{j+2}=\displaystyle \frac{6}{8} \delta_{2i+1}^{j+1}-\frac{1}{8} \delta_{2i}^{j+1}-\frac{1}{8} \delta_{2i+2}^{j+1} .
\end{equation*}
Then
\begin{equation}
|\delta_{4i}^{j+2}| \leqslant \displaystyle \frac{7}{8} \delta^j , \qquad
|\delta_{4i+2}^{j+2}| \leqslant \displaystyle \frac{5}{8} \delta^j.
\label{32}
\end{equation}
Finally, from \eqref{31} and \eqref{32} we conclude that
$$\delta^{j+2} \leqslant \displaystyle \frac{7}{8} \, \delta^j.$$
And the summability of $\{\delta^j \}_j$ holds.
\end{proof}
Now, recall the following theorem about small spherical triangles:
\begin{theo}[ \cite{Le}, \cite{Na}]\label{c12}
Let $T$ be a spherical triangle with small geodesic lengths $l_i$ , $i\in \{1,2,3\}$ and $\tilde{T}$ be the Euclidean triangle with the same lengths as those of $T$. If $\alpha_i$, $i\in \{1,2,3\}$, denote the geodesic angles of $T$, and $\tilde{\alpha_i}$ the corresponding angles of $\tilde{T}$. Then for $i \in \{1,2,3\}$ we have:
\begin{equation}
\tilde{\alpha_i}=\alpha_i-\displaystyle \frac{A(T)}{3}+o(l^4)
\label{26},
\end{equation}
where $A(T)$ is the area of $T$ and $l=\underset{i}{sup} \, l_i$.
\end{theo}
To define the $G^2$-continuity of spherical curves, we need to assume that the curve is $G^1$-continuous in the sense of \cite{Be}.
\begin{defi}
Let $C$ be a $G^1$-continuous curve on the sphere and let $p$, $p_1$ and $p_2$ three points on the curve. $C$ is said to be $G^2$-continuous at $p$ if the limit $\displaystyle \lim_{\substack{ p_1,p_2 \to p \\ p_1, p_2 \in C} }\, \kappa_g(p_1,p,p_2):=\kappa_g(p)$ exists, when $p_1$ approaches p along the curve from the left and $p_2$ approaches p along the curve from the right. \\
$C$ is said to be $G^2$-continuous if the map $p \in C \to \kappa_g(p)$ is well defined and continuous.
\end{defi}
Let \begin{equation}
\kappa_i^j:= \kappa_g(p_{i-1}^j,p_i^j,p_{i+1}^j)=\displaystyle \frac{2 \delta_i^j}{e_{i-1}^j+e_i^j}.
\label{45}
\end{equation}
\begin{theo}\label{a6}
The 4-point SBIGS-scheme is not in general $G^2$-continuous.
\end{theo}
\begin{proof}
We need to prove that there exists some initial geodesic polygon $P^0$ such that the limit curve \\ $C:=\displaystyle \lim_{j \to +\infty} \, P^j$ of the 4-point SBIGS-scheme has unbounded discrete geodesic curvature.\\
Let $P^0=\{p_{-2},p_{-1},p,p_1,p_2\}$ be a geodesic polygon with $\delta_{-1}^0=\delta_1^0$ and $\delta_{0}^0 \neq \delta_{1}^0$ (see Fig. \ref{fig:p4}). Let $\kappa_0^j$ be the discrete geodesic curvature at $p$ of $P^j$. We will prove that: If $\delta_0^0>\delta_1^0$ (resp.$\delta_0^0<\delta_1^0$ ) then $\lim_{j \to \infty}\, \kappa_0^{j}=+\infty$ (resp. $-\infty$).\\
According to Theorem \ref{a5}, we have $\displaystyle \lim_{j \to \infty} \delta^j=0$. By Corollary 4.1 and Proposition 4.4 of \cite{Be}, we have $\displaystyle \lim_{j \to \infty} e^j=\lim_{j \to \infty}\, A^j=0$ with $e^j:=\underset{i\in \mathbb{Z}}{sup}\, |e_{i}^{j}|$ and $A^j:=\underset{i\in \mathbb{Z}}{sup}\, |A_{i}^{j}|$.\\
Theorem \ref{c12} tells us that, when spherical polygons $P^j$ have sufficiently small edge lengths, then we can consider them to be planar ones with plane angular defects (denoted by a tilde) are given by \eqref{26}:
\begin{equation}
\tilde{\delta}_0^j=\delta_0^j+\displaystyle \frac{A_0^j}{3}+o((e^j)^4),
\label{23}
\end{equation}
for large $j$. Because $\delta_{-1}^0=\delta_{1}^0$, we can easily show that for all $j$ we have $e_{-1}^j=e_0^j$. Then
$$ \kappa_0^{j}= \displaystyle \Big( \frac{\tilde{\delta}_0^{j}}{e_0^{j}}-\frac{A_0^j}{3\, e_0^j}\Big)+o((e^j)^3).$$
Since in a neighbourhood of $p$, the 4-point SBIGS-scheme behaves like a planar one, by Proposition \ref{t1}, we have $\displaystyle \lim_{j \to \infty}\, \frac{\tilde{\delta}_0^{j}}{e_0^{j}}=\pm \infty$.\\
On the other hand, the spherical area $A_0^{j}$ of the triangle $T_0^{j}$ is given by
\begin{equation}
\displaystyle sin \Big(\displaystyle\frac{A_0^{j}}{2}\Big)=\frac{\displaystyle sin \Big(\frac{e_0^j}{2} \Big)^2 \, sin(\delta_0^j)}{4\, \displaystyle cos \Big(\frac{d(p_{-1}^{j},p_1^j)}{2} \Big)}.
\label{38}
\end{equation}
Then
$$\displaystyle \lim_{j \to \infty}\, \frac{\displaystyle sin \Big(\frac{A_0^{j}}{2}\Big)}{ \displaystyle sin \Big(\frac{e_0^j}{2}\Big)}=\lim_{j \to \infty} \, \frac{\displaystyle sin \Big(\displaystyle \frac{e_0^j}{2}\Big) \, sin(\delta_0^j)}{4\, \displaystyle cos \Big(\frac{d(p_{-1}^{j},p_1^j)}{2} \Big)}=0.$$
Now, we can suppose that $\displaystyle |A_0^{j}|, \, \, |e_0^{j}|<\frac{\pi}{2}$.
Then $\displaystyle \lim_{j \to \infty}\, \frac{\displaystyle A_0^{j}}{ \displaystyle e_0^j}=0$.
Hence, we deduce the claim:
$$\lim_{j \to \infty}\, \kappa_0^{j}=\lim_{j \to \infty}\, \displaystyle \Big( \frac{\tilde{\delta}_0^{j}}{e_0^{j}}-\frac{A_0^j}{3\, e_0^j}\Big)=\pm \infty.$$
\end{proof}
To prove Theorem \ref{a6} numerically, we plot the discrete geodesic curvature values (red) of $P^j$ in both cases: Fig. \ref{fig:sph2} with $\delta_0^0>\delta_1^0$ and Fig. \ref{fig:sph} with $\delta_0^0<\delta_1^0$. We show that the discrete geodesic curvature takes big values at the middle vertex of $P^0$ (namely $p$). We further plot the discrete curvatures of the circles defined by three consecutive points (black).
\begin{figure}[H]
\begin{subfigure}[c]{0.5\linewidth}
\hspace*{-2cm}
\includegraphics[width=1.2\linewidth]{CurvFig/sph4point2}
\vspace*{-5cm}
\caption{}
\label{fig:sph4point2}
\end{subfigure}
\hfill
\begin{subfigure}[c]{0.5\linewidth}
\hspace*{-3cm}
\includegraphics[width=1.2\linewidth]{CurvFig/sph4cur2}
\vspace*{-4cm}
\caption{}
\label{fig:sph4cur2}
\end{subfigure}
\caption{ (a): Limit curve of the 4-point SBIGS-scheme of the polygon $P^0$ with $\delta_0^0>\delta_1^0$. (b). Plots of its: Discrete geodesic curvature (red) and discrete curvature (black) vs arc length .}
\label{fig:sph2}
\end{figure}
\begin{figure}[H]
\vspace*{-5cm}
\begin{subfigure}[c]{0.5\linewidth}
\hspace*{-2cm}
\includegraphics[width=1.2\linewidth]{CurvFig/sph4point}
\vspace*{-5cm}
\caption{}
\label{fig:sph4point}
\end{subfigure}
\hfill
\begin{subfigure}[c]{0.5\linewidth}
\hspace*{-3cm}
\includegraphics[width=1.2\linewidth]{CurvFig/sph4cur}
\vspace*{-5cm}
\caption{}
\label{fig:sph4cur}
\end{subfigure}
\caption{
(a): Limit curve of the 4-point SBIGS-scheme of the polygon $P^0$ with $\delta_0^0<\delta_1^0$.
(b): Plots of its: Discrete geodesic curvature (red) and discrete curvature (black) vs arc length .}
\label{fig:sph}
\end{figure}
\begin{figure}[h]
\hspace*{-1cm}
\begin{subfigure}[c]{0.5\linewidth}
\includegraphics[width=1.3\linewidth]{CurvFig/Star}
\caption{}
\label{fig:Star}
\end{subfigure}
\hfill
\hspace*{-3cm}
\begin{subfigure}[c]{0.5\linewidth}
\includegraphics[width=1.3\linewidth]{CurvFig/Glike}
\caption{}
\label{fig:Glike}
\end{subfigure}
\caption{Limit curves of the 4-point SBIGS-scheme of a Star-like points (a), G-like points (b).}
\label{fig:4pt}
\end{figure}
Fig. \ref{fig:Star} and Fig. \ref{fig:Glike} show limit curves of the 4-point SBIGS-scheme applied to two different geodesic polygons (a star-like and G-like shapes). The plots show clearly that the curves have no cusps and eventually take the geometry of the control polygons into account.
\subsection{The curvature-based 6-point spherical subdivision scheme}
Sabin and Dodgson \cite{Sa} and Cashman et al. \cite{Cas} introduced a scheme able to generates $G^2$-continuous curves on the plane using the curvature of the interpolating circle. The new point $p_{2i+1}^{j+1}$ is determined to be the unique point on the perpendicular bisector of the edge $p_i^j p_{i+1}^j$ such that:
$$\kappa_{2i+1}^{j+1}=\displaystyle \frac{1}{2}(\kappa_i^j+\kappa_{i+1}^j),$$
where $\kappa_i^j=\displaystyle \frac{2\, sin(\delta_i^j)}{\parallel p_{i+1}^j-p_{i-1}^j \parallel}$. The new point is then determined by the angle $\delta_{2i+1}^{j+1}$ such that \\
$sin(\delta_{2i+1}^{j+1})=\displaystyle \frac{\parallel p_{i+1}^j-p_{i-1}^j \parallel}{2}\, \kappa_{2i+1}^{j+1}$.\\
If we take inspiration from the previous idea to define a spherical generalization using discrete geodesic curvature \eqref{45}, this will fail since from
$\delta_{2i+1}^{j+1}=\kappa_{2i+1}^{j+1}\, (e_{2i}^{j+1}+e_{2i+1}^{j+1})/2$
the curvature is not enough to define $p_{2i+1}^{j+1}$. \\
To solve this problem, we will show in Lemma \ref{c3} that for a convergent and $G^1$-continuous SBIGS-scheme, we can use $\displaystyle \frac{2\, sin(\delta_i^j)}{d(p_{i-1}^j,p_{i+1}^j)}$ as a discrete geodesic curvature at $p_i^j$ instead of \eqref{45}.\\
If we follow the notations of \eqref{11}-\eqref{15a}, we have:
\begin{lem}\label{c3}
For a convergent SBIGS-scheme, if the sequence $\{ \delta^j\}_j$ is summable, then
\begin{equation}
\displaystyle \lim_{\substack{j \to \infty } }\, \frac{2\, sin(\delta_i^j)}{d(p_{i-1}^j,p_{i+1}^j)}=\displaystyle \lim_{\substack{j \to \infty } }\, \kappa_i^j.
\label{43}
\end{equation}
\end{lem}
\begin{proof}
This is a simple use of the Darboux formula of spherical triangles:
$$\displaystyle \frac{cos((\alpha_i^j-\beta_i^j)/2)}{sin(\gamma_i^j/2)}=\frac{sin((e_{i-1}^j+e_i^j)/2)}{sin(d(p_{i-1}^j,p_{i+1}^j)/2)},$$
with $\gamma_i^j=\pi-\delta_i^j$ the internal angle at $p_i^j$.
Then
$$\displaystyle 2\, sin(\delta_i^j/2)\, \frac{cos(\delta_i^j/2)}{sin(d(p_{i-1}^j,p_{i+1}^j)/2)}=2\, sin(\delta_i^j/2)\, \frac{cos((\alpha_i^j-\beta_i^j)/2)}{sin((e_{i-1}^j+e_i^j)/2)} .$$
Hence
$$\displaystyle \frac{sin(\delta_i^j)}{sin(d(p_{i-1}^j,p_{i+1}^j)/2)}=2\, \frac{sin(\delta_i^j/2)}{sin((e_{i-1}^j+e_i^j)/2)}\, cos((\alpha_i^j-\beta_i^j)/2) .$$
Since $\displaystyle \kappa_i^j:=\frac{2\, \delta_i^j}{e_{i-1}^j+e_i^j}$, we obtain
$$ \displaystyle \frac{sin(\delta_i^j)}{sin(d(p_{i-1}^j,p_{i+1}^j)/2)}=\kappa_i^j\, \frac{\displaystyle sin(\delta_i^j/2)}{\delta_i^j}\, \frac{e_{i-1}^j+e_i^j}{sin((e_{i-1}^j+e_i^j)/2)}\, cos\Big( \displaystyle \frac{\alpha_i^j-\beta_i^j}{2} \Big).$$
By Proposition 4.4 of \cite{Be}, we have $\displaystyle \lim_{j \to \infty} e_i^j=\lim_{j \to \infty}\, \alpha_i^j=\lim_{j \to \infty}\, \beta_i^j=0$. Finally, we deduce the claim.
\end{proof}
Let $\kappa_i^j=\displaystyle \frac{2\, sin(\delta_i^j)}{d(p_{i-1}^j,p_{i+1}^j)}$. We define the curvature-based 6-point spherical scheme as a SBIGS-scheme in which the new point is determined using its discrete geodesic curvature. We define the new discrete geodesic curvature \\
$\kappa_{2i+1}^{j+1}= \frac{2\, sin(\delta_{2i+1}^{j+1})}{d(p_{i-1}^j,p_{i+1}^j)}$ by applying twice the odd sub-mask of second-ordre differences of the linear 6-point scheme \\
$\frac{1}{64}\, \{-3,19,19,-3\}$
to $\kappa_{i-1}^{j}, \, \kappa_{i}^{j},\, \kappa_{i+1}^{j}$ and $\kappa_{i+2}^{j}$, namely:
$$\kappa_{2 i+1}^{j+1}=-\frac{3}{32} \kappa_{i-1}^{j}+\frac{19}{32} \kappa_{i}^{j}+\frac{19}{32} \kappa_{i+1}^{j}-\frac{3}{32} \kappa_{i+2}^{j}.$$
In order to have $\displaystyle \frac{d( p_i^j,p_{i+1}^j)}{2}\, \kappa_{2i+1}^{j+1}=sin(\delta_{2i+1}^{j+1})$ in the interval $\left[-1,1\right]$, we apply some iterations of the spherical angle-based 4-point scheme of section 3.1 to the initial polygon.\\
On the triangle formed by $p_i^j$, $p_{2i+1}^{j+1}$ and $c_{i,i+1}^j(l_{i,i+1}^j/2)$ (see Fig. \ref{fig:f11}), we use the right spherical triangle formula
$$sin(\alpha_{2i+1}^{j+1})=\displaystyle \frac{cos\Big((\pi-\delta_{2i+1}^{j+1})/2\Big)}{cos(d(p_{i-1}^j,p_{i+1}^j)/2)},$$
to compute $\alpha_{2i+1}^{j+1}$. Finally we use \eqref{15a} to obtain the new point $p_{2i+1}^{j+1}$.\\
Fig. \ref{fig:incenter} shows several experiments of the proposed SBIGS-scheme. We observe that the scheme is convergent and $G^1$-continuous. From Corollary \ref{co1}, we have to prove that the sequence $\{\delta^j\}_j$ is summable. In Fig. \ref{fig:RatioDelt}, we display the ratio $\delta^{j+1}/\delta^j$ depending on j for each initial geodesic polygon considered. The ratios are less than 1, then it means that the corresponding sequence $\{\delta^j\}_j$ behaves like a geometric sequence and is summable.\\
\begin{figure}[H]
\begin{subfigure}[c][0.6\width]{0.4\textwidth}
\centering
\hspace*{-0.2cm}
\includegraphics[width=0.9\linewidth]{CurvFig/Ex2}
\vspace*{0cm}
\caption{}
\label{fig:Ex2}
\end{subfigure}
\hspace{-2.2cm}
\hfill
\begin{subfigure}[c][0.6\width]{0.4\textwidth}
\centering
\includegraphics[width=0.9\linewidth]{CurvFig/Slike}
\vspace*{0cm}
\caption{}
\label{fig:Slike}
\end{subfigure}
\hspace{-2cm}
\hfill
\begin{subfigure}[c][0.6\width]{0.4\textwidth}
\centering
\includegraphics[width=0.9\linewidth]{CurvFig/Tlike}
\vspace*{0cm}
\caption{}
\label{fig:Tlike}
\end{subfigure}
\vspace*{1cm}
\caption{Limit curves of the curvature-based 6-point spherical scheme: M-like (a), S-like (b) and T-like (c) curves.}
\label{fig:incenter}
\end{figure}
\begin{figure}[H]
\hspace*{-3cm}
\begin{subfigure}[c][0.5\width]{0.4\textwidth}
\includegraphics[width=1.4\linewidth]{CurvFig/DcurvaEx2}
\vspace*{-5cm}
\caption{}
\label{fig:}
\end{subfigure}
\hfill
\hspace*{-3cm}
\begin{subfigure}[c][0.5\width]{0.4\textwidth}
\includegraphics[width=1.4\linewidth]{CurvFig/DcurvaSlike}
\vspace*{-5cm}
\caption{}
\label{fig:}
\end{subfigure}
\hfill
\hspace*{-3cm}
\begin{subfigure}[c][0.5\width]{0.4\textwidth}
\includegraphics[width=1.4\linewidth]{CurvFig/DcurvaTlike}
\vspace*{-5cm}
\caption{}
\label{fig:}
\end{subfigure}
\vspace*{4cm}
\caption{Discrete normal lines of the curvature-based 6-point spherical scheme: M-like (a), S-like (b) and T-like (c) curves.}
\label{fig:Dcurva6pt}
\end{figure}
\vspace*{-1cm}
\begin{figure}[H]
\hspace*{-3cm}
\begin{subfigure}[c][0.5\width]{0.4\textwidth}
\includegraphics[width=1.2\linewidth]{CurvFig/Ex2cur}
\vspace*{-4cm}
\caption{}
\label{fig:Ex2cur}
\end{subfigure}
\hfill
\hspace*{-3cm}
\begin{subfigure}[c][0.5\width]{0.4\textwidth}
\includegraphics[width=1.2\linewidth]{CurvFig/Slikecur}
\vspace*{-4cm}
\caption{}
\label{fig:Slikecur}
\end{subfigure}
\hfill
\hspace*{-3cm}
\begin{subfigure}[c][0.5\width]{0.4\textwidth}
\includegraphics[width=1.2\linewidth]{CurvFig/Tlikecur}
\vspace*{-4cm}
\caption{}
\label{fig:Tlikecur}
\end{subfigure}
\vspace*{3cm}
\caption{Discrete geodesic curvature (red) and discrete curvature (black) plots vs arc length of the M-like (a), S-like (b) and T-like (c) curves.}
\label{fig:incentercur}
\end{figure}
In order to test the $G^2$-continuity of examples in Fig. \ref{fig:incenter}, we display in Fig. \ref{fig:incentercur} the values of the discrete geodesic curvature (red) and the discrete curvature (black) of the circles $C_i^j$ defined by three consecutive points $p_{i-1}^j$, $p_{i}^j$ and $p_{i+1}^j$ for geodesic polygons at iteration 9. We see that both curvatures are continuous functions. We plot in Fig. \ref{fig:Dcurva6pt} the discrete normals of $C_i^j$ (scaled) of the considered examples. We see that the discrete normal vectors form a continuous field along the curves.\\
Motivated by the idea of considering the summability of the sequence $\{ \delta^j\}_j$ to prove the $G^1$-continuity of plane curves, Volontè, E. \cite{Vo} suggests to study the sequence of maximum curvature differences: $\nabla \kappa^j:=\underset{i\in \mathbb{Z}}{sup}\, |\frac{1}{r_{i+1}^{j}}-\frac{1}{r_i^j}|$, where $r_i^j$ is the radius of the circle $C_i^j$, in order to guarantee the $G^2$-continuity of plane curves. The proof is carefully explained but some lemmas are missing . However, the author shows by numerical evidences that the statements of the missing lemmas are true. \\
Inspiring by the previous ideas, we propose to use the discrete geodesic curvature to argue the $G^2$-continuity of spherical curves. In Fig. \ref{fig:MaxDiffCur} and Fig. \ref{fig:RatioMaxDiff} we compute the sequence $\nabla \kappa^j:=\underset{i\in \mathbb{Z}}{sup}\, |\kappa_{i+1}^{j}-\kappa_i^j|$ of the maximum curvature differences and the ratio $\nabla \kappa^{j+1}/\nabla \kappa^j$ of limit curves in examples Fig. \ref{fig:incenter}. We see that the difference between the discrete geodesic curvatures $\kappa_i^j$ and $\kappa_{i+1}^j$ decays to 0 and the ratios run to a constant strictly less than 1.
\begin{figure}[H]
\hspace*{-3cm}
\begin{subfigure}[c][0.5\width]{0.4\textwidth}
\includegraphics[width=1.4\linewidth]{CurvFig/RatioDelt}
\vspace*{-4cm}
\caption{}
\label{fig:RatioDelt}
\end{subfigure}
\hfill
\hspace*{-3cm}
\begin{subfigure}[c][0.5\width]{0.4\textwidth}
\includegraphics[width=1.4\linewidth]{CurvFig/MaxDiffCur}
\vspace*{-4cm}
\caption{}
\label{fig:MaxDiffCur}
\end{subfigure}
\hfill
\hspace*{-3cm}
\begin{subfigure}[c][0.5\width]{0.4\textwidth}
\includegraphics[width=1.4\linewidth]{CurvFig/RatioMaxDiff}
\vspace*{-4cm}
\caption{}
\label{fig:RatioMaxDiff}
\end{subfigure}
\vspace*{4cm}
\caption{(a): Ratio of decay $\delta^{j+1}/\delta^j$ of the sequence $\{\delta^j\}_j$, (b): Maximum of curvature differences $\nabla \kappa^j$, (c): Ratio of decay $\nabla \kappa^{j+1}/\nabla \kappa^j$ of examples Fig. \ref{fig:incenter}: M-like (solid line), T-like (dashed line) and S-like (dotted line).}
\label{}
\end{figure}
\section{Conclusion and future work}
We have seen that the introduced discrete geodesic curvature is more practical to give examples of spherical $G^2$-continuous curves.. On the other hand, we gave a spherical generalization of the planar angle-based 4-point subdivision scheme interpolating unit vectors. A scheme generating $G^2$-continuous curves is also proposed. In the future work, we will investigate the notion of discrete geodesic curvature to study the shape warping and morphing of curves on surfaces.
|
\section{Growth and Characterization}
We synthesized the samples via the vapor transport method. Finely ground powders of red phosphorus, manganese, and selenium were mixed in stoichiometric ratio for a total precursor weight of 1.52 g. To this mixture, 0.03 g of iodine was added to serve as a transport agent. The powders were transferred to a fused quartz tube 20 cm in length with inner diameter 13.5 mm and sealed under vacuum while cooling the tube with liquid N$_2$ to prevent loss of iodine. The sealed ampoule was heated in the center of a two-zone tube furnace, with the side containing the precursors at 650\,$^\circ$C and the cold end at 550\,$^\circ$C. The temperature was ramped up at 10\,$^\circ$C/min, held for one week, and reduced to 25\,$^\circ$C at a rate of 0.1\,$^\circ$C/min. The wine-colored crystal flakes were rinsed with acetone to remove excess iodine. X-ray diffraction of the crystals were collected using lab X-ray source ($\lambda$=1.540593 \AA) at 2\,$^\circ$C/minute scan rate in Bragg-Brentano geometry.
\begin{figure*}[th]
\includegraphics[width=0.5\textwidth]{MnPSe3-XRD.png}
\caption{\textbf{X-ray diffraction scan of \ch{MnPSe_3}}.
}
\label{fig:XRD}
\end{figure*}
\section{Phonons}
The Raman spectra above {$T_\textrm{N\'eel}$}, at 90 K, are shown with parallel (VV) and crossed (VH) polarization configuration in SI-Fig \ref{fig:Phonons}a. In addition, the DFT results are compared to the experimental spectra to assign each observed peak with its phonon symmetry according to the $\overline{3}$ point group. We find that the DFT frequencies are consistently $\approx$ 10\,\% below the experimental peaks, which is a typical level of agreement. The full Raman phonon symmetry assignments and the peak frequencies are tabulated in Table \ref{tab:RamanModes}. We confirm the \Eg{1} phonon frequency by using an excitation wavelength of 633\,nm from a HeNe laser (SI-Fig. \ref{fig:Eg633}).
\begin{figure*}[th]
\includegraphics[width=.8\textwidth]{Fig1.pdf}
\caption{\textbf{Raman phonons of \ch{MnPSe_3}}. (a) The Raman spectra for parallel (VV) and crossed (VH) polarizations taken with 515\,nm excitation laser at 90\,K, above {$T_\textrm{N\'eel}$}. The phonon modes are labeled with the irreducible representation of the point group $\overline{3}$. The * marks the weak \Ag{3} phonon. Below 74\,K, a single layer of \ch{MnPSe_3} with N\'eel type antiferromagnetic ordering are shown perpendicular to the plane (b) and along the plane (c). The $S=\frac{5}{2}$ Mn ions point mostly parallel to the van der Waals plane. The solid gray lines represent the rhombohedral primitive cell. The crystal lattice visualizations were made by VESTA\cite{VESTA}.
}
\label{fig:Phonons}
\end{figure*}
\begin{figure*}[th]
\includegraphics[width=.65\textwidth]{Eg12_633nm.pdf}
\caption{\textbf{Select Raman phonons with 633\,nm excitation}. \Eg{1} and \Eg{2} Raman phonon at 90 K, in parallel (VV) and crossed (VH) polarization configuration.
}
\label{fig:Eg633}
\end{figure*}
\renewcommand{\arraystretch}{1.5}
\begin{table*}[ht]
\begin{tabular}{|W{c}{45pt}|W{c}{70pt}|W{c}{70pt}|W{c}{70pt}|}
\hline
Symmetry & DFT (\,cm$^{-1}$) & Exp. (\,cm$^{-1}$) & Diff. (\,cm$^{-1}$) \\ \hline
\Eg{1} & 74.3 & 84.0 & 9.7 \\ \hline
\Eg{2} & 102.4 & 109.6 & 7.2 \\ \hline
\Eg{3} & 148.0 & 156.9 & 8.9 \\ \hline
\Eg{4} & 164.7 & 174.5 & 9.8 \\ \hline
\Eg{5} & 436.4 & 455.6 & 19.2 \\ \hline
\Ag{1} & 36.2 & 48.3 & 12.1 \\ \hline
\Ag{2} & 137.3 & 149.0 & 11.7 \\ \hline
\Ag{3} & 159.5 & 162.2 & 2.7 \\ \hline
\Ag{4} & 209.8 & 222.0 & 12.2 \\ \hline
\Ag{5} & 473.4 & 506.0 & 32.6 \\ \hline
\end{tabular}
\caption{\textbf{List of $\mathbf{E_g}$ and $\mathbf{A_g}$ phonon frequencies in units of cm$^{-1}$.} The experimental results (at 90\,K) is compared with calculated values from DFT.}
\label{tab:RamanModes}
\end{table*}
\renewcommand{\arraystretch}{1}
The frequency range between 100\,cm$^{-1}$\ to 140\,cm$^{-1}$\ are fitted with a function that comprises of 2 Fano lineshapes. Here, we choose to use a normalized Fano lineshape multiplied by a constant A, for area. Some fit examples are shown in SI-Fig \ref{fig:FanoExample}.
\begin{equation}\label{fitfunc}
f_{Fano} (\omega,q,\Gamma) = \frac{A}{1+q^2} \frac{(\frac{2(\omega-\omega_0)}{\Gamma}+q)^2}{(\frac{2(\omega-\omega_0)}{\Gamma})^2+1}
\end{equation}
The other phonons are fitted with the Voigt profile.
The result of fitting the two Fano peaks is shown in SI-Fig. \ref{fig:FanoResults}. The lifetime in the main text is approximated by taking the inverse of the spectral width of the modes ($\Gamma$). The value $q$ represents the asymmetry of the linewidth, which is a function of the interaction and energy overlap of the discrete mode and the continuum \cite{Fano1961}. As $q\rightarrow\infty$, (or $\frac{1}{q} \rightarrow 0$), the function becomes more Lorentzian. The temperature dependence of the area (SI-Fig \ref{fig:FanoResults}d) has been attributed to the spin-dependent Raman scattering process\cite{Makimura_1993}.
\begin{figure*}[th]
\includegraphics[width=0.7\textwidth]{DoubleFanoFitExample.png}
\caption{\textbf{Examples of double Fano fit} The solid lines are the best fit of the data (solid circle) between 100\,cm$^{-1}$\ to 140\,cm$^{-1}$.
}
\label{fig:FanoExample}
\end{figure*}
\begin{figure*}[h]
\includegraphics[width=0.5\textwidth]{FanoFitResults.pdf}
\caption{\textbf{Results from double Fano fit}.
}
\label{fig:FanoResults}
\end{figure*}
\begin{figure*}[h]
\includegraphics[width=0.5\textwidth]{VVVH.pdf}
\caption{\textbf{Comparison between parallel and crossed polarization configurations}.
}
\label{fig:ParallelCross}
\end{figure*}
\section{Magnetic field dependent}
\begin{figure*}[th]
\includegraphics[width=0.6\textwidth]{FieldDependent.pdf}
\caption{\textbf{Comparison between magnetic field dependent}. In crossed polarization configuration, between Faraday (applied magnetic field perpendicular to the layer) and Voigt (applied magnetic field parallel to the layer), no change can be seen in the peak at 130\,cm$^{-1}$ between 0\,T and 9\,T, for multiple excitation laser wavelengths, 515\,nm and 532\,nm.
}
\label{fig:FieldDepend}
\end{figure*}
An external static magnetic field can be applied perpendicular to the van der Waals plane (Faraday geometry) or parallel to it (Voigt). We see no change in the scattering intensity around 130\,cm$^{-1}$\ between 0\,T and 9\,T.
\section{DFT and LSWT calculations and Neutron Comparison}
Very recently, there has been elastic and inelastic neutron scattering performed on MnPSe$_3$\cite{calder2020magnetic}. In that work, they fit a Heisenberg model to the magnon specturm by keeping the ratios of the in-plane $J$ Heisenberg couplings fixed to theoretical work\cite{Sivadas_2015,Yang_2020} and fiting an overall value of the in-plane coupling constants. They also fit a single effective out-of-plane coupling, and do not include any anisotropic terms. In SI-Fig.~\ref{fig:magcomp}, we show a comparison between that work and our DFT-based in-plane magnon spectrum, without including the anisotropy and with U=4 eV. We find excellent agreement overall, with small disagreement at the band edges. However, as shown in SI-Fig.~\ref{fig:MagDOS2}, the band edge of the magnon spectrum is extremely sensitive to the value of U. Therefore, within the accuracy of the underlying DFT+U theory, we get excellent agreement with the experimental spectrum.
\begin{figure*}[th]
\includegraphics[width=0.6\textwidth]{magnon_comparison-crop.pdf}
\caption{Comparison of the magnon spectrum in this work, based on DFT+U with U=4 eV, with the Neutron scattering fit of \cite{calder2020magnetic}.
}
\label{fig:magcomp}
\end{figure*}
\begin{figure*}[th]
\includegraphics[width=0.6\textwidth]{MagDOS2Comparison.pdf}
\caption{\textbf{Comparison of the 2-magnon density of states for different values of Hubbard U}. U = 4\,eV was chosen in the main text to match the experimental peak around 130\,cm$^{-1}$.
}
\label{fig:MagDOS2}
\end{figure*}
\section{Phonon - Two-magnon continuum interaction model}
We model the interaction of a discrete phonon resonance with a two-magnon continuum. For small coupling, we use the formalism of Fano\cite{Fano1961}. Specifically, Eqs. 2 and 13 of that work,
\begin{eqnarray}
F(E) &=& P \int dE' \frac{|V_{E'}|^2}{E - E'} \label{eq:f}\\
|a(E)|^2 &=& \frac{|V_E|^2}{(E - E_{\phi} - F(E))^2 + \pi^2 |V_E|^4}
\end{eqnarray}
where $E_{\phi}$ is the energy of the discrete resonance, $V_E$ is the coupling between the resonance and the continuum at energy $E$, $P$ stands for the principle value, $F(E)$ is the shift in the resonance location, and $|a(E)|^2$ is proportional to the Raman signal.
We choose a simple functional form for $|V_E|^2$ by using two line segments that form a triangular peak, which approximate the shape of the two-magnon continuum.
\begin{equation}
|V_E|^2 = \begin{cases}
0 & E < E_L \\
t^2 (E - E_L)/(E_P-E_L) & E_L < E < E_P \\
t^2 (E_U - E)/(E_U-E_P) & E_P < E < E_U \\
0 & E > E_U \end{cases}
\end{equation}
where $E_L$ is the lower energy of the two-magnon continuum, $E_U$ is the upper energy, $E_P$ is the two-magnon peak position, and $t$ is a coupling constant. Then, we can perform the integral in Eq.~\ref{eq:f} and get frequency shift of the peak:
\begin{eqnarray}
F(E) &=& F_1 + F_2 \\
F_1 &=& t^2 Real[\; \frac{E - E_L}{E_P - E_L} log(\frac{E_P - E}{E_L - E}) \;] \\
F_2 &=& t^2 Real[\; \frac{E_P - E}{E_U - E_P} log(\frac{E_U - E}{E_P - E}) \;]
\end{eqnarray}
This shift extends beyond the region that the discrete resonance directly overlaps with the two-magnon continuum. The extra line-width of the phonon resonance due to the interaction (beyond the intrinsic phonon line-width) is proportion to $\pi |V_E|^2$. Unlike the resonance shift, the broadening is only non-zero when the phonon overlaps with the continuum.
This model can also be solved numerically for arbitrary coupling by considering a Hamiltonian with a single phonon resonance that couples to a large number of states that approximate a continuum.
\begin{eqnarray}
H = \begin{pmatrix} E_\phi & t_1 & t_2 & t_3 & ...\\
t_1 & E_1 & 0 & 0 & ...\\
t_2 & 0 & E_2 & 0 & ...\\
t_3 & 0 & 0 & E_3 & ... \\
... \end{pmatrix}
\end{eqnarray}
Here, the $E_i$ are energies approximating the continuum, and $t_i$ is the coupling between the continuum at $E_i$ and the discrete phonon ($E_\phi$). The system can easily be solved numerically for a few hundred continuum states, getting eigenvalues $\epsilon_i$ and eigenvectors $v_i$. The phonon resonance will be proportional to
\begin{eqnarray}
|a(E)|^2 \propto \sum_i \frac{|v^\phi_i|^2}{(\epsilon_i - E)^2 + \Gamma_{ph}^2}
\end{eqnarray}
where $v^\phi_i$ is the phonon component of the $i$-th eigenvector, and $\Gamma_{ph}^2$ is the intrinsic phonon linewidth. The results agree with the formalism above for weak coupling.
|
\section{Comparison with state-of-the-art} \label{sec:sota}
We first compare our approach with other methods on two low-resolution datasets that are commonly used for the evaluation of vessel segmentation algorithms. In addition to the already used DRIVE dataset, we also test on the CHASE\_DB1 dataset.
\subsection{Results}
Table~\ref{tab:sota} shows the performance of our approach in comparison to recent state-of-the-art methods for retinal vessel segmentation on the DRIVE and CHASE\_DB1 datasets.
\begin{table*}
\footnotesize
\begin{center}
\begin{tabular}{l | c | c c c c | c c c c}
\toprule
\multicolumn{2}{c}{} & \multicolumn{4}{c}{\bfseries DRIVE} & \multicolumn{4}{c}{\bfseries CHASE\_DB1}\\
\bf Method & Year & F1 & ACC & ROC & PR & F1 & ACC & ROC & PR \\
\toprule
\midrule
Li \cite{Li2016} & 2015 & - & 0.9527 & 0.9738 & - & - & 0.9581 & 0.9716 & - \\
DRIU \cite{Maninis2016} & 2016 & 0.8210 & 0.9541 & 0.9793 & 0.9064 & - & - & - & - \\
V-GAN \cite{Son2017} & 2017 & 0.8277 & 0.9560 & 0.9803 & 0.9142 & - & - & - & - \\
DUNet \cite{Jin2019} & 2018 & 0.8237 & 0.9566 & 0.9802 & - & - & 0.9610 & 0.9804 & - \\
M2U-Net \cite{Laibacher2018} & 2018 & 0.8091 &\bf 0.9630 & 0.9714 & - & 0.8006 & \bf 0.9703 & 0.9666 & - \\
R2U-Net \cite{Alom2019} & 2018 & 0.8171 & 0.9556 & 0.9784 & - & 0.7928 & 0.9634 & 0.9815 & - \\
Yan \cite{Yan2018} & 2018 & - & 0.9542 & 0.9752 & - & - & 0.9610 & 0.9781 & - \\
LadderNet \cite{Zhuang2018} & 2019 & 0.8202 & 0.9561 & 0.9703 & - & 0.8031 & 0.9656 & 0.9839 & - \\
\midrule
VLight & 2020 & \bf 0.8299 & 0.9565 & \bf 0.9820 & \bf 0.9168 & \bf 0.8194 & 0.9671 & \bf 0.9873 & \bf 0.9057 \\
\bottomrule
\end{tabular}
\end{center}
\caption{\small Comparison against other recent approaches on DRIVE and CHASE\_DB1.}
\label{tab:sota}
\end{table*}
VLight achieves best non-binarized results on both datasets, outperforming much more complex and slower methods. Only M2U-Net \cite{Laibacher2018} reports higher accuracy - however at considerably lower F1/ROC/PR rates. It is unclear, whether this stems from differences in training loss (M2U-Net is trained on a combination of binary cross-entropy loss and additional Jaccard index loss) or a different thresholding method. Our fixed threshold of 0.5 does not give the highest possible accuracy. However, we refrain from optimizing this threshold since it easily results in overfitting the (small) test set and may lead to less robust results in practice.
\subsection{High-resolution fundus images}
Table~\ref{tab:HRF} summarises segmentation results for our and other methods on the HRF dataset that contains high-resolution fundus images of $3504\times2336$ pixel. On HRF we test only using the original image scale and use Otsu thresholding \cite{Otsu1979} to obtain binary masks. Our efficient model outperforms the previous top-performing method (DUNet) while processing the high-resolution fundus images an order of magnitude faster. M2U-Net offers faster runtimes at, however, significantly reduced performance.
\begin{table*}
\begin{center}
\begin{tabular}{l | c | c | r r r r r r}
\toprule
\bf Method & Year & Time & F1 & SE & SP & ACC & ROC & PR \\
\toprule
\midrule
Orlando \cite{Orlando2017} & 2017 & 5.8s$^*$ & 0.7158 & 0.7874 & 0.9584 & - & - & - \\
Yan et al. \cite{Yan2018} & 2018 & - & 0.7212 & \bf 0.7881 & 0.9592 & 0.9437 & - & - \\
M2U-Net \cite{Laibacher2018} & 2018 &\bf 19.9ms$^\dag$& 0.7814& - & - & 0.9635 & - & - \\
DUNet \cite{Laibacher2018} & 2018 & - [$>$1min]$^\ddag$& - & 0.7464 & \bf 0.9874 & 0.9651 & 0.9831 & - \\
\midrule
VLight & 2020 & 460ms$^\P$ &\bf 0.8145 & 0.7537 & 0.9873 & \bf 0.9656 &\bf 0.9850 & \bf 0.8977 \\
\bottomrule
\end{tabular}
\end{center}
\caption{\small Evaluation of segmentation results and runtime performance on the high-res. ($3504\times2336$px) HRF dataset.
$^*$Intel Xeon E5-2690, $^\dag$$^\ddag$GTX 1080Ti, $^\P$TITAN X.
}
\label{tab:HRF}
\end{table*}
\subsection{Cross-dataset evaluation}
Due to the high human effort involved in creating ground truth annotations for retinal vessel segmentations, available datasets are very small. DRIVE, CHASE\_DB1, and HRF only contain 40, 28, and 45 images respectively. Modern deep networks are easily able to fit closely to the data distribution of the training set which poses a high risk of overfitting. Furthermore, there exists a clear danger of test set overfitting through repeated hyper-parameter tuning.
\begin{table*}
\footnotesize
\begin{center}
\begin{tabular}{l c | c c c | c c c | c c c
}
\toprule
& & \multicolumn{3}{c}{\bfseries DRIVE} & \multicolumn{3}{c}{\bfseries CHASE} & \multicolumn{3}{c}{\bfseries HRF} \\
\bf Metric & \bf Method & D & C & H & D & C & H & D & C & H \\
\toprule
\toprule
\multirow{4}{0.5cm}{F1} & ErrorNet \cite{Tajbakhsh2020} & - & - & - & 73.20 & 81.5 & 68.6 & - & - & - \\
& V-GAN \cite{Son2017} & - & - & - & 69.30 & 79.7 & 66.4 & - & - & - \\
& U-Net \cite{Zhuang2019} & - & 50.69 & - & 65.05 & - & - & - & - & - \\
& AMCD \cite{Zhuang2019} & 82.33 & 73.95 & - & 78.60 & 80.15 & - \\
\cmidrule{2-11}
& VLight & \bf 82.84 & \bf 76.00 & \bf 79.21 & \bf 81.65 & \bf 81.94 & \bf 81.31 & \bf 80.31 & \bf 75.37 & \bf 81.45\\
\toprule
\toprule
\multirow{5}{0.5cm}{ROC} & Li \cite{Li2016} & 97.38 & 96.28 & - & 96.05 & 97.16 & - & - & - & - \\
& U-Net \cite{Zhuang2019} & - & 68.89 & - & 92.18 & - & - & - & - & - \\
& AMCD \cite{Zhuang2019} & 97.77 & 96.43 & - & 96.91 & 97.85 & - & - & - & - \\
\cmidrule{2-11}
& VLight & \bf 98.12 & \bf 97.70 & \bf 98.10 & \bf 97.80 & \bf 98.73 & \bf 98.44 & \bf 97.16 &\bf 96.89 &\bf 98.50 \\
\toprule
\bottomrule
\end{tabular}
\end{center}
\caption{\small Evaluation of cross-dataset segmentation performance to study generalizability of our and other methods. D=DRIVE, C=CHASE\_DB1, H=HRF.}
\label{tab:crossdb}
\end{table*}
To study the robustness and generalizability of our method, we evaluate segmentation performance across datasets. We use our previously trained models and predict vessels on another unseen dataset without any adaptation to the new dataset. Tab.~\ref{tab:crossdb} shows that our multi-scale training scheme leads to a high degree of adaptability to the different images sizes and appearance across the three tested datasets. Our simple and efficient approach even outperforms ADCM, a method explicitly dedicated to domain adaptation.
Fig.~\ref{fig:seg} shows example segmentations for an image from the HRF dataset segmented with two models: one trained on the same HRF dataset and another trained on the DRIVE dataset. First, we note that segmentation performance of the two models is comparable (F1: 88.88\% vs 86.98\%). Second, and most importantly, the model trained on DRIVE actually was trained with much lower resolution images, but is still able to generalize to the image material of HRF by making use of our multi-patch, multi-scale framework.
\begin{figure*}
\begin{center}
\includegraphics[width=\linewidth]{img/seg.pdf}
\end{center}
\caption{\small Segmentation result for an HRF test image for a model trained on HRF (upper row) and a model trained on DRIVE (lower row). The second column shows ground truth in white and the third column in green the correctly segmented vessels (zoom in for details).}
\label{fig:seg}
\end{figure*}
\section{Introduction}
The analysis of retinal blood vessel structure from fundus photographs can help to identify eye diseases such as diabetic retinopathy, macular degeneration, or hypertension at early stages \cite{Abramoff2010}. Often the growth of new vessels, increased tortuosity, and other morphological changes can be observed in patients \cite{Hubbard1999, Cheung2011}.
A second application domain is the use of the unique vascular structure as a landmark feature for tasks such as biometric authentication \cite{Marino2006} or registration of multiple images of the same eye across visits to track retinal changes over time or align multiple views to obtain a larger field-of-view \cite{Tian2010, Gharabaghi2013, Hervella2018}.
However, accurate tracing of the fine vascular structure is a difficult, labor-intensive and time consuming task. Numerous methods for automatic vessel segmentation have been proposed in the past. These range from early systems relying on low-level features analyzing local image statistics such as Gabor filters \cite{Soares2006} or ridge based features \cite{Staal2004} in combination with various types of classifiers such as support vector machines \cite{Ricci2007, You2011}, k-NN \cite{Staal2004}, boosting \cite{Fraz2012}, or neural networks \cite{Marin2011}.
In recent years, approaches relying on powerful convolutional neural networks have gained popularity and have led to significant increases in segmentation performance \cite{Fu2016, Liskowski2016}.
Many of these deep learning approaches follow a patch-based approach in which the fundus image is split into a set of small patches and each patch is processed individually \cite{Liskowski2016, Li2016, Oliveira2018, Jin2019}. These methods offer high performance in terms of pixelwise accuracy but are unable to capture semantic and contextual information as only a small image neighborhood is observed. In addition, these approaches are computationally expensive even for low-resolution images since a high number of patches has to be processed.
In contrast, several methods have been proposed that take the entire fundus image as input and produce the segmentation result in one pass \cite{Fu2016, Son2017, Maninis2016}. These methods typically operate much faster and are also able to produce high quality segmentation masks. Another advantage of this approach is that image-wide knowledge about the shape of the vessel structure across the retina becomes available and can be even incorporated explicitly in the model as, for example, in \cite{Son2017}. A core limitation of this approach, however, is that they almost always also learn the specific "appearance" of a particular training set given that public datasets typically only contain a low number of fundus images. Therefore these methods struggle to generalize to new images from different sources, as retinal images may vary drastically in terms of image resolution, field-of-view, illumination, sharpness, and recording artefacts.
In the present paper, we propose a hybrid approach in order to bridge the gap between local patch-based and global image-based methods. Specifically, we make use of large patches that are extracted at multiple image scales. Our experiments show that this combination is able to achieve state-of-the-art segmentation performance combined with excellent generalizability across different types of fundus images.
Importantly, we also show that accurate vessel segmentation does not require large and computationally expensive models. By employing a ResNet-based \cite{He2015} encoder-decoder architecture and incorporating building blocks of modern efficient networks \cite{Howard2017, Sandler2018, Shi2016}, we show that it is possible to downscale model complexity and processing time by an order of magnitude without a loss in performance, culminating in our VLight architecture.
Source code and pre-trained models are available at \url{https://github.com/browatbn2/VLight}.
\section{Studying patch size and model architecture}
In the following section we want to first shed light on how the choice of patch size in training and test affects segmentation performance. Next, we will study how much computational complexity is required to achieve high quality results.
\subsection{Training setup}
\subsubsection{Datasets}
As test bed for our evaluations serve three common fundus image datasets.
The \emph{DRIVE} dataset \cite{Staal2004} is currently the most widely used benchmark in this field. It contains 40 RGB fundus images of size $565 \times 584$ pixels, split into 20 images for training and 20 images for testing. Annotations of the first human observer serve as ground truth.
The \emph{CHASE\_DB1} dataset contains only 28 images but of higher resolution ($999 \times 964$px) than DRIVE. Unfortunately, there is no fixed training/test split and choices are inconsistent throughout the literature. We follow the majority of the recent methods we compare against \cite{Yan2018, Li2016, Zhuang2018, Alom2019} by selecting the first 20 images as training images and use the remaining 8 images for testing.
The \emph{HRF} dataset contains 45 high-resolution ($3504\times2336$px) fundus images split into 3 sets of 15 images from healthy patients, patients with diabetic retinopathy, and patients with glaucoma \cite{Kohler2013}. We follow Orlando et al. \cite{Orlando2017} using the first five images in each set (healthy, glaucoma, diabetic retinopathy) for training and the remaining 30 images for testing.
\subsubsection{Training procedure}
We do not employ any preprocessing or post-processing steps. We apply common data augmentations of rotation ($\pm 60^\circ$), horiz./vert. flipping as well as RGB color ($\pm20$), brightness/contrast ($\pm50\%$), and gamma ($\pm20\%$) shifts. All models are trained for 100k samples where one sample constitutes a dynamically selected random crop.
We use the Adam optimizer \cite{Kingma2014} ($\beta_1=0.9, \beta_2=0.999$) with a learning rate of 0.001 (reduced to 0.0002 after 80k samples) and a batch size of 10. We minimize the binary cross entropy loss between sample ground truth segmentations and predicted vessel probabilities.
\subsubsection{Evaluation Metrics}
We evaluate the quality of vessel predictions by reporting Area Under Curve for Receiver Operating Characteristic (ROC), Area Under Curve for the Precision-Recall Curve (PR), and F1 measure (or Dice coefficient). For binarized results we also report accuracy (ACC). Vessel probability maps are converted to binary masks by applying a fixed threshold of 0.5.
Please note that segmentations contain many more non-vessel pixels than vessel pixels. Accuracy is therefore a less suitable measure for performance in comparison to threshold-free metrics like Precision-Recall or ROC.
As is common practice, we only consider pixels inside the field-of-view for calculating the above metrics and discard black borders surrounding the visible part of the retina. Field-of-view masks are supplied by DRIVE and were determined for CHASE\_DB1 by thresholding median-filtered grayscale images.
\subsection{Effective patch sizes}
Methods that operate on image patches for retinal vessel segmentation use small patches of, for example, $48\times48$ pixels \cite{Jin2019}. These patches only cover a local region of the typically very large fundus images lacking larger-scale contextual information.
To study the influence of the selected patches on segmentation performance we train a baseline U-Net model \cite{Ronneberger2015} with different patch selection strategies for training and test. We opt for the U-Net model since it has become immensely popular in recent years for medical image segmentation. Numerous methods have been propose for vessel segmentation that build upon the basic U-Net architecture by adding, for example, residual and recurrent blocks \cite{Alom2019}, deformable convolutions \cite{Jin2019}, or efficient bottleneck blocks \cite{Laibacher2018}
We compare against these methods explicitly in Sec.~\ref{sec:sota}.
\begin{table*}
\begin{center}
\vspace{-0.3cm}
\begin{tabular}{l c c c c c | l l}
\toprule
\bf Method & \bf Patch-size & \bf Scale & \bf Patches & \bf Time & \bf F1 & \bf F1 & \bf F1\\
& &\bf train/test& \bf (test) & \bf GPU & \bf DRIVE & \bf CHASE & \bf HRF \\
\toprule
\midrule
U-Net & 544x544 & 1/1 & 1 & \bf 0.04s & 0.8305 & 0.7724 & 0.7478\\
\midrule
\midrule
U-Net \cite{Jin2019} & 48x48 & 1/1 & 14916 & 3.1s & 0.8175 & - & - \\
U-Net & 48x48 & 1/1 & 342 & 1.65s & 0.8172 & 0.5290 & 0.4809\\
\midrule
U-Net & 96x96 & 1/1 & 64 & 0.32s & 0.8281 & 0.5355 & 0.3935 \\
\midrule
U-Net & 128x128 & 1/1 & 36 & 0.25s & 0.8304 & 0.5192 & 0.3831\\
\midrule
U-Net & 256x256 & 1/1 & 9 & 0.08s & \bf 0.8316 & \multirow{2}{0.4cm}{0.4824} & \multirow{2}{0.4cm}{0.2607}\\
U-Net & 256x256 & 1/2 & 25 & 0.25s & 0.7253 & \\
\midrule
U-Net & 512x512 & 2/2 & 9 & 0.295s & 0.8302 & 0.7722 & 0.7704\\
\midrule
\midrule
U-Net & 256x256 & [1-2] / 1 & 9 & 0.08s & 0.8173 & \multirow{3}{0.4cm}{0.7125} & \multirow{3}{0.4cm}{0.7561} \\
U-Net & 256x256 & [1-2] / 2 & 36 & 0.28s & 0.8248 \\
U-Net & 256x256 & [1-2] / 1+2 & 45 & 1.96s & 0.8261\\
\midrule
U-Net & 512x512 & [2-4] / 2 & 9 & 0.29s & 0.8283 &\multirow{4}{0.2cm}{\bf0.7745} & \multirow{4}{0.2cm}{\bf 0.7954} \\
U-Net & 512x512 & [2-4] / 3 & 16 & 0.51s & 0.8190 &\\
U-Net & 512x512 & [2-4] / 4 & 36 & 1.13 & 0.8273 &\\
U-Net & 512x512 & [2-4] / 2+3+4 & 61 & 1.96s & 0.8299 &\\
\bottomrule
\end{tabular}
\end{center}
\vspace{-0.2cm}
\caption{\small Evaluating the effect of different patch sizes within and across datasets.}
\label{tab:patchsize}
\vspace{-0.6cm}
\end{table*}
Results are listed in Tab.~\ref{tab:patchsize}. We distinguish between three types of approaches here: Full images as inputs (equivalent to a single patch of size $544\times544$px), fixed size patches, and varying patch sizes. We make three important observations here: First, we see that models trained with large fixed size patches produce excellent results when tested on the same dataset (DRIVE) but do not generalize well to images from other datasets (CHASE\_DB1 and HRF). Second, multi-scale testing leads to a significant increase in accuracy if trained on varying resolutions. Lastly, processing time decreases considerably as patch sizes are increased.
\subsection{Efficient architecture}
As studied in the previous section, we can obtain a highly accurate segmentation results by employing a vanilla U-Net architecture. However, the model size and computational costs make it unsuitable for mobile or embedded devices. Our goal in this section is to show that accuracy can be maintained (or even increased) while at the same time reducing processing time by an order of magnitude.
\begin{table*}
\begin{center}
\begin{tabular}{l c c c c c }
\toprule
\bf Method & \bf Patch-size & \bf Scale & \bf Params & \bf Time & \bf F1 \\
\toprule
U-Net & 512x512 & [2-4] / 2+3+4 & 31.03M & 1.96s & 0.8299 \\
\midrule
Simple Baseline (SB) \cite{Xiao2018} & 512x512 & [2-4] / 2+3+4 & 18.96M & 1.03s & \bf 0.8312 \\
SB + Bilinear & 512x512 & [2-4] / 2+3+4 & 16.39M & 1.21s & 0.8311 \\
SB + Pixel Shuffle \cite{Shi2016} & 512x512 & [2-4] / 2+3+4 & 13.45M & 0.83s & 0.8309 \\
SB + Pixel Shuffle + DWC \cite{Chollet2017} & 512x512 & [2-4] / 2+3+4 & 1.83M & 0.72s & 0.8307 \\
\midrule
VLight & 512x512 & [2-4] / 2 & 0.74M & \bf 0.08s & 0.8184 \\
VLight & 512x512 & [2-4] / 3 & 0.74M & 0.15s & 0.8276 \\
VLight & 512x512 & [2-4] / 4 & 0.74M & 0.34s & 0.8261 \\
VLight & 512x512 & [2-4] / 2+3+4 & 0.74M & 0.56s & 0.8299 \\
\bottomrule
\end{tabular}
\end{center}
\vspace{-0.2cm}
\caption{\small Comparison between different model architectures on DRIVE.}
\label{tab:arch}
\vspace{-0.7cm}
\end{table*}
While leaving training and testing procedures untouched, we replace the U-Net with a ResNet-based encoder-decoder model similar to the Simple Baseline architecture of \cite{Xiao2018}. This model consists of the first 3 ResNet layers of a standard ResNet-18 architecture and an inverted counterpart in which 2-strided convolutions are replaced by $4 \times 4$ deconvolutions.
A common approach for activation upsizing in a decoder pipeline consists in simple bilinear upscaling. In our experiments this, however, led to decreased accuracy and no increase in runtime performance. Shi et al. \cite{Shi2016} proposed an alterative upscaling method in the context of image super-resolution which has also been used successfully employed for semantic segmentation tasks \cite{Cai2019}. Their so-called Pixel Shuffle operation transforms a $H\times W \times C r^2$ tensor into a $rH\times rW \times C$ tensor by simply rearranging element positions as shown in Fig~\ref{fig:blocks} d). This efficient operation leads a reduction in decoder parameters and a processing speed-up without suffering a significant loss in performance.
Next, we make use depthwise separable convolutions (DWCs), introduced in Xception \cite{Chollet2017}, and replace ResNet blocks with blocks akin to MobileNet \cite{Howard2017, Sandler2018}. See Fig~\ref{fig:arch} and Fig~\ref{fig:blocks} for more details. A similar approach is also used by M2U-Net \cite{Laibacher2018} to create an extremely efficient segmentation model for embedded devices. We observe a drastic reduction in parameter count while only noticing a small decrease in accuracy.
For our final model, VLight, we replace the costly first $7 \times 7$ convolution followed by maxpooling with two $3 \times 3$ convolutions and trade model depth for model width. This tradeoff has been motivated by recent studies, for example in \cite{Wu2019}. We half the number of residual blocks and the set all channel sizes to 256.
\begin{figure*}
\begin{center}
\includegraphics[width=0.9\linewidth]{img/arch.png}
\end{center}
\vspace{-0.6cm}
\caption{\small VLight network overview. Numbers on top of layers and blocks denote number of output channels.}
\label{fig:arch}
\vspace{-0.5cm}
\end{figure*}
\begin{figure*}
\begin{center}
\includegraphics[width=0.9\linewidth]{img/blocks.png}
\end{center}
\vspace{-0.8cm}
\caption{\small VLight network blocks. a) Original ResNet downsampling block containing two convolutional layers; b) Residual downsampling block with depthwise convolutional layers; c) Residual upsampling block with Pixel Shuffle; d) Upscaling using Pixel Shuffle operation}
\label{fig:blocks}
\vspace{-0.5cm}
\end{figure*}
\section{Conclusion}
Our experiments on retinal vessel segmentation have shown that a hybrid framework with large patch sizes extracted at multiple image scales is able to achieve state-of-the-art performance. The combination of these two approaches is able to leverage contextual, large-range image dependencies while at the same time preserving short-range, high-resolution image information. In addition, the framework can better generalize across different datasets as it avoids overfitting on a specific training set's visual appearance.
The overall network structure consists of a simple encoder-decoder structure with ResNet blocks, which provide highly efficient performance at reduced parameter count compared to a U-Net architecture, for example. Our experiments have demonstrated that it possible to reduce the number of parameters even further at minimal loss of segmentation accuracy. It is possible to provide good performance with only 0.8M parameters, which makes our hybrid approach suitable not only for high-precision segmentation, but also for a wide variety of computation-time-sensitive applications. Future developments will concentrate on further improving segmentation accuracy and optimizations to the network architecture.
\bibliographystyle{abbrv}
|
\section{Introduction}
In the last decade, numerous innovations in deep learning for computer vision have substantially improved results on many benchmark tasks \cite{krizhevsky2012imagenet, he2016deep, zagoruyko2016wide, huang2017densely}.
These innovations include architecture changes, training procedure improvements, data augmentation techniques, and regularization strategies, among many others.
In particular, data augmentation techniques have consistently and predictably improved neural network performance, and remain crucial in training deep neural networks effectively.
One such recent line of work revolves around the idea of finding effective augmentations through a search procedure \cite{cubuk2018autoaugment}.
The resulting augmentations tend to outperform hand-designed algorithms \cite{cubuk2018autoaugment}, and have seen some adoption \cite{tan2020efficientnet, berthelot2019mixmatch}.
There is work to reduce the cost of the search \cite{lim2019fast, ho2019population}.
A different line of work follows the idea of Mixup \cite{zhang2017mixup}, where inputs are generated from convex combinations of images and their labels.
The resulting image can be understood as one image overlaid on another, with some opacity.
Follow up works include methods such as Cutout \cite{devries2017improved} where parts of an image are removed, or CutMix \cite{yun2019cutmix} where parts of one image are removed and pasted onto another, with correspondingly weighted labels.
Other works further improve accuracy \cite{kim2020puzzle}, or robustness \cite{hendrycks2020augmix}.
\emph{While highly effective individually, they generally cannot be combined with each other (See MixUp$\rightarrow$CutMix and CutMix$\rightarrow$MixUp in Tables \ref{supervisedImageClassificationImageNet},\ref{supervisedImageClassification}).}
Furthermore, many cannot effectively combine more than 3 images (see Table \ref{tableAblation}), or they suffer from information loss due to inappropriate occlusion.
In this paper, we consider the supervised setting and introduce StackMix, a complementary Mix algorithm.
In StackMix, each input is presented as a concatenation of two images, and the label is the mean of the two one-hot labels.
We show StackMix works well with existing tuned hyperparameters, and has no change to existing losses or general network architecture, which allows for easy adoption and integration into modern deep learning pipelines.
Most importantly, not only is StackMix an effective augmentation on its own, it can further boost the performance of existing data augmentation, including the Mix line of work.
Our contributions are as follows:\vspace{-0.2cm}
\begin{itemize}[leftmargin=*]
\item We propose StackMix, a Mix data augmentation method that is complementary to existing augmentation
\vspace{-0.2cm}
\item Compared to the vanilla case, StackMix improves the test performance on existing image classification tasks, including by 0.84\% on ImageNet with ResNet-50, 3.24\% on Tiny ImageNet with ResNet-56 \cite{he2016deep}, 1.30\% on CIFAR-100 with VGG-16 \cite{simonyan2014very} and 0.64\% with PreAct ResNet-18, 0.08\% on CIFAR-10 with SeResNet-18 and 0.14\% with ResNet-20, 2.28\% on STL-10 with Wide-ResNet 16-8 \cite{zagoruyko2016wide}. Finally, StackMix improves by 2.16\% on CIFAR-10, with all but 4000 labeled samples, when combined with the semi-supervised $\Pi$-model \cite{laine2017temporal}. \vspace{-0.2cm}
\item We demonstrate that StackMix is complementary to existing data augmentation techniques, achieving over 0.8\% improvement on ImageNet, 3\% improvement on Tiny ImageNet, 2\% test error improvement on CIFAR-100, 0.5\% on CIFAR-10, and 1.5\% on STL-10, by combining StackMix with state-of-the-art data augmentation method CutMix \cite{yun2019cutmix}, as compared to CutMix alone. Similar gains are achieved with MixUp \cite{zhang2017mixup} and AutoAugment \cite{cubuk2018autoaugment}. In this way, many images are effectively combined. \vspace{-0.2cm}
\item Improvements carry over to the robustness setting, with ~1\% test error improvement on CIFAR100-C \cite{hendrycks2019robustness} and 0.2\% on CIFAR10-C, by combining StackMix with state-of-the-art data augmentation method for robustness Augmix \cite{hendrycks2020augmix} over AugMix. \vspace{-0.2cm}
\end{itemize}
\section{The StackMix algorithm}
In StackMix, we alter the input to the network to be a concatenation of two images, and the output to be a two-hot vector of $\sfrac{1}{2}$ and $\sfrac{1}{2}$; see Figure \ref{fig:StackMix}.
The choice of $\sfrac{1}{2}$ value is a result of using the Cross Entropy loss, and 1 and 1 can be explored for the Binary Cross Entropy loss.
StackMix is tightly related to the line of ``Mix'' data augmentation work. StackMix has the following general advantages:\vspace{-0.2cm}
\begin{enumerate}[leftmargin=*,label=(\alph*)]
\item StackMix is complementary to existing data augmentations including the ``Mix'' line of work (see Section \ref{complementary_to_aug}). This means StackMix can effectively mix more than two images, e.g. StackMix with $k=2$ and Mixup can effectively mix four images in total. This is in contrast to, for example, Mixup which does not benefit from mixing more than two images (see Page 3 of Mixup \cite{zhang2017mixup} or Table \ref{tableAblation}). In addition, the various ``Mix'' based methods cannot be effectively combined (See MixUp$\rightarrow$CutMix, CutMix$\rightarrow$MixUp in Tables \ref{supervisedImageClassificationImageNet},\ref{supervisedImageClassification}). \vspace{-0.2cm}
\item StackMix has no additional hyperparameters. \vspace{-0.2cm}
\item Compared with methods which remove or replace parts of images, StackMix has no assumption that critical information is effectively captured in bounding boxes, which may not be the case for real-world datasets. \vspace{-0.2cm}
\end{enumerate}
This construction can be directly plugged into any existing image classification training pipeline, with the only typical changes being the sizes of the first and last layers of the network.
The change in parameters is generally insignificant (e.g., $<1\%$ for ResNet-20 on CIFAR10, or 0\% for PreAct ResNet-18 on CIFAR100, due to average pool; see Table \ref{tableModelParams} in Appendix; see Tables \ref{supervisedImageClassificationImageNet},\ref{supervisedImageClassification} for controls).
To ensure fairness in comparisons, we tune hyperparameters in the original standard one-hot supervised setting --including epochs to ensure performance has saturated-- and we then apply the \textbf{exact same hyperparameters} to StackMix.
We note that, for testing, we concatenate the same image twice, with the one-hot vector used as the ground truth label (see later section for discussion).
\subsection{Implementation and synergy with existing data augmentation}
In the traditional setting, a batch size of $k$ is defined by having $k$ inputs per batch, where each of the $k$ inputs is typically the result after data augmentation.
For consistency with data augmentation techniques, which combine two or more images such as Mixup \cite{zhang2017mixup}, we define an input vector as a vector after the concatenation.
In particular, and for simplicity of presentation, for each input, we assume we perform the following motions: \vspace{-0.2cm}
\begin{figure}[t]
\centering
\begin{minipage}{\linewidth}
\vspace{-0.1cm}
\begin{algorithm}[H]
\caption{The StackMix algorithm. Produces one sample. For concatenating two images, we set $k=2$. To recover the standard one-hot supervised training, we set $k=1$.}\label{alg:StackMix}
\begin{algorithmic}
\State \textbf{Inputs}: Samples $\left\{x_i, y_i\right\}_{i=0}^{k}$; $x_i$ are inputs and $y_i$ are one-hot labels; stochastic transformation $T$; number of images to concatenate $k$.
\State \quad 1. Compute $x_i = T(x_i)$.
\State \quad 2. Concatenate as $x = \texttt{concat}\left(\{x_i\}_{i=0}^{k}\right)$
\State \quad 3. Compute prediction $y = \tfrac{1}{k} \left(\sum_{i=0}^{k}{y_i}\right)$
\State \Return $x, y$
\end{algorithmic}
\end{algorithm}
\end{minipage}
\end{figure}
\vspace{-0.1cm}
\begin{enumerate}[leftmargin=*,label=(\alph*)]
\item Sample two images. \vspace{-0.2cm}
\item Apply existing data augmentation to each image individually. \vspace{-0.2cm}
\item Concatenate the two images as a single input vector. \vspace{-0.2cm}
\item Rescale each label vector to $\sfrac{1}{2}$, and add them element-wise to produce the multi-hot label. \vspace{-0.2cm}
\end{enumerate}
This method can be easily extended to $k$-fold concatenation of images, where each label vector is rescaled to $\sfrac{1}{k}$, and then summed element-wise.
We explore $k>2$ in Section \ref{ablation}.
For clarity, we present this procedure as well in Algorithm \ref{alg:StackMix}, where $k=1$ is the standard one-hot training procedure, and $k=2$ is the primary focus of this paper. In implementation, we sample two images with replacement and thus the output can be a one-hot vector, naturally with $\sfrac{1}{n}$ probability, where $n$ is the size of the dataset; although, we note that this choice has minimal impact on performance.
\section{Results} \label{resultsSection}
We provide experimental results for supervised image classification, test error robustness against image corruptions and perturbation
, semi-supervised learning, combining StackMix with existing data augmentation, an ablation study, and evaluation of test time augmentation.
A summary of experimental settings are given in Table \ref{experimentSummary}, and comprehensively detailed in each section.
\emph{We tuned the hyperparameters of the standard one-hot setting to achieve the performance of the original papers and of the most popular public implementations, reusing the most widely used codebases for consistency.}
We then used the \emph{exact same hyperparameters and pipeline} for StackMix for fairness.
\begin{table*
\centering
\begin{small}
\begin{tabular}{lclclcl}
\toprule
Experiment short name & & Model & & Dataset & & Setting \\
\cmidrule{1-1} \cmidrule{3-3} \cmidrule{5-5} \cmidrule{7-7}
\texttt{RN50-IMAGENET} & & ResNet-50 & & ImageNet & & Supervised Learning \\
\texttt{RN56-TINYIMAGENET} & & ResNet-56 & & Tiny ImageNet & & Supervised Learning \\
\texttt{VGG16-CIFAR100} & & VGG-16 & & CIFAR100 & & Supervised Learning \\
\texttt{PRN18-CIFAR100} & & PreActResNet-18 & & CIFAR100 & & Supervised Learning \\
\texttt{SRN18-CIFAR10} & & SeResNet-18 & & CIFAR10 & & Supervised Learning \\
\texttt{RN20-CIFAR10} & & ResNet-20 & & CIFAR10 & & Supervised Learning \\
\texttt{WRN-STL10} & & Wide ResNet 16-8 & & STL10 & & Supervised Learning \\
\texttt{WRN-CIFAR10-SSL} & & Wide ResNet 28-2 & & CIFAR10 & & Semi-Supervised Learning \\
\texttt{WRN-CIFAR10/100-C} & & Wide ResNet 40-2 & & CIFAR10/100-C & & Robustness \\
\texttt{RN20-CIFAR10-N} & & ResNet-20 & & CIFAR10 & & Ablation \\
\texttt{VGG16-CIFAR100-N} & & VGG-16 & & CIFAR100 & & Ablation \\
\texttt{PRN18-CIFAR100-INF} & & PreActResNet-18 & & CIFAR100 & & Test time inference augmentation \\
\bottomrule
\end{tabular}\vspace{-0.1cm}
\caption{Summary of experimental settings.
}\vspace{-0.1cm}
\label{experimentSummary}
\end{small}
\end{table*}
\subsection{Supervised Image Classification}
In this section, we explore improving the performance of well-known baselines in the supervised learning setting.
We add StackMix to seven model-dataset pairs, and lastly observe the performance with and without StackMix across a varying number of supervised samples in the CIFAR100 setting.
See Tables \ref{supervisedImageClassificationImageNet},\ref{supervisedImageClassification} for results.
\textbf{Controls.} Although StackMix generally introduces a small number of additional parameters (see Table \ref{tableModelParams} in Appendix), it is crucial to introduce controls to account for the difference, in addition to the increased training time. Therefore, we also present results with two controls. To account for the additional hyperparameters and computation, we introduce a control where the StackMix procedure concatenates the same image with itself during training, after being individually augmented with the stochastic image augmentation for fairness. To account for increased training time, we introduce a control with double the batch size and double the epochs, with re-tuned learning rate. This way we effectively control for both the model size and the total computation/number of images seen by the model during training. Results are presented in Tables \ref{supervisedImageClassificationImageNet},\ref{supervisedImageClassification} (See Base, 2x bs/epochs, StackMix(same)).
It appears that neither control exhibits the same improvement as with StackMix.
\textit{This is critical in our analysis of StackMix as this suggests the effect of StackMix is nontrivial and cannot be explained by computation or model size differences.}
\begin{figure*}
\centering
\begin{subfigure}[b]{0.30\linewidth}
\includegraphics[width=\linewidth,trim={1.7cm 1.3cm 0 0},clip]{plots/10classes_train.png}
\label{fig:10classes}
\end{subfigure}
\begin{subfigure}[b]{0.30\linewidth}
\includegraphics[width=\linewidth,trim={1.7cm 1.3cm 0 0},clip]{plots/1class_fixed_rest_vary_train.png}
\label{fig:1class}
\end{subfigure}
\begin{subfigure}[b]{0.30\linewidth}
\includegraphics[width=\linewidth,trim={1.7cm 1.3cm 0 0},clip]{plots/3classes_top_and_bottom_train.png}
\label{fig:3classes}
\end{subfigure}
\vspace{-0.3cm}
\caption{\small Left: Randomly selected 10 classes where each image is concatenated with itself. Middle: Randomly selected 10 classes where each image is concatenated with an image from class 0. Right: Randomly selected 3 classes where each image is concatenated with itself, concatenated as the top image with an image from another class, and concatenated as the bottom image with an image from another class. Singular number denotes self-concatenation. ``a-b'' denotes image from class a concatenated as the top image with an image from class b. Data used is training data and test data plots are similar with more noise.
}
\label{fig:plotTSNE} \vspace{-0.3cm
\end{figure*}
\textbf{Examining learned embeddings.} We check the learned embeddings for randomly drawn samples from CIFAR100 with t-SNE \cite{tsne}, given in Figure \ref{fig:plotTSNE}, as sanity check. The images are processed in the inference setting, where they are concatenated with themselves. Clusters form as expected (Figure \ref{fig:plotTSNE} Left). This is highly encouraging despite the network mostly seeing the concatenation of images from different classes. We also observe that by fixing one image of each concatenation to be a certain class and varying the class of the other image, a similarly separated distribution forms (Figure \ref{fig:plotTSNE} Middle). This further supports the idea that the network has learned to differentiate between the two presented images. Finally, we find that concatenating images from two different classes is semantically separated from concatenating either image with itself (Figure \ref{fig:plotTSNE} Right), and that as a sanity check the embeddings are generally not sensitive to which image is placed on top. In sum, while the network sees the same image stacked during testing and largely sees different images stacked during training, it appears to learn reasonable embeddings.
\begin{table
\centering
\begin{small}
\begin{tabular}{c|c}
\toprule
Method & Test error \\ \midrule
Base & 24.10 \\
2x bs/epochs & 24.49 \\
StackMix(same) & 23.28 \\
MixUp & 23.28 \\
CutMix & 23.48 \\
StackMix & 23.26 \\
MixUp$\rightarrow$CutMix & 35.70 \\
CutMix$\rightarrow$MixUp & 33.99 \\
MixUp$\rightarrow$StackMix & \textbf{22.08} \\
CutMix$\rightarrow$StackMix & 22.68 \\
\bottomrule
\end{tabular}\vspace{-0.1cm}
\caption{Generalization error of experiments with and without StackMix in the \texttt{RN50-ImageNet} setting. 2x bs/epochs refers to doubling the batch size and epochs of Base. StackMix(same) is another control which refers to stacking the same image as input. A$\rightarrow$B refers to generating inputs with A and then feeding them as input to B, e.g. CutMix$\rightarrow$MixUp first generates inputs with CutMix and then feeds them as input to MixUp
}\vspace{-0.1cm}
\label{supervisedImageClassificationImageNet}
\end{small}
\end{table}
\begingroup
\setlength{\tabcolsep}{2pt}
\begin{table*
\centering
\begin{scriptsize}
\begin{tabular}{ccccccccccc}
\toprule
Experiment & Base & 2x bs/epochs & StackMix(same) & MixUp & CutMix & StackMix & MixUp$\rightarrow$CutMix & CutMix$\rightarrow$MixUp & MixUp$\rightarrow$StackMix & CutMix$\rightarrow$StackMix \\
\midrule
\texttt{RN56-TINYIMAGENET} & 42.03 & 42.00 & 42.11 & 40.76 & 39.46 & 38.79 & 43.80 & 43.24 & 38.55 & \textbf{36.25} \\
\texttt{VGG16-CIFAR100} & 27.80 & 28.63 & 27.69 & 27.35 & 27.20 & 26.50 & 34.44 & 35.66 & 25.69 & \textbf{25.49} \\
\texttt{PRN18-CIFAR100} & 25.93 & 25.41 & 25.63 & 25.05 & 24.00 & 25.29 & 31.36 & 30.20 & 24.58 & \textbf{23.61} \\
\texttt{RN20-CIFAR10} & 7.65 & 7.55 & 7.73 & 6.51 & 6.74 & 7.51 & 6.93 & 7.05 & 6.40 & \textbf{6.27} \\
\texttt{SRN18-CIFAR10} & 5.03 & 5.05 & 5.21 & 5.34 & 4.59 & 4.95 & 6.64 & 6.59 & 4.50 & \textbf{4.30} \\
\texttt{WRN-STL10} & 17.26 & 15.83 & 18.92 & 15.68 & 16.83 & 14.98 & 24.02 & 23.68 & \textbf{13.44} & 15.01 \\
\bottomrule
\end{tabular}\vspace{-0.1cm}
\caption{Generalization error of experiments with and without StackMix in the supervised setting. 2x bs/epochs refers to doubling the batch size and epochs of Base. StackMix(same) is another control which refers to stacking the same image as input. A$\rightarrow$B refers to generating inputs with A and then feeding them as input to B, e.g. CutMix$\rightarrow$MixUp first generates inputs with CutMix and then feeds them as input to MixUp
}\vspace{-0.1cm}
\label{supervisedImageClassification}
\end{scriptsize}
\end{table*}
\endgroup
\begin{table*}
\centering
\small
\begin{tabular}{ccccccc}
\toprule
samples\% & 100 & 50 & 30 & 20 & 10 & 5 \\\midrule
Base & 27.80\% $\pm$.10 & 34.88\% $\pm$.20 & 42.52\% $\pm$.34 & 50.41\% $\pm$.38 & 71.91\% $\pm$.57 & 86.03\% $\pm$.12 \\
StackMix & \textbf{26.50\% $\pm$.11} & \textbf{33.61\%} $\pm$.21 &
\textbf{40.40\%} $\pm$.34 & \textbf{48.19\%} $\pm$.52 & \textbf{68.71\%} $\pm$.87 & \textbf{85.61\%} $\pm$.40 \\ \bottomrule
\end{tabular} \vspace{-0.1cm}
\caption{Generalization error (\%) for VGG16-CIFAR100 with varying number of proportional samples in each class.}
\label{vgg16Cifar100VariousEpochsTable}\vspace{-0.1cm}
\end{table*}
\textbf{\texttt{ImageNet}.} ImageNet \cite{russakovsky2015imagenet} is a dataset with 1.3 million training images and 50,000 validation images of varying dimensions and 1,000 classes.
ResNet-50 \cite{he2016deep} is a deep ResNet architecture with 50 layers. We use the official PyTorch implementation and train the network for the default 90 epochs, which roughly follows popular works \cite{he2016deep, huang2017densely, han2017deep, simonyan2014very, zhang2017mixup}. There are some works which train the network for 3-4x the number of epochs, e.g. CutMix \cite{yun2019cutmix}, but this can be computationally demanding. We use the standard random crops of size $224\times224$, horizontal flips, and normalization. In inference, we use a $224\times224$ center crop, following standard. The network is trained with momentum SGD ($\eta = 0.1$, $\beta=0.9$), with a 30-60 decay schedule by factor of 0.1 using a batch size of 256. We set $\alpha=1$ for MixUp and CutMix.
StackMix variants perform by far the best, with best StackMix variant improving $2.02\%$ over base. Adding StackMix to MixUp improves $1.20\%$ over MixUp, and adding StackMix to CutMix improves $0.80\%$ over CutMix (see Table \ref{supervisedImageClassificationImageNet} and Figure \ref{fig:mainlineresults}).
\textbf{\texttt{Tiny ImageNet}.} Tiny ImageNet has 110,000 images of size $64\times64\times3$ and 200 classes.
The test/train split is 100,000/10,000. With ResNet-56 \cite{he2016deep}, we trained the model for 80 epochs with momentum SGD ($\eta = 0.1$, $\beta=0.9$), Cross Entropy loss, decaying by a factor of 0.1 at 40 and 60 epochs, using a batch size of 64.
We applied the standard image augmentation \cite{he2016deep} of horizontal flips, normalization and random crops.
By adding StackMix to the vanilla case, the absolute generalization error was reduced by 3.24\%, from 42.03\% to 38.79\%.
By observing Figure \ref{fig:plots1} (Left), we see that while the two methods are initially comparable, adding StackMix reduces the error in the later stages of training.
The plateau of the StackMix curve suggests resistance to overfitting. Furthermore, by adding StackMix to MixUp, test error is decreased by 2\%, and by adding StackMix to CutMix, test error is decreased by 3\% (see Table \ref{supervisedImageClassification} and Figure \ref{fig:mainlineresults}).
\begin{figure}
\centering
\begin{subfigure}[b]{0.49\linewidth}
\includegraphics[width=\linewidth]{plots/tinyimagenet.png}
\label{fig:rn56tinyimagenet}
\end{subfigure}
\begin{subfigure}[b]{0.49\linewidth}
\includegraphics[width=\linewidth]{plots/cifar100.png}
\label{fig:vgg16cifar100}
\end{subfigure}
\vspace{-0.7cm}
\caption{\small Generalization error for supervised learning. Left: \texttt{RN56-TINYIMAGENET}. Right: \texttt{VGG16-CIFAR100}.
}
\label{fig:plots1}\vspace{-0.5cm}
\end{figure}
\textbf{\texttt{CIFAR100}.} CIFAR100 has 100 classes and 500 samples per class in the training set, and 100 samples per class in the test set.
Images are of size $32\times32\times3$. We trained two models, VGG16 and PreActResNet-18 (PRN18). VGG-16 was trained for 300 epochs following standard procedure as in \texttt{Tiny ImageNet}. PRN18 was trained similarly, except for 200 epochs and a learning rate decay schedule by a factor 0.2 at 60, 120, and 180 epochs. A roughly 1\% test error improvement is observed for both cases for StackMix compared to the controls. Relative to MixUp and CutMix, a significant decrease of 1-2\% is observed by adding StackMix (see Table \ref{supervisedImageClassification} and Figure \ref{fig:mainlineresults}). Contrary to \texttt{Tiny ImageNet}, we observe in Figure \ref{fig:plots1} (Right) that StackMix already improves in the early stages of training with VGG16. It is typical in neural network training to see the gap closed in the first learning rate decay when there exists a gap early on in training, but here StackMix maintains an improvement.
\textbf{\texttt{CIFAR10}.} CIFAR10 is the 10 class version of CIFAR100. We trained two models, ResNet20 (RN20) and SeResNet-18 (SRN18). This is a particularly challenging task to improve upon due to the model architecture where doubling the number the parameters and increasing the depth results in only minor gains in performance \cite{he2016deep}. Both networks are trained similarly as previously, except with a 30-60-90 learning rate decay schedule for SRN18. In both cases there are small improvements over the controls, and adding StackMix to existing augmentation further improves results.
We emphasize that ResNet20 is not ResNet18, which is a different network architecture with significantly more parameters. Most popular implementations of ResNet20 fall in the 8-8.5\% test error range on CIFAR10. SeResNet18 is a variation of ResNet18.
\begingroup
\setlength{\tabcolsep}{3pt}
\begin{table*
\centering
\begin{scriptsize}
\begin{tabular}{c|c|ccc|cccc|cccc|cccc|c}
\toprule
& & \multicolumn{3}{c}{Noise} & \multicolumn{4}{c}{Blur} & \multicolumn{4}{c}{Weather} & \multicolumn{4}{c}{Digital} & \\ \midrule
Setting & Clean & Gauss. & Shot & Impulse & Defocus & Glass & Motion & Zoom & Snow & Frost & Fog & Bright & Contrast & Elastic & Pixel & JPEG & \textbf{mCE} \\
\midrule
\texttt{Standard} & 25.18 & 83.1 & 75.2 & 75.8 & 43.2 & 78.4 & 49.6 & 50.4 & 48.3 & 53.5 & 39.6 & 30.0 & 48.1 & 44.1 & 54.4 & 55.0 & 55.24 \\
\texttt{StackMix} & 24.80 & 81.4 & 73.8 & 74.0 & 44.0 & 77.5 & 49.8 & 51.3 & 46.7 & 52.8 & 37.6 & 29.6 & 47.7 & 44.1 & 55.7 & 55.7 & 54.78 \\
\texttt{AugMix} & 23.37 & \textbf{54.5} & \textbf{46.7} & 36.7 & 25.6 & \textbf{53.1} & 29.6 & 28.2 & 34.7 & 36.0 & 33.0 & 25.6 & 31.3 & 32.4 & \textbf{36.5} & \textbf{38.3} & 36.14 \\
\texttt{AugMix$\rightarrow$StackMix} & \textbf{21.81} & 55.7 & 47.3 & \textbf{33.0} & \textbf{24.0} & 54.9 & \textbf{27.8} & \textbf{27.2} & \textbf{32.8} & \textbf{34.9} & \textbf{29.9} & \textbf{23.9} & \textbf{30.9} & \textbf{31.3} & 39.3 & 39.0 & \textbf{35.46} \\
\bottomrule
\end{tabular}\vspace{-0.1cm}
\caption{Generalization error of experiments with and without StackMix in the \texttt{WRN-CIFAR100-C} setting. }\vspace{-0.1cm}
\label{robustnessMCECIFAR100}
\end{scriptsize}
\end{table*}
\endgroup
\begingroup
\setlength{\tabcolsep}{3pt}
\begin{table*
\centering
\begin{scriptsize}
\begin{tabular}{c|c|ccc|cccc|cccc|cccc|c}
\toprule
& & \multicolumn{3}{c}{Noise} & \multicolumn{4}{c}{Blur} & \multicolumn{4}{c}{Weather} & \multicolumn{4}{c}{Digital} & \\ \midrule
Setting & Clean & Gauss. & Shot & Impulse & Defocus & Glass & Motion & Zoom & Snow & Frost & Fog & Bright & Contrast & Elastic & Pixel & JPEG & \textbf{mCE} \\
\midrule
\texttt{Standard} & 5.49 & 51.1 & 39.1 & 43.1 & 19.1 & 50.5 & 24.2 & 25.2 & 19.1 & 23.2 & 11.9 & 7.1 & 21.8 & 16.7 & 30.0 & 22.6 & 26.98 \\
\texttt{StackMix} & 5.30 & 53.0 & 42.5 & 43.1 & 18.2 & 49.4 & 23.6 & 23.8 & 18.5 & 21.7 & 11.7 & 6.8 & 22.3 & 17.5 & 29.7 & 23.0 & 26.99 \\
\texttt{AugMix} & 4.91 & \textbf{22.2} & \textbf{16.3} & 13.0 & 5.8 & \textbf{21.0} & 7.9 & 7.2 & 10.7 & 10.4 & 8.2 & 5.6 & 7.8 & 10.1 & 16.3 & 12.6 & 11.67 \\
\texttt{AugMix$\rightarrow$StackMix} & \textbf{4.37} & 24.2 & 16.8 & \textbf{10.7} & \textbf{5.3} & 22.4 & \textbf{7.5} & \textbf{6.7} & \textbf{9.9} & \textbf{10.0} & \textbf{7.5} & \textbf{5.0} & \textbf{7.3} & \textbf{9.6} & \textbf{16.2} & \textbf{12.5} & \textbf{11.44} \\
\bottomrule
\end{tabular}\vspace{-0.1cm}
\caption{Generalization error of experiments with and without StackMix in the \texttt{WRN-CIFAR10-C} setting.}\vspace{-0.1cm}
\label{robustnessMCECIFAR10}
\end{scriptsize}
\end{table*}
\endgroup
\begin{table
\centering
\begin{small}
\begin{tabular}{lclclcl}
\toprule
Experiment & & Base & & StackMix\\
\cmidrule{1-1} \cmidrule{3-3} \cmidrule{5-5}
\texttt{WRN-CIFAR10-SSL} & & 17.31\% & & \textbf{15.15}\%\\ \bottomrule
\end{tabular}\vspace{-0.1cm}
\caption{Generalization error of $\Pi$-model on the standard benchmark of CIFAR10, with all but 4,000 labels removed.}\vspace{-0.3cm}
\label{semisupervisedImageClassification}
\end{small}
\end{table}
\textbf{\texttt{STL10}.}
STL-10 comprises 1300 images of size $96\times96\times 3$ with a 500/800 train/test split and 10 classes.
This is challenging dataset due to the number of training samples and size of images.
We use Wide ResNet 16-8 \cite{zagoruyko2016wide}, a 16 layer deep ResNet architecture with 8 times the width.
We trained the WRN model for 100 epochs following standard settings as before.
Similar results are observed in Table \ref{supervisedImageClassification}, except CutMix does not perform as well, leading to MixUp$\rightarrow$StackMix attaining the best performance.
\textbf{Understanding performance with varying labeled samples.}
StackMix performs well in the above supervised settings, and we further explore performance in the low sample regime.
In particular, we select the \texttt{VGG16-CIFAR100} setting, and decrease the number of samples in each class proportionally.
We use the exact same training setup as in the full \texttt{VGG16-CIFAR100} case, and tabulate results in Table \ref{vgg16Cifar100VariousEpochsTable}.
We perform 3 runs since low-sample settings produce higher variance results.
The improvement for the full dataset setting hold with lower samples at roughly 2\% generalization error.
\begin{table*
\centering
\begin{small}
\begin{tabular}{ccccc}
\toprule
Experiment & Base & AA & StackMix & AA$\rightarrow$StackMix \\ \midrule
\texttt{PRN18-CIFAR100-AA} & 25.93\% & 23.87\% & 25.29\% & \textbf{21.51\%} \\ \bottomrule
\end{tabular}\vspace{-0.1cm}
\caption{Generalization error (\%) of \texttt{PRN18-CIFAR100} with AutoAugment. It is no surprise that StackMix is complementary to AutoAugment, and we simply present one experiment here to confirm. }\vspace{-0.1cm}
\label{aaImageClassification}
\end{small}
\end{table*}
\begin{table*}
\centering
\small
\begin{tabular}{ccccccccccccc}
\toprule
& & & & \multicolumn{9}{c}{$k$}\\ \midrule
Dataset-Model & & Augmentation & & 1 (base) & & 2 (same image) & & 2 & & 3 & & 5 \\
\cmidrule{1-1} \cmidrule{3-3} \cmidrule{5-5} \cmidrule{7-7} \cmidrule{9-9} \cmidrule{11-11} \cmidrule{13-13}
\multirow{5}{*}{\texttt{VGG16-CIFAR100}} & & Standard & & 27.80\% & & 27.69\% & & \textbf{26.50\%} & & 27.35\% & & 29.35\% \\
&& MixUp & & - & & - & & \textbf{27.35}\% & & 49.04\% & & 63.52\%\\
&& CutMix & & - & & - & & \textbf{27.20}\% & & 36.52\% & & 51.25\% \\
&& MixUp$\rightarrow$StackMix & & - & & - & & \textbf{25.69}\% & & 26.05\% & & 27.41\%\\
&& CutMix$\rightarrow$StackMix & & - & & - & & \textbf{25.49}\% & & 26.95\% & & 27.91\%\\
\midrule
\multirow{5}{*}{\texttt{RN-CIFAR10}} && StackMix & & 7.65\% & & 7.73\% & & \textbf{7.51\%} & & 8.13\% & & 7.89\% \\
&& MixUp & & - & & - & & \textbf{6.51}\% & & 8.93\% & & 13.86\% \\
&& CutMix & & - & & - & & \textbf{6.74}\% & & 7.63\% & & 9.91\% \\
&& MixUp$\rightarrow$StackMix & & - & & - & & 6.40\% & & 6.30\% & & \textbf{6.05\%}\\
&& CutMix$\rightarrow$StackMix & & - & & - & & \textbf{6.27\%} & & 6.65\% & & 6.81\% \\
\bottomrule
\end{tabular} \vspace{-0.1cm}
\caption{Generalization error for \texttt{VGG16-CIFAR100} and \texttt{RN20-CIFAR10} with varying number of images concatenated.}
\label{tableAblation}\vspace{-0.4cm}
\end{table*}
\subsection{Robustness
\textbf{\texttt{CIFAR10/100-C}.} We investigate the impact of StackMix on robustness.
In particular, we select a corrupted dataset as test set and reevaluate models trained with and without StackMix on the uncorrupted training set, following standardized procedure \cite{hendrycks2019robustness}. AugMix \cite{hendrycks2020augmix} follows the Mix line of work with significant increases in robustness, and therefore we investigate the state-of-the-art method here. Results with WRN-40-2 on CIFAR100-C and CIFAR10-C are shown in Tables \ref{robustnessMCECIFAR100} and \ref{robustnessMCECIFAR10}, respectively.
In the clean case, StackMix improves over the vanilla case, and adding StackMix to AugMix significantly decreases test error, including 2\% on CIFAR100. StackMix does not appear to provide any additional robustness improvements beyond improvements carried over from the clean case. However, this should not be taken for granted as some methods which increase robustness can lower clean test error and vice versa \cite{raghunathan2019adversarial}.
AugMix$\rightarrow$StackMix outperforms AugMix in both clean and corrupted cases on average, and outperforms AugMix in 11/15 categories in CIFAR10-C and 10/15 categories in CIFAR100-C.
\subsection{Semi-supervised Learning}
Thus far, StackMix is applied under the Cross Entropy loss.
While varying the number of samples is helpful in understanding the impact of StackMix under different settings, we explore if StackMix can be directly applied to improve Semi-Supervised Learning (SSL) \cite{chapelle2006semi}, where the network processes both labeled and unlabeled samples.
We select a popular and practical subset of SSL, which involves adding a loss function for consistency regularization \cite{tarvainen2017mean, berthelot2019mixmatch, laine2017temporal, chen2020negative}. Consistency regularization is similar to contrastive learning in that it tries to minimize the difference in output between similar samples.
In particular, we select the classic and standard benchmark of the $\Pi$-model \cite{laine2017temporal}.
The $\Pi$ model adds a loss function for the unlabeled samples of following form:\vspace{-0.2cm}
\begin{align}
d(f_{\theta}(x),f_{\theta}(\hat{x})), \nonumber
\end{align}
where $d$ is typically the Mean Square Error, $f_{\theta}$ is the output of the neural network, and $\hat{x}$ is a stochastic perturbation of $x$.
Minimizing this loss enforces similar output distributions of an image and its perturbation.
A coefficient is then applied to the SSL loss as a weight with respect to the Cross Entropy loss.
The unlabeled samples are evaluated with the SSL loss, while the labeled samples are evaluated with Cross Entropy.
\textbf{\texttt{CIFAR10}.}
We follow the standard setup in \cite{oliver2018realistic} for the CIFAR10 dataset, where 4000 labeled samples are selected, and remaining samples are unlabeled.
We use a WRN 28-2 architecture \cite{zagoruyko2016wide}, training for 200,000 iterations with a batch size of 200, of which 100 are labeled and 100 are unlabeled.
The Adam optimizer is used ($\eta=3\cdot 10^{-4}, \beta_1=0.9, \beta_2=0.999$), decaying learning rate schedule by a factor of 0.2 at 130,000 iterations.
Horizontal flips, random crops, and gaussian noise are used as data augmentation.
A coefficient of 20 is used for the SSL loss.
By adding StackMix, we reduce the test error by 2.16\% (see Table \ref{semisupervisedImageClassification}).
\subsection{StackMix is complementary to existing data augmentation} \label{complementary_to_aug}
Data augmentation is critical in training neural network models.
Recently, stronger forms of data augmentation \cite{zhang2017mixup, devries2017improved, yun2019cutmix, cubuk2018autoaugment} have substantially improved results.
Results in the previous section strongly suggest that StackMix is complementary to Mix methods, with improved training by combining StackMix with MixUp \cite{zhang2017mixup}, CutMix \cite{yun2019cutmix} and AugMix \cite{hendrycks2020augmix}. This differs from some existing work, for example MixUp and CutMix cannot be effectively combined (see Tables \ref{supervisedImageClassificationImageNet},\ref{supervisedImageClassification}). We further support the complementary nature of StackMix by combining with AutoAugment \cite{cubuk2018autoaugment}.
\textbf{\texttt{CIFAR100}.} We follow experimental settings in \texttt{PRN18-CIFAR100}. We use existing AutoAugment policies for the CIFAR datasets, and following \cite{cubuk2018autoaugment} for CIFAR, we apply AutoAugment after other augmentations, and before normalization and StackMix. AutoAugment improves 2\% over standard augmentation, and adding StackMix improves by another 2\% (see Table \ref{aaImageClassification}); again, suggesting a complementary behavior and easy incorporation into existing pipelines. We want to emphasize the result in this section. \textit{A 2\% gain by combining StackMix with AutoAugment over either baseline on the CIFAR100 dataset is comparable to a significant increase in model size and depth; on CIFAR100, typically moving from a ResNet18 model to ResNet101 and beyond on yields a roughly 2\% improvement in most implementations. }
\begin{figure*}
\centering
\begin{subfigure}[b]{0.45\linewidth}
\includegraphics[width=\linewidth]{plots/cifar100_nstacked.png}
\label{fig:ablationvgg16}
\end{subfigure}
\begin{subfigure}[b]{0.45\linewidth}
\includegraphics[width=\linewidth]{plots/cifar10_nstacked.png}
\label{fig:ablationrn20}
\end{subfigure}
\vspace{-0.7cm}
\caption{\small Left: Generalization error for \texttt{VGG16-CIFAR100}. Right: Generalization error for \texttt{RN20-CIFAR10}. Varying number of images concatenated.
}
\label{fig:plotAblation} \vspace{-0.3cm
\end{figure*}
\begin{table*
\centering
\begin{small}
\begin{tabular}{ccccc}
\toprule
Experiment & Base & Base + flips & StackMix & StackMix + flips \\ \midrule
\texttt{PRN18-CIFAR100-INF} & 25.93\% & 25.36\% & 25.29\% & 24.79\% \\ \bottomrule
\end{tabular}\vspace{-0.1cm}
\caption{Generalization error (\%) of \texttt{PRN18-CIFAR100} with test time augmentation. Base + flips is the mean output of an image and its flipped version. StackMix + flips is the output of the concatenation of an image with itself flipped.}\vspace{-0.4cm}
\label{tableInference}
\end{small}
\end{table*}
\vspace{-0.1cm}
\subsection{Ablation study} \label{ablation}
In this paper, we studied StackMix in the setting of two images stacked ($k=2$ in Algorithm \ref{alg:StackMix}).
We now perform an ablation study to determine how far this framework can be pushed.
We increase the value of $k$, and observe the test error in the setting of \texttt{VGG16-CIFAR100} and \texttt{RN20-CIFAR100}.
We fix the hyperparameters as used previously, with results in Table \ref{tableAblation} and Figure \ref{fig:plotAblation}. For MixUp and CutMix, $k$ represents the number of images combined. For MixUp/CutMix$\rightarrow$StackMix, $k$ represents the number of images stacked, after they have been pairwise augmented with MixUp/CutMix (e.g. $k=3$ would be $2\times3=6$ total). We reduce the box size of CutMix to allow for higher $k$.
In almost all cases, the error deteriorates immediately after $k=2$, and further increasing $k$ typically increases the error further, clearer in the case of \texttt{VGG16-CIFAR100}. Performance deterioration is significantly more severe for MixUp and CutMix, whereas the StackMix variants suffer only slightly. This is likely due to loss of semantic information with inputs looking similar for MixUp, and a failure to capture enough critical information for CutMix. For example, on CIFAR100 MixUp and CutMix almost double in error from $k=2$ to $5$, tenfold the error rate increase of the StackMix variants.
We can see in Figure \ref{fig:plotAblation} that the choice of $k$ has limited impact in the early stages of training, but affects the final test error, where performance begins to deteriorate after the first learning rate decay.
Furthermore, we highlight results on the concatenation of the same image (also in Tables \ref{supervisedImageClassificationImageNet},\ref{supervisedImageClassification}).
First, this results in a sanity check that the StackMix construction on the same image is identical (with respect to performance) to the one-hot vector classification constructions.
Second, worse performance in StackMix when the same image is concatenated twice indicates that the network learns less, as compared to the concatenation of two images: this further strengthens the effect that StackMix brings during training.
\subsection{Inference speed and augmentations}
One drawback of StackMix compared with the standard one-hot is slower inference speed due to the larger input size. Therefore, we design an experiment where the standard one-hot case is given two forward passes for inference at test time. Concretely, we take the top-1 of the mean output of an image and its flipped counterpart. For StackMix in this paper, we concatenated the same image with itself without any further augmentation. However, we observe that the benefits of test-time augmentation for the standard case carry over to StackMix naturally without additional computation, where an image can be concatenated with a flipped version of itself. See Table \ref{tableInference} for results. The improvements with respect to each vanilla case are similar, where the standard case gains 0.57\% and StackMix gains 0.50\%.
\vspace{-0.1cm}
\section{Related Work}
In supervised learning, several ideas have been recently introduced that significantly boosts the performance in supervised learning.
These techniques can be added to the label, such as label smoothing \cite{sukhbaatar2014training}, or directly to the data, using data augmentation \cite{zhang2017colorful, cubuk2018autoaugment, devries2017improved, yun2019cutmix}, or both \cite{zhang2017mixup}.
Horizontal image flips and cropping have been well-established as effective data augmentation techniques \cite{krizhevsky2012imagenet, he2016deep}. In one line of work, the choice of single-image augmentations was discovered through a search procedure \cite{cubuk2018autoaugment}. The cost of the method was reduced in further work \cite{ho2019population, lim2019fast}.
StackMix is tightly related to the ``Mix'' line of work \cite{zhang2017mixup, yun2019cutmix, devries2017improved, hendrycks2020augmix, kim2020puzzle, guo2018mixup}, where pairs of input images and their labels are combined. Mixup \cite{zhang2017mixup} takes convex combinations of inputs and their labels, justified under Occam's Razor. This idea has been extended to the feature space \cite{verma2019manifold}. Other work, such as Cutout, removes parts of images \cite{devries2017improved,zhong2017random}. Further extensions, such as CutMix, removes and pastes parts of images with weighted labels \cite{yun2019cutmix, Takahashi_2020}. PuzzleMix \cite{kim2020puzzle} improves the salient information in Mix images, while AugMix \cite{hendrycks2020augmix} is another extension with improved augmentations for robustness.
There are two related frameworks that output multiple labels from a single image, namely ensembles \cite{ensemble} and multiple choice learning \cite{guzman2012multiple}.
Both ensembles and multiple choice learning aim to output multiple labels from the same input; ensembles utilize multiple models to obtain multiple predictions from the same input, while multiple choice learning predicts multiple labels from the same model.
Recent literature in ensemble learning have explored improving an ensemble of neural networks \cite{hansen1990neural} with random initialization \cite{lakshminarayanan2017simple}, attention \cite{abe}, information theoretic objectives \cite{dibs}, among others.
StackMix is strictly different from both ensembles and multiple choice learning as our aim is to predict multiple outputs from multiple inputs.
\vspace{-0.1cm}
\section{Conclusion}\vspace{-0.1cm}
We introduce StackMix, a complementary Mix algorithm.
StackMix can directly be plugged into existing pipelines with minimal changes: no change in loss, hyperparameters, or general network architecture.
StackMix improves performance in standard benchmarks including ImageNet, Tiny ImageNet, CIFAR-10, CIFAR-100, and STL-10.
Furthermore, StackMix improves robustness, and semi-supervised learning. StackMix is complementary to and boosts the performance of existing augmentation, including MixUp, CutMix, AugMix, and AutoAugment.
{\small
\bibliographystyle{ieee_fullname}
|
Subsets and Splits